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 0000000..e067211
Binary files /dev/null and b/tests/guatemala-volcano_00000000_post_disaster.png differ
diff --git a/tests/hurricane-florence_00000115_post_disaster.png b/tests/hurricane-florence_00000115_post_disaster.png
new file mode 100644
index 0000000..80e8b45
Binary files /dev/null and b/tests/hurricane-florence_00000115_post_disaster.png differ
diff --git a/tests/hurricane-florence_00000475_post_disaster.png b/tests/hurricane-florence_00000475_post_disaster.png
new file mode 100644
index 0000000..db9a9e8
Binary files /dev/null and b/tests/hurricane-florence_00000475_post_disaster.png differ
diff --git a/tests/post.png b/tests/post.png
new file mode 100644
index 0000000..c933a53
Binary files /dev/null and b/tests/post.png differ
diff --git a/tests/pre.png b/tests/pre.png
new file mode 100644
index 0000000..2b7aef8
Binary files /dev/null and b/tests/pre.png differ
diff --git a/tests/test_damage_00121_prediction.png b/tests/test_damage_00121_prediction.png
new file mode 100644
index 0000000..0cd8252
Binary files /dev/null and b/tests/test_damage_00121_prediction.png differ
diff --git a/tests/test_dataset.py b/tests/test_dataset.py
new file mode 100644
index 0000000..e9165cd
--- /dev/null
+++ b/tests/test_dataset.py
@@ -0,0 +1,126 @@
+import cv2
+
+from xview.augmentations import old_post_transform_augs, light_post_image_transform, medium_post_transform_augs
+from xview.dataset import make_dual_dataframe
+import pandas as pd
+import numpy as np
+import matplotlib.pyplot as plt
+
+
+def test_dataset():
+ df = pd.read_csv("../train_folds.csv")
+ train_df = make_dual_dataframe(df)
+
+ non_damaged_buildings = train_df["non_damaged_buildings_post"].values
+ light_damaged_buildings = train_df["light_damaged_buildings_post"].values
+ medium_damaged_buildings = train_df["medium_damaged_buildings_post"].values
+ destroyed_buildings = train_df["destroyed_buildings_post"].values
+
+ non_damaged_pixels = train_df["non_damaged_pixels_post"].values
+ light_damaged_pixels = train_df["light_damaged_pixels_post"].values
+ medium_damaged_pixels = train_df["medium_damaged_pixels_post"].values
+ destroyed_pixels = train_df["destroyed_pixels_post"].values
+
+ print(
+ non_damaged_buildings.sum(),
+ light_damaged_buildings.sum(),
+ medium_damaged_buildings.sum(),
+ destroyed_buildings.sum(),
+ )
+ print(
+ (1024 * 1024) * len(train_df)
+ - non_damaged_pixels.sum()
+ - light_damaged_pixels.sum()
+ - medium_damaged_pixels.sum()
+ - destroyed_pixels.sum(),
+ non_damaged_pixels.sum(),
+ light_damaged_pixels.sum(),
+ medium_damaged_pixels.sum(),
+ destroyed_pixels.sum(),
+ )
+
+
+def test_post_transform():
+ image = cv2.imread("guatemala-volcano_00000000_post_disaster.png")
+ image = cv2.cvtColor(image, cv2.COLOR_RGB2BGR)
+
+ post_transform = old_post_transform_augs()
+
+ image_acc = image.astype(np.long)
+
+ n = 1000
+
+ for i in range(n):
+ image_t = post_transform(image=image)["image"]
+ image_acc += image_t
+
+ image_acc = (image_acc * (1. / n)).astype(np.uint8)
+
+ plt.figure()
+ plt.imshow(image)
+ plt.show()
+
+ plt.figure()
+ plt.imshow(image_acc)
+ plt.show()
+
+
+
+def test_light_post_image_transform():
+ image = cv2.imread("guatemala-volcano_00000000_post_disaster.png")
+ image = cv2.cvtColor(image, cv2.COLOR_RGB2BGR)
+
+ post_transform = light_post_image_transform()
+
+ image_acc = image.astype(np.long)
+
+ n = 1000
+
+ for i in range(n):
+ image_t = post_transform(image=image)["image"]
+ image_acc += image_t
+
+ image_acc = (image_acc * (1. / n)).astype(np.uint8)
+
+ plt.figure()
+ plt.imshow(image)
+ plt.show()
+
+ plt.figure()
+ plt.imshow(image_acc)
+ plt.show()
+
+
+
+def test_medium_post_transform_augs():
+ image = cv2.imread("guatemala-volcano_00000000_post_disaster.png")
+ image = cv2.cvtColor(image, cv2.COLOR_RGB2BGR)
+
+ plt.figure()
+ plt.imshow(image)
+ plt.show()
+
+ post_transform = medium_post_transform_augs()
+
+ k = 10
+ for i in range(k):
+ image_t = post_transform(image=image)["image"]
+
+ plt.figure()
+ plt.imshow(image_t)
+ plt.show()
+
+ image_acc = image.astype(np.long)
+
+ n = 100
+
+ for i in range(n):
+ image_t = post_transform(image=image)["image"]
+ image_acc += image_t
+
+ image_acc = (image_acc * (1. / n)).astype(np.uint8)
+
+
+ plt.figure()
+ plt.imshow(image_acc)
+ plt.show()
diff --git a/tests/test_load_mask.py b/tests/test_load_mask.py
new file mode 100644
index 0000000..f6f8914
--- /dev/null
+++ b/tests/test_load_mask.py
@@ -0,0 +1,43 @@
+import cv2
+import numpy as np
+from PIL import Image
+import matplotlib.pyplot as plt
+
+from xview.dataset import read_mask
+from xview.utils.inference_image_output import resize_mask_one_hot
+
+
+def test_load_paletted():
+ fname = "d:\\datasets\\xview2\\train\\masks\\hurricane-harvey_00000402_post_disaster.png"
+
+ a = cv2.imread(fname)
+ b = cv2.imread(fname, cv2.IMREAD_GRAYSCALE)
+ c = cv2.imread(fname, cv2.IMREAD_ANYCOLOR)
+ d = cv2.imread(fname, cv2.IMREAD_ANYCOLOR)
+ e = cv2.imread(fname, cv2.IMREAD_ANYDEPTH)
+ f = cv2.imread(fname, cv2.IMREAD_UNCHANGED)
+ g = np.array(Image.open(fname))
+
+ print(a.shape, np.unique(a))
+ print(b.shape, np.unique(b))
+ print(c.shape, np.unique(c))
+ print(d.shape, np.unique(d))
+ print(e.shape, np.unique(e))
+ print(f.shape, np.unique(f))
+ print(g.shape, np.unique(g))
+
+
+
+def test_mask_resize():
+ fname = "d:\\datasets\\xview2\\train\\masks\\hurricane-harvey_00000402_post_disaster.png"
+ mask = read_mask(fname)
+
+ mask2 = cv2.resize(mask, (512,512), interpolation=cv2.INTER_NEAREST)
+ mask3 = resize_mask_one_hot(mask, (512,512))
+
+ cv2.imshow("Original", mask * 255)
+ cv2.imshow("Nearest", mask2 * 255)
+ cv2.imshow("Smart", mask3 * 255)
+
+ cv2.waitKey(-1)
+
diff --git a/tests/test_localization_00121_prediction.png b/tests/test_localization_00121_prediction.png
new file mode 100644
index 0000000..04a2fcb
Binary files /dev/null and b/tests/test_localization_00121_prediction.png differ
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 0000000..4c8550f
Binary files /dev/null and b/tests/test_post_00121.png differ
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)