From a92b070b8ae58a28a8cb519dd378941e3a1f26d5 Mon Sep 17 00:00:00 2001 From: am Date: Thu, 1 Aug 2024 16:46:28 -0700 Subject: [PATCH 1/4] vista2d Signed-off-by: am --- vista2d/README.md | 178 + vista2d/configs/hyper_parameters.yaml | 135 + vista2d/configs/inference.json | 133 + vista2d/configs/metadata.json | 98 + vista2d/datalists/cellpose_datalist.json | 2978 +++ vista2d/datalists/deepbacs_datalist.json | 921 + vista2d/datalists/group1_datalist.yaml | 30 + vista2d/datalists/kg_nuclei_datalist.json | 3287 +++ vista2d/datalists/livecell_A172_datalist.json | 2894 +++ .../datalists/livecell_BT474_datalist.json | 3198 +++ vista2d/datalists/livecell_BV2_datalist.json | 2884 +++ vista2d/datalists/livecell_Huh7_datalist.json | 2806 +++ vista2d/datalists/livecell_MCF7_datalist.json | 3497 +++ .../datalists/livecell_SHSY5Y_datalist.json | 3350 +++ .../datalists/livecell_SKOV3_datalist.json | 2742 ++ .../datalists/livecell_SkBr3_datalist.json | 3350 +++ vista2d/datalists/nips_data_list.json | 5206 ++++ .../datalists/omnipose_bact_f_dataset.json | 1164 + .../datalists/omnipose_bact_p_dataset.json | 2092 ++ vista2d/datalists/omnipose_worm_dataset.json | 606 + .../datalists/tissuenet_breast_datalist.json | 10537 ++++++++ .../tissuenet_breast_imc_datalist.json | 900 + .../tissuenet_breast_mibi_datalist.json | 2174 ++ .../tissuenet_breast_vectra_datalist.json | 7475 ++++++ .../tissuenet_gi_codex_datalist.json | 6964 +++++ vista2d/datalists/tissuenet_gi_datalist.json | 20960 ++++++++++++++++ .../datalists/tissuenet_gi_mibi_datalist.json | 8804 +++++++ .../datalists/tissuenet_gi_mxif_datalist.json | 5204 ++++ .../tissuenet_immune_cycif_datalist.json | 10411 ++++++++ .../datalists/tissuenet_immune_datalist.json | 13220 ++++++++++ .../tissuenet_immune_mibi_datalist.json | 891 + .../tissuenet_immune_vectra_datalist.json | 1930 ++ .../tissuenet_lung_cycif_datalist.json | 8329 ++++++ .../tissuenet_pancreas_codex_datalist.json | 16646 ++++++++++++ .../tissuenet_pancreas_datalist.json | 17174 +++++++++++++ .../tissuenet_pancreas_vectra_datalist.json | 534 + .../tissuenet_skin_mibi_datalist.json | 2466 ++ vista2d/datalists/yeaz_bf_dataset_list.json | 1476 ++ vista2d/datalists/yeaz_dataset_list.json | 1749 ++ vista2d/datalists/yeaz_phc_dataset_list.json | 213 + vista2d/docs/data_license.txt | 361 + .../all_file_downloader.py | 73 + .../cellpose_agreement.png | Bin 0 -> 239450 bytes .../download_preprocessor/cellpose_links.png | Bin 0 -> 1014357 bytes vista2d/download_preprocessor/data_tree.png | Bin 0 -> 26307 bytes .../download_preprocessor/generate_json.py | 988 + .../download_preprocessor/kaggle_download.png | Bin 0 -> 129951 bytes .../omnipose_download.png | Bin 0 -> 216499 bytes vista2d/download_preprocessor/process_data.py | 398 + vista2d/download_preprocessor/readme.md | 73 + .../tissuenet_download.png | Bin 0 -> 569771 bytes .../download_preprocessor/tissuenet_login.png | Bin 0 -> 37886 bytes vista2d/download_preprocessor/urls.txt | 39 + vista2d/large_files.yml | 3 + vista2d/license.code | 201 + vista2d/license.weights | 438 + vista2d/scripts/__init__.py | 0 .../cell_distributed_weighted_sampler.py | 119 + vista2d/scripts/cell_sam_wrapper.py | 70 + vista2d/scripts/components.py | 309 + vista2d/scripts/utils.py | 88 + vista2d/scripts/workflow.py | 1214 + vista2d/setup.cfg | 17 + vista2d/unit_tests/test_vista2d.py | 123 + vista2d/unit_tests/test_vista2d_mgpu.py | 80 + vista2d/unit_tests/utils.py | 86 + 66 files changed, 184286 insertions(+) create mode 100644 vista2d/README.md create mode 100644 vista2d/configs/hyper_parameters.yaml create mode 100644 vista2d/configs/inference.json create mode 100644 vista2d/configs/metadata.json create mode 100644 vista2d/datalists/cellpose_datalist.json create mode 100644 vista2d/datalists/deepbacs_datalist.json create mode 100644 vista2d/datalists/group1_datalist.yaml create mode 100644 vista2d/datalists/kg_nuclei_datalist.json create mode 100644 vista2d/datalists/livecell_A172_datalist.json create mode 100644 vista2d/datalists/livecell_BT474_datalist.json create mode 100644 vista2d/datalists/livecell_BV2_datalist.json create mode 100644 vista2d/datalists/livecell_Huh7_datalist.json create mode 100644 vista2d/datalists/livecell_MCF7_datalist.json create mode 100644 vista2d/datalists/livecell_SHSY5Y_datalist.json create mode 100644 vista2d/datalists/livecell_SKOV3_datalist.json create mode 100644 vista2d/datalists/livecell_SkBr3_datalist.json create mode 100644 vista2d/datalists/nips_data_list.json create mode 100644 vista2d/datalists/omnipose_bact_f_dataset.json create mode 100644 vista2d/datalists/omnipose_bact_p_dataset.json create mode 100644 vista2d/datalists/omnipose_worm_dataset.json create mode 100644 vista2d/datalists/tissuenet_breast_datalist.json create mode 100644 vista2d/datalists/tissuenet_breast_imc_datalist.json create mode 100644 vista2d/datalists/tissuenet_breast_mibi_datalist.json create mode 100644 vista2d/datalists/tissuenet_breast_vectra_datalist.json create mode 100644 vista2d/datalists/tissuenet_gi_codex_datalist.json create mode 100644 vista2d/datalists/tissuenet_gi_datalist.json create mode 100644 vista2d/datalists/tissuenet_gi_mibi_datalist.json create mode 100644 vista2d/datalists/tissuenet_gi_mxif_datalist.json create mode 100644 vista2d/datalists/tissuenet_immune_cycif_datalist.json create mode 100644 vista2d/datalists/tissuenet_immune_datalist.json create mode 100644 vista2d/datalists/tissuenet_immune_mibi_datalist.json create mode 100644 vista2d/datalists/tissuenet_immune_vectra_datalist.json create mode 100644 vista2d/datalists/tissuenet_lung_cycif_datalist.json create mode 100644 vista2d/datalists/tissuenet_pancreas_codex_datalist.json create mode 100644 vista2d/datalists/tissuenet_pancreas_datalist.json create mode 100644 vista2d/datalists/tissuenet_pancreas_vectra_datalist.json create mode 100644 vista2d/datalists/tissuenet_skin_mibi_datalist.json create mode 100644 vista2d/datalists/yeaz_bf_dataset_list.json create mode 100644 vista2d/datalists/yeaz_dataset_list.json create mode 100644 vista2d/datalists/yeaz_phc_dataset_list.json create mode 100644 vista2d/docs/data_license.txt create mode 100644 vista2d/download_preprocessor/all_file_downloader.py create mode 100644 vista2d/download_preprocessor/cellpose_agreement.png create mode 100644 vista2d/download_preprocessor/cellpose_links.png create mode 100644 vista2d/download_preprocessor/data_tree.png create mode 100644 vista2d/download_preprocessor/generate_json.py create mode 100644 vista2d/download_preprocessor/kaggle_download.png create mode 100644 vista2d/download_preprocessor/omnipose_download.png create mode 100644 vista2d/download_preprocessor/process_data.py create mode 100644 vista2d/download_preprocessor/readme.md create mode 100644 vista2d/download_preprocessor/tissuenet_download.png create mode 100644 vista2d/download_preprocessor/tissuenet_login.png create mode 100644 vista2d/download_preprocessor/urls.txt create mode 100644 vista2d/large_files.yml create mode 100644 vista2d/license.code create mode 100644 vista2d/license.weights create mode 100644 vista2d/scripts/__init__.py create mode 100644 vista2d/scripts/cell_distributed_weighted_sampler.py create mode 100644 vista2d/scripts/cell_sam_wrapper.py create mode 100644 vista2d/scripts/components.py create mode 100644 vista2d/scripts/utils.py create mode 100644 vista2d/scripts/workflow.py create mode 100644 vista2d/setup.cfg create mode 100644 vista2d/unit_tests/test_vista2d.py create mode 100644 vista2d/unit_tests/test_vista2d_mgpu.py create mode 100644 vista2d/unit_tests/utils.py diff --git a/vista2d/README.md b/vista2d/README.md new file mode 100644 index 0000000..7db2679 --- /dev/null +++ b/vista2d/README.md @@ -0,0 +1,178 @@ + + +## Overview + +The **VISTA2D** is a cell segmentation training and inference pipeline for cell imaging [[`Blog`](https://developer.nvidia.com/blog/advancing-cell-segmentation-and-morphology-analysis-with-nvidia-ai-foundation-model-vista-2d/)]. + +A pretrained model was trained on collection of 15K public microscopy images. The data collection and training can be reproduced following the [tutorial](./download_preprocessor/). Alternatively, the model can be retrained on your own dataset. The pretrained vista2d model achieves good performance on diverse set of cell types, microscopy image modalities, and can be further finetuned if necessary. The codebase utilizes several components from other great works including [SegmentAnything](https://github.com/facebookresearch/segment-anything) and [Cellpose](https://www.cellpose.org/), which must be pip installed as dependencies. Vista2D codebase follows MONAI bundle format and its [specifications](https://docs.monai.io/en/stable/mb_specification.html). + +
+ + +### Model highlights + +- Robust deep learning algorithm based on transformers +- Generalist model as compared to specialist models +- Multiple dataset sources and file formats supported +- Multiple modalities of imaging data collectively supported +- Multi-GPU and multinode training support + + +### Generalization performance + +Evaluation was performed for the VISTA2D model with multiple public datasets, such as TissueNet, LIVECell, Omnipose, DeepBacs, Cellpose, and [more](./docs/data_license.txt). A total of ~15K annotated cell images were collected to train the generalist VISTA2D model. This ensured broad coverage of many different types of cells, which were acquired by various imaging acquisition types. The benchmark results of the experiment were performed on held-out test sets for each public dataset that were already defined by the dataset contributors. Average precision at an IoU threshold of 0.5 was used for evaluating performance. The benchmark results are reported in comparison with the best numbers found in the literature, in addition to a specialist VISTA2D model trained only on a particular dataset or a subset of data. + +
+ + + +### Install dependencies + +``` +pip install monai fire tifffile imagecodecs pillow fastremap +pip install --no-deps cellpose natsort roifile +pip install git+https://github.com/facebookresearch/segment-anything.git +pip install mlflow psutil pynvml #optional for MLFlow support +``` + +### Execute training +```bash +python -m monai.bundle run_workflow "scripts.workflow.VistaCell" --config_file configs/hyper_parameters.yaml +``` + +#### Quick run with a few data points +```bash +python -m monai.bundle run_workflow "scripts.workflow.VistaCell" --config_file configs/hyper_parameters.yaml --quick True --train#trainer#max_epochs 3 +``` + +### Execute multi-GPU training +```bash +torchrun --nproc_per_node=gpu -m monai.bundle run_workflow "scripts.workflow.VistaCell" --config_file configs/hyper_parameters.yaml +``` + +### Execute validation +```bash +python -m monai.bundle run_workflow "scripts.workflow.VistaCell" --config_file configs/hyper_parameters.yaml --pretrained_ckpt_name model.pt --mode eval +``` +(can append `--quick True` for quick demoing) + +### Execute multi-GPU validation +```bash +torchrun --nproc_per_node=gpu -m monai.bundle run_workflow "scripts.workflow.VistaCell" --config_file configs/hyper_parameters.yaml --mode eval +``` + +### Execute inference +```bash +python -m monai.bundle run --config_file configs/inference.json +``` + +### Execute multi-GPU inference +```bash +torchrun --nproc_per_node=gpu -m monai.bundle run_workflow "scripts.workflow.VistaCell" --config_file configs/hyper_parameters.yaml --mode infer --pretrained_ckpt_name model.pt +``` +(can append `--quick True` for quick demoing) + + + +#### Finetune starting from a trained checkpoint +(we use a smaller learning rate, small number of epochs, and initialize from a checkpoint) +```bash +python -m monai.bundle run_workflow "scripts.workflow.VistaCell" --config_file configs/hyper_parameters.yaml --learning_rate=0.001 --train#trainer#max_epochs 20 --pretrained_ckpt_path /path/to/saved/model.pt +``` + + +#### Configuration options + +To disable the segmentation writing: +``` +--postprocessing [] +``` + +Load a checkpoint for validation or inference (relative path within results directory): +``` +--pretrained_ckpt_name "model.pt" +``` + +Load a checkpoint for validation or inference (absolute path): +``` +--pretrained_ckpt_path "/path/to/another/location/model.pt" +``` + +`--mode eval` or `--mode infer`will use the corresponding configurations from the `validate` or `infer` +of the `configs/hyper_parameters.yaml`. + +By default the generated `model.pt` corresponds to the checkpoint at the best validation score, +`model_final.pt` is the checkpoint after the latest training epoch. + + +### Development + +For development purposes it's possible to run the script directly (without monai bundle calls) + +```bash +python scripts/workflow.py --config_file configs/hyper_parameters.yaml ... +torchrun --nproc_per_node=gpu -m scripts/workflow.py --config_file configs/hyper_parameters.yaml .. +``` + +### MLFlow support + +Enable MLFlow logging by specifying "mlflow_tracking_uri" (can be local or remote URL). + +```bash +python -m monai.bundle run_workflow "scripts.workflow.VistaCell" --config_file configs/hyper_parameters.yaml --mlflow_tracking_uri=http://127.0.0.1:8080 +``` + +Optionally use "--mlflow_run_name=.." to specify MLFlow experiment name, and "--mlflow_log_system_metrics=True/False" to enable logging of CPU/GPU resources (requires pip install psutil pynvml) + + + +### Unit tests + +Test single GPU training: +``` +python unit_tests/test_vista2d.py +``` + +Test multi-GPU training (may need to uncomment the `"--standalone"` in the `unit_tests/utils.py` file): +``` +python unit_tests/test_vista2d_mgpu.py +``` + +## Compute Requirements +Min GPU memory requirements 16Gb. + + +## Contributing +Vista2D codebase follows MONAI bundle format and its [specifications](https://docs.monai.io/en/stable/mb_specification.html). +Make sure to run pre-commit before committing code changes to git +```bash +pip install pre-commit +python3 -m pre_commit run --all-files +``` + + +## Community + +Join the conversation on Twitter [@ProjectMONAI](https://twitter.com/ProjectMONAI) or join +our [Slack channel](https://projectmonai.slack.com/archives/C031QRE0M1C). + +Ask and answer questions on [MONAI VISTA's GitHub discussions tab](https://github.com/Project-MONAI/VISTA/discussions). + +## License + +The codebase is under Apache 2.0 Licence. The model weight is released under CC-BY-NC-SA-4.0. For various public data licenses please see [data_license.txt](./docs/data_license.txt). + +## Acknowledgement +- [segment-anything](https://github.com/facebookresearch/segment-anything) +- [Cellpose](https://www.cellpose.org/) \ No newline at end of file diff --git a/vista2d/configs/hyper_parameters.yaml b/vista2d/configs/hyper_parameters.yaml new file mode 100644 index 0000000..9f6e8b7 --- /dev/null +++ b/vista2d/configs/hyper_parameters.yaml @@ -0,0 +1,135 @@ +imports: + - $import os + +# seed: 28022024 # uncommend for deterministic results (but slower) +seed: null + +bundle_root: "." +ckpt_path: $os.path.join(@bundle_root, "models") # location to save checkpoints +output_dir: $os.path.join(@bundle_root, "eval") # location to save events and logs +log_output_file: $os.path.join(@output_dir, "vista_cell.log") + +mlflow_tracking_uri: null # enable mlflow logging, e.g. $@ckpt_path + '/mlruns/ or "http://127.0.0.1:8080" or a remote url +mlflow_log_system_metrics: true # log system metrics to mlflow (requires: pip install psutil pynvml) +mlflow_run_name: null # optional name of the current run + +ckpt_save: true # save checkpoints periodically +amp: true +amp_dtype: "float16" #float16 or bfloat16 (Ampere or newer) +channels_last: true +compile: false # complie the model for faster processing + +start_epoch: 0 +run_final_testing: true +use_weighted_sampler: false # only applicable when using several dataset jsons for data_list_files + +pretrained_ckpt_name: null +pretrained_ckpt_path: null + +# for commandline setting of a single dataset +datalist: datalists/tissuenet_skin_mibi_datalist.json +basedir: /data/tissuenet +data_list_files: + - {datalist: "@datalist", basedir: "@basedir"} + + +fold: 0 +learning_rate: 0.01 # try 1.0e-4 if using AdamW +quick: false # whether to use a small subset of data for quick testing +roi_size: [256, 256] + +train: + skip: false + handlers: [] + trainer: + num_warmup_epochs: 3 + max_epochs: 200 + num_epochs_per_saving: 1 + num_epochs_per_validation: null + num_workers: 4 + batch_size: 1 + dataset: + preprocessing: + roi_size: "@roi_size" + data: + key: null # set to 'testing' to use this subset in periodic validations, instead of the the validation set + data_list_files: "@data_list_files" + +dataset: + data: + key: "testing" + data_list_files: "@data_list_files" + +validate: + grouping: true + evaluator: + postprocessing: "@postprocessing" + dataset: + data: "@dataset#data" + batch_size: 1 + num_workers: 4 + preprocessing: null + postprocessing: null + inferer: null + handlers: null + key_metric: null + +infer: + evaluator: + postprocessing: "@postprocessing" + dataset: + data: "@dataset#data" + + +device: "$torch.device(('cuda:' + os.environ.get('LOCAL_RANK', '0')) if torch.cuda.is_available() else 'cpu')" +network_def: + _target_: scripts.cell_sam_wrapper.CellSamWrapper + checkpoint: $os.path.join(@ckpt_path, "sam_vit_b_01ec64.pth") +network: $@network_def.to(@device) + +loss_function: + _target_: scripts.components.CellLoss + +key_metric: + _target_: scripts.components.CellAcc + +# optimizer: +# _target_: torch.optim.AdamW +# params: $@network.parameters() +# lr: "@learning_rate" +# weight_decay: 1.0e-5 + +optimizer: + _target_: torch.optim.SGD + params: $@network.parameters() + momentum: 0.9 + lr: "@learning_rate" + weight_decay: 1.0e-5 + +lr_scheduler: + _target_: monai.optimizers.lr_scheduler.WarmupCosineSchedule + optimizer: "@optimizer" + warmup_steps: "@train#trainer#num_warmup_epochs" + warmup_multiplier: 0.1 + t_total: "@train#trainer#max_epochs" + +inferer: + sliding_inferer: + _target_: monai.inferers.SlidingWindowInfererAdapt + roi_size: "@roi_size" + sw_batch_size: 1 + overlap: 0.625 + mode: "gaussian" + cache_roi_weight_map: true + progress: false + +image_saver: + _target_: scripts.components.SaveTiffd + keys: "seg" + output_dir: "@output_dir" + nested_folder: false + +postprocessing: + _target_: monai.transforms.Compose + transforms: + - "@image_saver" diff --git a/vista2d/configs/inference.json b/vista2d/configs/inference.json new file mode 100644 index 0000000..cf5bfa8 --- /dev/null +++ b/vista2d/configs/inference.json @@ -0,0 +1,133 @@ +{ + "imports": [ + "$import numpy as np" + ], + "bundle_root": ".", + "ckpt_dir": "$@bundle_root + '/models'", + "output_dir": "$@bundle_root + '/eval'", + "output_ext": ".tif", + "output_postfix": "trans", + "roi_size": [ + 256, + 256 + ], + "input_dict": "${'image': '/cellpose_dataset/test/001_img.png'}", + "device": "$torch.device('cuda:0' if torch.cuda.is_available() else 'cpu')", + "sam_ckpt_path": "$@ckpt_dir + '/sam_vit_b_01ec64.pth'", + "pretrained_ckpt_path": "$@ckpt_dir + '/model.pt'", + "image_key": "image", + "channels_last": true, + "use_amp": true, + "amp_dtype": "$torch.float", + "network_def": { + "_target_": "scripts.cell_sam_wrapper.CellSamWrapper", + "checkpoint": "@sam_ckpt_path" + }, + "network": "$@network_def.to(@device)", + "preprocessing_transforms": [ + { + "_target_": "scripts.components.LoadTiffd", + "keys": "@image_key" + }, + { + "_target_": "EnsureTyped", + "keys": "@image_key", + "data_type": "tensor", + "dtype": "$torch.float" + }, + { + "_target_": "ScaleIntensityd", + "keys": "@image_key", + "minv": 0, + "maxv": 1, + "channel_wise": true + }, + { + "_target_": "ScaleIntensityRangePercentilesd", + "keys": "image", + "lower": 1, + "upper": 99, + "b_min": 0.0, + "b_max": 1.0, + "channel_wise": true, + "clip": true + } + ], + "preprocessing": { + "_target_": "Compose", + "transforms": "$@preprocessing_transforms " + }, + "dataset": { + "_target_": "Dataset", + "data": "$[@input_dict]", + "transform": "@preprocessing" + }, + "dataloader": { + "_target_": "ThreadDataLoader", + "dataset": "@dataset", + "batch_size": 1, + "shuffle": false, + "num_workers": 0 + }, + "inferer": { + "_target_": "SlidingWindowInfererAdapt", + "roi_size": "@roi_size", + "sw_batch_size": 1, + "overlap": 0.625, + "mode": "gaussian", + "cache_roi_weight_map": true, + "progress": false + }, + "postprocessing": { + "_target_": "Compose", + "transforms": [ + { + "_target_": "ToDeviced", + "keys": "pred", + "device": "cpu" + }, + { + "_target_": "scripts.components.LogitsToLabelsd", + "keys": "pred" + }, + { + "_target_": "scripts.components.SaveTiffExd", + "keys": "pred", + "output_dir": "@output_dir", + "output_ext": "@output_ext", + "output_postfix": "@output_postfix" + } + ] + }, + "handlers": [ + { + "_target_": "StatsHandler", + "iteration_log": false + } + ], + "checkpointloader": { + "_target_": "CheckpointLoader", + "load_path": "@pretrained_ckpt_path", + "map_location": "cpu", + "load_dict": { + "state_dict": "@network" + } + }, + "evaluator": { + "_target_": "SupervisedEvaluator", + "device": "@device", + "val_data_loader": "@dataloader", + "network": "@network", + "inferer": "@inferer", + "postprocessing": "@postprocessing", + "val_handlers": "@handlers", + "amp": true + }, + "initialize": [ + "$monai.utils.set_determinism(seed=123)", + "$@checkpointloader(@evaluator)" + ], + "run": [ + "$@evaluator.run()" + ] +} diff --git a/vista2d/configs/metadata.json b/vista2d/configs/metadata.json new file mode 100644 index 0000000..6729358 --- /dev/null +++ b/vista2d/configs/metadata.json @@ -0,0 +1,98 @@ +{ + "schema": "https://github.com/Project-MONAI/MONAI-extra-test-data/releases/download/0.8.1/meta_schema_20220324.json", + "version": "0.2.0", + "changelog": { + "0.2.0": "support bundle inference json", + "0.1.9": "finetuning checkpoint loading update", + "0.1.8": "added manfests", + "0.1.7": "prescaling to 0..1", + "0.1.6": "data processing script instead of json generation, data licenses", + "0.1.5": "improvements and mlflow support", + "0.1.4": "add unit tests and use monai 1.3.1", + "0.1.3": "update default optimizer", + "0.1.2": "use_weighted_sampler defaults to false", + "0.1.1": "remove unused code", + "0.1.0": "update evaluator", + "0.0.9": "do workflow_type and dataset data changes", + "0.0.8": "let pretrained_ckpt_name refer to ckpt_path", + "0.0.7": "update workflow input arg", + "0.0.6": "update the transforms and model, partly verified the reimplementation", + "0.0.5": "add inference logic and rename the entry point class from train.py to workflow.py", + "0.0.4": "update loadimage and weighted sampler", + "0.0.3": "fix final val error if override datalist", + "0.0.2": "fix attr error", + "0.0.1": "initialize the model package structure" + }, + "monai_version": "1.3.1", + "pytorch_version": "2.2.2", + "numpy_version": "1.24.4", + "einops": "0.7.0", + "optional_packages_version": { + "scikit-image": "0.22.0", + "fastremap": "1.14.1", + "cucim-cu12": "24.2.0", + "gdown": "5.1.0", + "fire": "0.6.0", + "pyyaml": "6.0.1", + "tensorboard": "2.16.2", + "opencv-python": "4.7.0.68", + "numba": "0.59.0", + "torchvision": "0.17.2", + "cellpose": "3.0.8", + "segment_anything": "1.0", + "mlflow": "2.13.1", + "pynvml": "11.5.0" + }, + "name": "VISTA-Cell", + "task": "cell image segmentation", + "description": "VISTA2D bundle for cell image analysis", + "authors": "MONAI team", + "copyright": "Copyright (c) MONAI Consortium", + "data_type": "tiff", + "image_classes": "1 channel data, intensity scaled to [0, 1]", + "label_classes": "3-channel data", + "pred_classes": "3 channels", + "eval_metrics": { + "mean_dice": 0.0 + }, + "intended_use": "This is an example, not to be used for diagnostic purposes", + "references": [], + "network_data_format": { + "inputs": { + "image": { + "type": "image", + "num_channels": 3, + "spatial_shape": [ + 256, + 256 + ], + "format": "RGB", + "value_range": [ + 0, + 255 + ], + "dtype": "float32", + "is_patch_data": true, + "channel_def": { + "0": "image" + } + } + }, + "outputs": { + "pred": { + "type": "image", + "format": "segmentation", + "num_channels": 3, + "dtype": "float32", + "value_range": [ + 0, + 1 + ], + "spatial_shape": [ + 256, + 256 + ] + } + } + } +} diff --git a/vista2d/datalists/cellpose_datalist.json b/vista2d/datalists/cellpose_datalist.json new file mode 100644 index 0000000..ce0707f --- /dev/null +++ b/vista2d/datalists/cellpose_datalist.json @@ -0,0 +1,2978 @@ +{ + "training": [ + { + "image": "train/128_img.png", + "label": "train/128_masks.png", + "fold": 0 + }, + { + "image": "train/136_img.png", + "label": "train/136_masks.png", + "fold": 0 + }, + { + "image": "train/461_img.png", + "label": "train/461_masks.png", + "fold": 0 + }, + { + "image": "train/116_img.png", + "label": "train/116_masks.png", + "fold": 0 + }, + { + "image": "train/534_img.png", + "label": "train/534_masks.png", + "fold": 0 + }, + { + "image": "train/247_img.png", + "label": "train/247_masks.png", + "fold": 0 + }, + { + "image": "train/287_img.png", + "label": "train/287_masks.png", + "fold": 0 + }, + { + "image": "train/202_img.png", + "label": "train/202_masks.png", + "fold": 0 + }, + { + "image": "train/004_img.png", + "label": "train/004_masks.png", + "fold": 0 + }, + { + "image": "train/199_img.png", + "label": "train/199_masks.png", + "fold": 0 + }, + { + "image": "train/326_img.png", + "label": "train/326_masks.png", + "fold": 0 + }, + { + "image": "train/094_img.png", + "label": "train/094_masks.png", + "fold": 0 + }, + { + "image": "train/512_img.png", + "label": "train/512_masks.png", + "fold": 0 + }, + { + "image": "train/039_img.png", + "label": "train/039_masks.png", + "fold": 0 + }, + { + "image": "train/015_img.png", + "label": "train/015_masks.png", + "fold": 0 + }, + { + "image": "train/095_img.png", + "label": "train/095_masks.png", + "fold": 0 + }, + { + "image": "train/214_img.png", + "label": "train/214_masks.png", + "fold": 0 + }, + { + "image": "train/373_img.png", + "label": "train/373_masks.png", + "fold": 0 + }, + { + "image": "train/255_img.png", + "label": "train/255_masks.png", + "fold": 0 + }, + { + "image": "train/374_img.png", + "label": "train/374_masks.png", + "fold": 0 + }, + { + "image": "train/100_img.png", + "label": "train/100_masks.png", + "fold": 0 + }, + { + "image": "train/189_img.png", + "label": "train/189_masks.png", + "fold": 0 + }, + { + "image": "train/175_img.png", + "label": "train/175_masks.png", + "fold": 0 + }, + { + "image": "train/349_img.png", + "label": "train/349_masks.png", + "fold": 0 + }, + { + "image": "train/145_img.png", + "label": "train/145_masks.png", + "fold": 0 + }, + { + "image": "train/369_img.png", + "label": "train/369_masks.png", + "fold": 0 + }, + { + "image": "train/518_img.png", + "label": "train/518_masks.png", + "fold": 0 + }, + { + "image": "train/231_img.png", + "label": "train/231_masks.png", + "fold": 0 + }, + { + "image": "train/473_img.png", + "label": "train/473_masks.png", + "fold": 0 + }, + { + "image": "train/080_img.png", + "label": "train/080_masks.png", + "fold": 0 + }, + { + "image": "train/187_img.png", + "label": "train/187_masks.png", + "fold": 0 + }, + { + "image": "train/350_img.png", + "label": "train/350_masks.png", + "fold": 0 + }, + { + "image": "train/111_img.png", + "label": "train/111_masks.png", + "fold": 0 + }, + { + "image": "train/102_img.png", + "label": "train/102_masks.png", + "fold": 0 + }, + { + "image": "train/243_img.png", + "label": "train/243_masks.png", + "fold": 0 + }, + { + "image": "train/487_img.png", + "label": "train/487_masks.png", + "fold": 0 + }, + { + "image": "train/300_img.png", + "label": "train/300_masks.png", + "fold": 0 + }, + { + "image": "train/266_img.png", + "label": "train/266_masks.png", + "fold": 0 + }, + { + "image": "train/103_img.png", + "label": "train/103_masks.png", + "fold": 0 + }, + { + "image": "train/311_img.png", + "label": "train/311_masks.png", + "fold": 0 + }, + { + "image": "train/297_img.png", + "label": "train/297_masks.png", + "fold": 0 + }, + { + "image": "train/524_img.png", + "label": "train/524_masks.png", + "fold": 0 + }, + { + "image": "train/308_img.png", + "label": "train/308_masks.png", + "fold": 0 + }, + { + "image": "train/392_img.png", + "label": "train/392_masks.png", + "fold": 0 + }, + { + "image": "train/364_img.png", + "label": "train/364_masks.png", + "fold": 0 + }, + { + "image": "train/396_img.png", + "label": "train/396_masks.png", + "fold": 0 + }, + { + "image": "train/185_img.png", + "label": "train/185_masks.png", + "fold": 0 + }, + { + "image": "train/257_img.png", + "label": "train/257_masks.png", + "fold": 0 + }, + { + "image": "train/003_img.png", + "label": "train/003_masks.png", + "fold": 0 + }, + { + "image": "train/535_img.png", + "label": "train/535_masks.png", + "fold": 0 + }, + { + "image": "train/452_img.png", + "label": "train/452_masks.png", + "fold": 0 + }, + { + "image": "train/161_img.png", + "label": "train/161_masks.png", + "fold": 0 + }, + { + "image": "train/425_img.png", + "label": "train/425_masks.png", + "fold": 0 + }, + { + "image": "train/133_img.png", + "label": "train/133_masks.png", + "fold": 0 + }, + { + "image": "train/046_img.png", + "label": "train/046_masks.png", + "fold": 0 + }, + { + "image": "train/213_img.png", + "label": "train/213_masks.png", + "fold": 0 + }, + { + "image": "train/447_img.png", + "label": "train/447_masks.png", + "fold": 0 + }, + { + "image": "train/229_img.png", + "label": "train/229_masks.png", + "fold": 0 + }, + { + "image": "train/529_img.png", + "label": "train/529_masks.png", + "fold": 0 + }, + { + "image": "train/112_img.png", + "label": "train/112_masks.png", + "fold": 0 + }, + { + "image": "train/358_img.png", + "label": "train/358_masks.png", + "fold": 0 + }, + { + "image": "train/078_img.png", + "label": "train/078_masks.png", + "fold": 0 + }, + { + "image": "train/335_img.png", + "label": "train/335_masks.png", + "fold": 0 + }, + { + "image": "train/329_img.png", + "label": "train/329_masks.png", + "fold": 0 + }, + { + "image": "train/539_img.png", + "label": "train/539_masks.png", + "fold": 0 + }, + { + "image": "train/355_img.png", + "label": "train/355_masks.png", + "fold": 0 + }, + { + "image": "train/041_img.png", + "label": "train/041_masks.png", + "fold": 0 + }, + { + "image": "train/104_img.png", + "label": "train/104_masks.png", + "fold": 0 + }, + { + "image": "train/132_img.png", + "label": "train/132_masks.png", + "fold": 0 + }, + { + "image": "train/188_img.png", + "label": "train/188_masks.png", + "fold": 0 + }, + { + "image": "train/174_img.png", + "label": "train/174_masks.png", + "fold": 0 + }, + { + "image": "train/075_img.png", + "label": "train/075_masks.png", + "fold": 0 + }, + { + "image": "train/110_img.png", + "label": "train/110_masks.png", + "fold": 0 + }, + { + "image": "train/423_img.png", + "label": "train/423_masks.png", + "fold": 0 + }, + { + "image": "train/321_img.png", + "label": "train/321_masks.png", + "fold": 0 + }, + { + "image": "train/343_img.png", + "label": "train/343_masks.png", + "fold": 0 + }, + { + "image": "train/069_img.png", + "label": "train/069_masks.png", + "fold": 0 + }, + { + "image": "train/365_img.png", + "label": "train/365_masks.png", + "fold": 0 + }, + { + "image": "train/173_img.png", + "label": "train/173_masks.png", + "fold": 0 + }, + { + "image": "train/048_img.png", + "label": "train/048_masks.png", + "fold": 0 + }, + { + "image": "train/049_img.png", + "label": "train/049_masks.png", + "fold": 0 + }, + { + "image": "train/130_img.png", + "label": "train/130_masks.png", + "fold": 0 + }, + { + "image": "train/533_img.png", + "label": "train/533_masks.png", + "fold": 0 + }, + { + "image": "train/431_img.png", + "label": "train/431_masks.png", + "fold": 0 + }, + { + "image": "train/152_img.png", + "label": "train/152_masks.png", + "fold": 0 + }, + { + "image": "train/252_img.png", + "label": "train/252_masks.png", + "fold": 0 + }, + { + "image": "train/096_img.png", + "label": "train/096_masks.png", + "fold": 0 + }, + { + "image": "train/301_img.png", + "label": "train/301_masks.png", + "fold": 0 + }, + { + "image": "train/507_img.png", + "label": "train/507_masks.png", + "fold": 0 + }, + { + "image": "train/481_img.png", + "label": "train/481_masks.png", + "fold": 0 + }, + { + "image": "train/232_img.png", + "label": "train/232_masks.png", + "fold": 0 + }, + { + "image": "train/267_img.png", + "label": "train/267_masks.png", + "fold": 0 + }, + { + "image": "train/292_img.png", + "label": "train/292_masks.png", + "fold": 0 + }, + { + "image": "train/097_img.png", + "label": "train/097_masks.png", + "fold": 0 + }, + { + "image": "train/157_img.png", + "label": "train/157_masks.png", + "fold": 0 + }, + { + "image": "train/376_img.png", + "label": "train/376_masks.png", + "fold": 0 + }, + { + "image": "train/361_img.png", + "label": "train/361_masks.png", + "fold": 0 + }, + { + "image": "train/219_img.png", + "label": "train/219_masks.png", + "fold": 0 + }, + { + "image": "train/482_img.png", + "label": "train/482_masks.png", + "fold": 0 + }, + { + "image": "train/082_img.png", + "label": "train/082_masks.png", + "fold": 0 + }, + { + "image": "train/438_img.png", + "label": "train/438_masks.png", + "fold": 0 + }, + { + "image": "train/072_img.png", + "label": "train/072_masks.png", + "fold": 0 + }, + { + "image": "train/169_img.png", + "label": "train/169_masks.png", + "fold": 0 + }, + { + "image": "train/538_img.png", + "label": "train/538_masks.png", + "fold": 0 + }, + { + "image": "train/304_img.png", + "label": "train/304_masks.png", + "fold": 0 + }, + { + "image": "train/496_img.png", + "label": "train/496_masks.png", + "fold": 0 + }, + { + "image": "train/264_img.png", + "label": "train/264_masks.png", + "fold": 0 + }, + { + "image": "train/121_img.png", + "label": "train/121_masks.png", + "fold": 0 + }, + { + "image": "train/418_img.png", + "label": "train/418_masks.png", + "fold": 1 + }, + { + "image": "train/254_img.png", + "label": "train/254_masks.png", + "fold": 1 + }, + { + "image": "train/290_img.png", + "label": "train/290_masks.png", + "fold": 1 + }, + { + "image": "train/434_img.png", + "label": "train/434_masks.png", + "fold": 1 + }, + { + "image": "train/390_img.png", + "label": "train/390_masks.png", + "fold": 1 + }, + { + "image": "train/074_img.png", + "label": "train/074_masks.png", + "fold": 1 + }, + { + "image": "train/502_img.png", + "label": "train/502_masks.png", + "fold": 1 + }, + { + "image": "train/525_img.png", + "label": "train/525_masks.png", + "fold": 1 + }, + { + "image": "train/278_img.png", + "label": "train/278_masks.png", + "fold": 1 + }, + { + "image": "train/467_img.png", + "label": "train/467_masks.png", + "fold": 1 + }, + { + "image": "train/107_img.png", + "label": "train/107_masks.png", + "fold": 1 + }, + { + "image": "train/410_img.png", + "label": "train/410_masks.png", + "fold": 1 + }, + { + "image": "train/198_img.png", + "label": "train/198_masks.png", + "fold": 1 + }, + { + "image": "train/332_img.png", + "label": "train/332_masks.png", + "fold": 1 + }, + { + "image": "train/316_img.png", + "label": "train/316_masks.png", + "fold": 1 + }, + { + "image": "train/019_img.png", + "label": "train/019_masks.png", + "fold": 1 + }, + { + "image": "train/148_img.png", + "label": "train/148_masks.png", + "fold": 1 + }, + { + "image": "train/475_img.png", + "label": "train/475_masks.png", + "fold": 1 + }, + { + "image": "train/386_img.png", + "label": "train/386_masks.png", + "fold": 1 + }, + { + "image": "train/193_img.png", + "label": "train/193_masks.png", + "fold": 1 + }, + { + "image": "train/318_img.png", + "label": "train/318_masks.png", + "fold": 1 + }, + { + "image": "train/305_img.png", + "label": "train/305_masks.png", + "fold": 1 + }, + { + "image": "train/291_img.png", + "label": "train/291_masks.png", + "fold": 1 + }, + { + "image": "train/245_img.png", + "label": "train/245_masks.png", + "fold": 1 + }, + { + "image": "train/043_img.png", + "label": "train/043_masks.png", + "fold": 1 + }, + { + "image": "train/504_img.png", + "label": "train/504_masks.png", + "fold": 1 + }, + { + "image": "train/288_img.png", + "label": "train/288_masks.png", + "fold": 1 + }, + { + "image": "train/259_img.png", + "label": "train/259_masks.png", + "fold": 1 + }, + { + "image": "train/424_img.png", + "label": "train/424_masks.png", + "fold": 1 + }, + { + "image": "train/007_img.png", + "label": "train/007_masks.png", + "fold": 1 + }, + { + "image": "train/242_img.png", + "label": "train/242_masks.png", + "fold": 1 + }, + { + "image": "train/486_img.png", + "label": "train/486_masks.png", + "fold": 1 + }, + { + "image": "train/484_img.png", + "label": "train/484_masks.png", + "fold": 1 + }, + { + "image": "train/279_img.png", + "label": "train/279_masks.png", + "fold": 1 + }, + { + "image": "train/056_img.png", + "label": "train/056_masks.png", + "fold": 1 + }, + { + "image": "train/027_img.png", + "label": "train/027_masks.png", + "fold": 1 + }, + { + "image": "train/206_img.png", + "label": "train/206_masks.png", + "fold": 1 + }, + { + "image": "train/088_img.png", + "label": "train/088_masks.png", + "fold": 1 + }, + { + "image": "train/339_img.png", + "label": "train/339_masks.png", + "fold": 1 + }, + { + "image": "train/261_img.png", + "label": "train/261_masks.png", + "fold": 1 + }, + { + "image": "train/401_img.png", + "label": "train/401_masks.png", + "fold": 1 + }, + { + "image": "train/061_img.png", + "label": "train/061_masks.png", + "fold": 1 + }, + { + "image": "train/012_img.png", + "label": "train/012_masks.png", + "fold": 1 + }, + { + "image": "train/298_img.png", + "label": "train/298_masks.png", + "fold": 1 + }, + { + "image": "train/108_img.png", + "label": "train/108_masks.png", + "fold": 1 + }, + { + "image": "train/137_img.png", + "label": "train/137_masks.png", + "fold": 1 + }, + { + "image": "train/381_img.png", + "label": "train/381_masks.png", + "fold": 1 + }, + { + "image": "train/474_img.png", + "label": "train/474_masks.png", + "fold": 1 + }, + { + "image": "train/023_img.png", + "label": "train/023_masks.png", + "fold": 1 + }, + { + "image": "train/407_img.png", + "label": "train/407_masks.png", + "fold": 1 + }, + { + "image": "train/510_img.png", + "label": "train/510_masks.png", + "fold": 1 + }, + { + "image": "train/334_img.png", + "label": "train/334_masks.png", + "fold": 1 + }, + { + "image": "train/319_img.png", + "label": "train/319_masks.png", + "fold": 1 + }, + { + "image": "train/455_img.png", + "label": "train/455_masks.png", + "fold": 1 + }, + { + "image": "train/178_img.png", + "label": "train/178_masks.png", + "fold": 1 + }, + { + "image": "train/149_img.png", + "label": "train/149_masks.png", + "fold": 1 + }, + { + "image": "train/091_img.png", + "label": "train/091_masks.png", + "fold": 1 + }, + { + "image": "train/457_img.png", + "label": "train/457_masks.png", + "fold": 1 + }, + { + "image": "train/235_img.png", + "label": "train/235_masks.png", + "fold": 1 + }, + { + "image": "train/083_img.png", + "label": "train/083_masks.png", + "fold": 1 + }, + { + "image": "train/034_img.png", + "label": "train/034_masks.png", + "fold": 1 + }, + { + "image": "train/101_img.png", + "label": "train/101_masks.png", + "fold": 1 + }, + { + "image": "train/224_img.png", + "label": "train/224_masks.png", + "fold": 1 + }, + { + "image": "train/340_img.png", + "label": "train/340_masks.png", + "fold": 1 + }, + { + "image": "train/515_img.png", + "label": "train/515_masks.png", + "fold": 1 + }, + { + "image": "train/018_img.png", + "label": "train/018_masks.png", + "fold": 1 + }, + { + "image": "train/387_img.png", + "label": "train/387_masks.png", + "fold": 1 + }, + { + "image": "train/440_img.png", + "label": "train/440_masks.png", + "fold": 1 + }, + { + "image": "train/183_img.png", + "label": "train/183_masks.png", + "fold": 1 + }, + { + "image": "train/228_img.png", + "label": "train/228_masks.png", + "fold": 1 + }, + { + "image": "train/081_img.png", + "label": "train/081_masks.png", + "fold": 1 + }, + { + "image": "train/495_img.png", + "label": "train/495_masks.png", + "fold": 1 + }, + { + "image": "train/347_img.png", + "label": "train/347_masks.png", + "fold": 1 + }, + { + "image": "train/190_img.png", + "label": "train/190_masks.png", + "fold": 1 + }, + { + "image": "train/014_img.png", + "label": "train/014_masks.png", + "fold": 1 + }, + { + "image": "train/366_img.png", + "label": "train/366_masks.png", + "fold": 1 + }, + { + "image": "train/052_img.png", + "label": "train/052_masks.png", + "fold": 1 + }, + { + "image": "train/416_img.png", + "label": "train/416_masks.png", + "fold": 1 + }, + { + "image": "train/460_img.png", + "label": "train/460_masks.png", + "fold": 1 + }, + { + "image": "train/141_img.png", + "label": "train/141_masks.png", + "fold": 1 + }, + { + "image": "train/331_img.png", + "label": "train/331_masks.png", + "fold": 1 + }, + { + "image": "train/295_img.png", + "label": "train/295_masks.png", + "fold": 1 + }, + { + "image": "train/273_img.png", + "label": "train/273_masks.png", + "fold": 1 + }, + { + "image": "train/299_img.png", + "label": "train/299_masks.png", + "fold": 1 + }, + { + "image": "train/439_img.png", + "label": "train/439_masks.png", + "fold": 1 + }, + { + "image": "train/330_img.png", + "label": "train/330_masks.png", + "fold": 1 + }, + { + "image": "train/511_img.png", + "label": "train/511_masks.png", + "fold": 1 + }, + { + "image": "train/275_img.png", + "label": "train/275_masks.png", + "fold": 1 + }, + { + "image": "train/419_img.png", + "label": "train/419_masks.png", + "fold": 1 + }, + { + "image": "train/053_img.png", + "label": "train/053_masks.png", + "fold": 1 + }, + { + "image": "train/029_img.png", + "label": "train/029_masks.png", + "fold": 1 + }, + { + "image": "train/040_img.png", + "label": "train/040_masks.png", + "fold": 1 + }, + { + "image": "train/494_img.png", + "label": "train/494_masks.png", + "fold": 1 + }, + { + "image": "train/207_img.png", + "label": "train/207_masks.png", + "fold": 1 + }, + { + "image": "train/363_img.png", + "label": "train/363_masks.png", + "fold": 1 + }, + { + "image": "train/509_img.png", + "label": "train/509_masks.png", + "fold": 1 + }, + { + "image": "train/428_img.png", + "label": "train/428_masks.png", + "fold": 1 + }, + { + "image": "train/233_img.png", + "label": "train/233_masks.png", + "fold": 1 + }, + { + "image": "train/194_img.png", + "label": "train/194_masks.png", + "fold": 1 + }, + { + "image": "train/370_img.png", + "label": "train/370_masks.png", + "fold": 1 + }, + { + "image": "train/449_img.png", + "label": "train/449_masks.png", + "fold": 1 + }, + { + "image": "train/383_img.png", + "label": "train/383_masks.png", + "fold": 1 + }, + { + "image": "train/051_img.png", + "label": "train/051_masks.png", + "fold": 1 + }, + { + "image": "train/276_img.png", + "label": "train/276_masks.png", + "fold": 1 + }, + { + "image": "train/437_img.png", + "label": "train/437_masks.png", + "fold": 1 + }, + { + "image": "train/151_img.png", + "label": "train/151_masks.png", + "fold": 1 + }, + { + "image": "train/378_img.png", + "label": "train/378_masks.png", + "fold": 1 + }, + { + "image": "train/294_img.png", + "label": "train/294_masks.png", + "fold": 1 + }, + { + "image": "train/389_img.png", + "label": "train/389_masks.png", + "fold": 2 + }, + { + "image": "train/314_img.png", + "label": "train/314_masks.png", + "fold": 2 + }, + { + "image": "train/513_img.png", + "label": "train/513_masks.png", + "fold": 2 + }, + { + "image": "train/477_img.png", + "label": "train/477_masks.png", + "fold": 2 + }, + { + "image": "train/459_img.png", + "label": "train/459_masks.png", + "fold": 2 + }, + { + "image": "train/523_img.png", + "label": "train/523_masks.png", + "fold": 2 + }, + { + "image": "train/177_img.png", + "label": "train/177_masks.png", + "fold": 2 + }, + { + "image": "train/400_img.png", + "label": "train/400_masks.png", + "fold": 2 + }, + { + "image": "train/164_img.png", + "label": "train/164_masks.png", + "fold": 2 + }, + { + "image": "train/065_img.png", + "label": "train/065_masks.png", + "fold": 2 + }, + { + "image": "train/211_img.png", + "label": "train/211_masks.png", + "fold": 2 + }, + { + "image": "train/468_img.png", + "label": "train/468_masks.png", + "fold": 2 + }, + { + "image": "train/114_img.png", + "label": "train/114_masks.png", + "fold": 2 + }, + { + "image": "train/122_img.png", + "label": "train/122_masks.png", + "fold": 2 + }, + { + "image": "train/223_img.png", + "label": "train/223_masks.png", + "fold": 2 + }, + { + "image": "train/320_img.png", + "label": "train/320_masks.png", + "fold": 2 + }, + { + "image": "train/256_img.png", + "label": "train/256_masks.png", + "fold": 2 + }, + { + "image": "train/156_img.png", + "label": "train/156_masks.png", + "fold": 2 + }, + { + "image": "train/282_img.png", + "label": "train/282_masks.png", + "fold": 2 + }, + { + "image": "train/391_img.png", + "label": "train/391_masks.png", + "fold": 2 + }, + { + "image": "train/505_img.png", + "label": "train/505_masks.png", + "fold": 2 + }, + { + "image": "train/469_img.png", + "label": "train/469_masks.png", + "fold": 2 + }, + { + "image": "train/126_img.png", + "label": "train/126_masks.png", + "fold": 2 + }, + { + "image": "train/079_img.png", + "label": "train/079_masks.png", + "fold": 2 + }, + { + "image": "train/402_img.png", + "label": "train/402_masks.png", + "fold": 2 + }, + { + "image": "train/045_img.png", + "label": "train/045_masks.png", + "fold": 2 + }, + { + "image": "train/222_img.png", + "label": "train/222_masks.png", + "fold": 2 + }, + { + "image": "train/106_img.png", + "label": "train/106_masks.png", + "fold": 2 + }, + { + "image": "train/159_img.png", + "label": "train/159_masks.png", + "fold": 2 + }, + { + "image": "train/182_img.png", + "label": "train/182_masks.png", + "fold": 2 + }, + { + "image": "train/210_img.png", + "label": "train/210_masks.png", + "fold": 2 + }, + { + "image": "train/167_img.png", + "label": "train/167_masks.png", + "fold": 2 + }, + { + "image": "train/493_img.png", + "label": "train/493_masks.png", + "fold": 2 + }, + { + "image": "train/191_img.png", + "label": "train/191_masks.png", + "fold": 2 + }, + { + "image": "train/226_img.png", + "label": "train/226_masks.png", + "fold": 2 + }, + { + "image": "train/272_img.png", + "label": "train/272_masks.png", + "fold": 2 + }, + { + "image": "train/236_img.png", + "label": "train/236_masks.png", + "fold": 2 + }, + { + "image": "train/253_img.png", + "label": "train/253_masks.png", + "fold": 2 + }, + { + "image": "train/212_img.png", + "label": "train/212_masks.png", + "fold": 2 + }, + { + "image": "train/127_img.png", + "label": "train/127_masks.png", + "fold": 2 + }, + { + "image": "train/413_img.png", + "label": "train/413_masks.png", + "fold": 2 + }, + { + "image": "train/180_img.png", + "label": "train/180_masks.png", + "fold": 2 + }, + { + "image": "train/171_img.png", + "label": "train/171_masks.png", + "fold": 2 + }, + { + "image": "train/397_img.png", + "label": "train/397_masks.png", + "fold": 2 + }, + { + "image": "train/058_img.png", + "label": "train/058_masks.png", + "fold": 2 + }, + { + "image": "train/315_img.png", + "label": "train/315_masks.png", + "fold": 2 + }, + { + "image": "train/317_img.png", + "label": "train/317_masks.png", + "fold": 2 + }, + { + "image": "train/324_img.png", + "label": "train/324_masks.png", + "fold": 2 + }, + { + "image": "train/307_img.png", + "label": "train/307_masks.png", + "fold": 2 + }, + { + "image": "train/054_img.png", + "label": "train/054_masks.png", + "fold": 2 + }, + { + "image": "train/429_img.png", + "label": "train/429_masks.png", + "fold": 2 + }, + { + "image": "train/147_img.png", + "label": "train/147_masks.png", + "fold": 2 + }, + { + "image": "train/098_img.png", + "label": "train/098_masks.png", + "fold": 2 + }, + { + "image": "train/263_img.png", + "label": "train/263_masks.png", + "fold": 2 + }, + { + "image": "train/352_img.png", + "label": "train/352_masks.png", + "fold": 2 + }, + { + "image": "train/033_img.png", + "label": "train/033_masks.png", + "fold": 2 + }, + { + "image": "train/351_img.png", + "label": "train/351_masks.png", + "fold": 2 + }, + { + "image": "train/393_img.png", + "label": "train/393_masks.png", + "fold": 2 + }, + { + "image": "train/420_img.png", + "label": "train/420_masks.png", + "fold": 2 + }, + { + "image": "train/071_img.png", + "label": "train/071_masks.png", + "fold": 2 + }, + { + "image": "train/011_img.png", + "label": "train/011_masks.png", + "fold": 2 + }, + { + "image": "train/250_img.png", + "label": "train/250_masks.png", + "fold": 2 + }, + { + "image": "train/394_img.png", + "label": "train/394_masks.png", + "fold": 2 + }, + { + "image": "train/522_img.png", + "label": "train/522_masks.png", + "fold": 2 + }, + { + "image": "train/002_img.png", + "label": "train/002_masks.png", + "fold": 2 + }, + { + "image": "train/443_img.png", + "label": "train/443_masks.png", + "fold": 2 + }, + { + "image": "train/050_img.png", + "label": "train/050_masks.png", + "fold": 2 + }, + { + "image": "train/421_img.png", + "label": "train/421_masks.png", + "fold": 2 + }, + { + "image": "train/503_img.png", + "label": "train/503_masks.png", + "fold": 2 + }, + { + "image": "train/089_img.png", + "label": "train/089_masks.png", + "fold": 2 + }, + { + "image": "train/485_img.png", + "label": "train/485_masks.png", + "fold": 2 + }, + { + "image": "train/404_img.png", + "label": "train/404_masks.png", + "fold": 2 + }, + { + "image": "train/134_img.png", + "label": "train/134_masks.png", + "fold": 2 + }, + { + "image": "train/462_img.png", + "label": "train/462_masks.png", + "fold": 2 + }, + { + "image": "train/203_img.png", + "label": "train/203_masks.png", + "fold": 2 + }, + { + "image": "train/120_img.png", + "label": "train/120_masks.png", + "fold": 2 + }, + { + "image": "train/508_img.png", + "label": "train/508_masks.png", + "fold": 2 + }, + { + "image": "train/435_img.png", + "label": "train/435_masks.png", + "fold": 2 + }, + { + "image": "train/192_img.png", + "label": "train/192_masks.png", + "fold": 2 + }, + { + "image": "train/170_img.png", + "label": "train/170_masks.png", + "fold": 2 + }, + { + "image": "train/303_img.png", + "label": "train/303_masks.png", + "fold": 2 + }, + { + "image": "train/076_img.png", + "label": "train/076_masks.png", + "fold": 2 + }, + { + "image": "train/077_img.png", + "label": "train/077_masks.png", + "fold": 2 + }, + { + "image": "train/384_img.png", + "label": "train/384_masks.png", + "fold": 2 + }, + { + "image": "train/059_img.png", + "label": "train/059_masks.png", + "fold": 2 + }, + { + "image": "train/322_img.png", + "label": "train/322_masks.png", + "fold": 2 + }, + { + "image": "train/536_img.png", + "label": "train/536_masks.png", + "fold": 2 + }, + { + "image": "train/042_img.png", + "label": "train/042_masks.png", + "fold": 2 + }, + { + "image": "train/251_img.png", + "label": "train/251_masks.png", + "fold": 2 + }, + { + "image": "train/359_img.png", + "label": "train/359_masks.png", + "fold": 2 + }, + { + "image": "train/184_img.png", + "label": "train/184_masks.png", + "fold": 2 + }, + { + "image": "train/260_img.png", + "label": "train/260_masks.png", + "fold": 2 + }, + { + "image": "train/293_img.png", + "label": "train/293_masks.png", + "fold": 2 + }, + { + "image": "train/265_img.png", + "label": "train/265_masks.png", + "fold": 2 + }, + { + "image": "train/497_img.png", + "label": "train/497_masks.png", + "fold": 2 + }, + { + "image": "train/168_img.png", + "label": "train/168_masks.png", + "fold": 2 + }, + { + "image": "train/006_img.png", + "label": "train/006_masks.png", + "fold": 2 + }, + { + "image": "train/047_img.png", + "label": "train/047_masks.png", + "fold": 2 + }, + { + "image": "train/398_img.png", + "label": "train/398_masks.png", + "fold": 2 + }, + { + "image": "train/476_img.png", + "label": "train/476_masks.png", + "fold": 2 + }, + { + "image": "train/248_img.png", + "label": "train/248_masks.png", + "fold": 2 + }, + { + "image": "train/336_img.png", + "label": "train/336_masks.png", + "fold": 2 + }, + { + "image": "train/197_img.png", + "label": "train/197_masks.png", + "fold": 2 + }, + { + "image": "train/346_img.png", + "label": "train/346_masks.png", + "fold": 2 + }, + { + "image": "train/146_img.png", + "label": "train/146_masks.png", + "fold": 2 + }, + { + "image": "train/328_img.png", + "label": "train/328_masks.png", + "fold": 2 + }, + { + "image": "train/458_img.png", + "label": "train/458_masks.png", + "fold": 2 + }, + { + "image": "train/451_img.png", + "label": "train/451_masks.png", + "fold": 2 + }, + { + "image": "train/490_img.png", + "label": "train/490_masks.png", + "fold": 3 + }, + { + "image": "train/165_img.png", + "label": "train/165_masks.png", + "fold": 3 + }, + { + "image": "train/115_img.png", + "label": "train/115_masks.png", + "fold": 3 + }, + { + "image": "train/532_img.png", + "label": "train/532_masks.png", + "fold": 3 + }, + { + "image": "train/063_img.png", + "label": "train/063_masks.png", + "fold": 3 + }, + { + "image": "train/262_img.png", + "label": "train/262_masks.png", + "fold": 3 + }, + { + "image": "train/354_img.png", + "label": "train/354_masks.png", + "fold": 3 + }, + { + "image": "train/372_img.png", + "label": "train/372_masks.png", + "fold": 3 + }, + { + "image": "train/062_img.png", + "label": "train/062_masks.png", + "fold": 3 + }, + { + "image": "train/414_img.png", + "label": "train/414_masks.png", + "fold": 3 + }, + { + "image": "train/284_img.png", + "label": "train/284_masks.png", + "fold": 3 + }, + { + "image": "train/230_img.png", + "label": "train/230_masks.png", + "fold": 3 + }, + { + "image": "train/514_img.png", + "label": "train/514_masks.png", + "fold": 3 + }, + { + "image": "train/371_img.png", + "label": "train/371_masks.png", + "fold": 3 + }, + { + "image": "train/344_img.png", + "label": "train/344_masks.png", + "fold": 3 + }, + { + "image": "train/519_img.png", + "label": "train/519_masks.png", + "fold": 3 + }, + { + "image": "train/270_img.png", + "label": "train/270_masks.png", + "fold": 3 + }, + { + "image": "train/313_img.png", + "label": "train/313_masks.png", + "fold": 3 + }, + { + "image": "train/031_img.png", + "label": "train/031_masks.png", + "fold": 3 + }, + { + "image": "train/488_img.png", + "label": "train/488_masks.png", + "fold": 3 + }, + { + "image": "train/302_img.png", + "label": "train/302_masks.png", + "fold": 3 + }, + { + "image": "train/480_img.png", + "label": "train/480_masks.png", + "fold": 3 + }, + { + "image": "train/220_img.png", + "label": "train/220_masks.png", + "fold": 3 + }, + { + "image": "train/464_img.png", + "label": "train/464_masks.png", + "fold": 3 + }, + { + "image": "train/026_img.png", + "label": "train/026_masks.png", + "fold": 3 + }, + { + "image": "train/506_img.png", + "label": "train/506_masks.png", + "fold": 3 + }, + { + "image": "train/492_img.png", + "label": "train/492_masks.png", + "fold": 3 + }, + { + "image": "train/143_img.png", + "label": "train/143_masks.png", + "fold": 3 + }, + { + "image": "train/521_img.png", + "label": "train/521_masks.png", + "fold": 3 + }, + { + "image": "train/296_img.png", + "label": "train/296_masks.png", + "fold": 3 + }, + { + "image": "train/499_img.png", + "label": "train/499_masks.png", + "fold": 3 + }, + { + "image": "train/234_img.png", + "label": "train/234_masks.png", + "fold": 3 + }, + { + "image": "train/375_img.png", + "label": "train/375_masks.png", + "fold": 3 + }, + { + "image": "train/099_img.png", + "label": "train/099_masks.png", + "fold": 3 + }, + { + "image": "train/353_img.png", + "label": "train/353_masks.png", + "fold": 3 + }, + { + "image": "train/010_img.png", + "label": "train/010_masks.png", + "fold": 3 + }, + { + "image": "train/463_img.png", + "label": "train/463_masks.png", + "fold": 3 + }, + { + "image": "train/465_img.png", + "label": "train/465_masks.png", + "fold": 3 + }, + { + "image": "train/021_img.png", + "label": "train/021_masks.png", + "fold": 3 + }, + { + "image": "train/327_img.png", + "label": "train/327_masks.png", + "fold": 3 + }, + { + "image": "train/109_img.png", + "label": "train/109_masks.png", + "fold": 3 + }, + { + "image": "train/215_img.png", + "label": "train/215_masks.png", + "fold": 3 + }, + { + "image": "train/367_img.png", + "label": "train/367_masks.png", + "fold": 3 + }, + { + "image": "train/105_img.png", + "label": "train/105_masks.png", + "fold": 3 + }, + { + "image": "train/028_img.png", + "label": "train/028_masks.png", + "fold": 3 + }, + { + "image": "train/289_img.png", + "label": "train/289_masks.png", + "fold": 3 + }, + { + "image": "train/441_img.png", + "label": "train/441_masks.png", + "fold": 3 + }, + { + "image": "train/388_img.png", + "label": "train/388_masks.png", + "fold": 3 + }, + { + "image": "train/186_img.png", + "label": "train/186_masks.png", + "fold": 3 + }, + { + "image": "train/283_img.png", + "label": "train/283_masks.png", + "fold": 3 + }, + { + "image": "train/227_img.png", + "label": "train/227_masks.png", + "fold": 3 + }, + { + "image": "train/415_img.png", + "label": "train/415_masks.png", + "fold": 3 + }, + { + "image": "train/201_img.png", + "label": "train/201_masks.png", + "fold": 3 + }, + { + "image": "train/086_img.png", + "label": "train/086_masks.png", + "fold": 3 + }, + { + "image": "train/140_img.png", + "label": "train/140_masks.png", + "fold": 3 + }, + { + "image": "train/172_img.png", + "label": "train/172_masks.png", + "fold": 3 + }, + { + "image": "train/409_img.png", + "label": "train/409_masks.png", + "fold": 3 + }, + { + "image": "train/432_img.png", + "label": "train/432_masks.png", + "fold": 3 + }, + { + "image": "train/274_img.png", + "label": "train/274_masks.png", + "fold": 3 + }, + { + "image": "train/356_img.png", + "label": "train/356_masks.png", + "fold": 3 + }, + { + "image": "train/517_img.png", + "label": "train/517_masks.png", + "fold": 3 + }, + { + "image": "train/064_img.png", + "label": "train/064_masks.png", + "fold": 3 + }, + { + "image": "train/408_img.png", + "label": "train/408_masks.png", + "fold": 3 + }, + { + "image": "train/456_img.png", + "label": "train/456_masks.png", + "fold": 3 + }, + { + "image": "train/060_img.png", + "label": "train/060_masks.png", + "fold": 3 + }, + { + "image": "train/073_img.png", + "label": "train/073_masks.png", + "fold": 3 + }, + { + "image": "train/412_img.png", + "label": "train/412_masks.png", + "fold": 3 + }, + { + "image": "train/385_img.png", + "label": "train/385_masks.png", + "fold": 3 + }, + { + "image": "train/472_img.png", + "label": "train/472_masks.png", + "fold": 3 + }, + { + "image": "train/038_img.png", + "label": "train/038_masks.png", + "fold": 3 + }, + { + "image": "train/037_img.png", + "label": "train/037_masks.png", + "fold": 3 + }, + { + "image": "train/020_img.png", + "label": "train/020_masks.png", + "fold": 3 + }, + { + "image": "train/498_img.png", + "label": "train/498_masks.png", + "fold": 3 + }, + { + "image": "train/310_img.png", + "label": "train/310_masks.png", + "fold": 3 + }, + { + "image": "train/403_img.png", + "label": "train/403_masks.png", + "fold": 3 + }, + { + "image": "train/427_img.png", + "label": "train/427_masks.png", + "fold": 3 + }, + { + "image": "train/239_img.png", + "label": "train/239_masks.png", + "fold": 3 + }, + { + "image": "train/422_img.png", + "label": "train/422_masks.png", + "fold": 3 + }, + { + "image": "train/221_img.png", + "label": "train/221_masks.png", + "fold": 3 + }, + { + "image": "train/195_img.png", + "label": "train/195_masks.png", + "fold": 3 + }, + { + "image": "train/277_img.png", + "label": "train/277_masks.png", + "fold": 3 + }, + { + "image": "train/005_img.png", + "label": "train/005_masks.png", + "fold": 3 + }, + { + "image": "train/489_img.png", + "label": "train/489_masks.png", + "fold": 3 + }, + { + "image": "train/135_img.png", + "label": "train/135_masks.png", + "fold": 3 + }, + { + "image": "train/348_img.png", + "label": "train/348_masks.png", + "fold": 3 + }, + { + "image": "train/022_img.png", + "label": "train/022_masks.png", + "fold": 3 + }, + { + "image": "train/442_img.png", + "label": "train/442_masks.png", + "fold": 3 + }, + { + "image": "train/531_img.png", + "label": "train/531_masks.png", + "fold": 3 + }, + { + "image": "train/240_img.png", + "label": "train/240_masks.png", + "fold": 3 + }, + { + "image": "train/241_img.png", + "label": "train/241_masks.png", + "fold": 3 + }, + { + "image": "train/035_img.png", + "label": "train/035_masks.png", + "fold": 3 + }, + { + "image": "train/142_img.png", + "label": "train/142_masks.png", + "fold": 3 + }, + { + "image": "train/208_img.png", + "label": "train/208_masks.png", + "fold": 3 + }, + { + "image": "train/016_img.png", + "label": "train/016_masks.png", + "fold": 3 + }, + { + "image": "train/084_img.png", + "label": "train/084_masks.png", + "fold": 3 + }, + { + "image": "train/337_img.png", + "label": "train/337_masks.png", + "fold": 3 + }, + { + "image": "train/117_img.png", + "label": "train/117_masks.png", + "fold": 3 + }, + { + "image": "train/036_img.png", + "label": "train/036_masks.png", + "fold": 3 + }, + { + "image": "train/013_img.png", + "label": "train/013_masks.png", + "fold": 3 + }, + { + "image": "train/271_img.png", + "label": "train/271_masks.png", + "fold": 3 + }, + { + "image": "train/399_img.png", + "label": "train/399_masks.png", + "fold": 3 + }, + { + "image": "train/118_img.png", + "label": "train/118_masks.png", + "fold": 3 + }, + { + "image": "train/217_img.png", + "label": "train/217_masks.png", + "fold": 3 + }, + { + "image": "train/218_img.png", + "label": "train/218_masks.png", + "fold": 3 + }, + { + "image": "train/153_img.png", + "label": "train/153_masks.png", + "fold": 3 + }, + { + "image": "train/454_img.png", + "label": "train/454_masks.png", + "fold": 3 + }, + { + "image": "train/181_img.png", + "label": "train/181_masks.png", + "fold": 3 + }, + { + "image": "train/017_img.png", + "label": "train/017_masks.png", + "fold": 3 + }, + { + "image": "train/479_img.png", + "label": "train/479_masks.png", + "fold": 4 + }, + { + "image": "train/008_img.png", + "label": "train/008_masks.png", + "fold": 4 + }, + { + "image": "train/113_img.png", + "label": "train/113_masks.png", + "fold": 4 + }, + { + "image": "train/001_img.png", + "label": "train/001_masks.png", + "fold": 4 + }, + { + "image": "train/131_img.png", + "label": "train/131_masks.png", + "fold": 4 + }, + { + "image": "train/055_img.png", + "label": "train/055_masks.png", + "fold": 4 + }, + { + "image": "train/286_img.png", + "label": "train/286_masks.png", + "fold": 4 + }, + { + "image": "train/470_img.png", + "label": "train/470_masks.png", + "fold": 4 + }, + { + "image": "train/520_img.png", + "label": "train/520_masks.png", + "fold": 4 + }, + { + "image": "train/411_img.png", + "label": "train/411_masks.png", + "fold": 4 + }, + { + "image": "train/323_img.png", + "label": "train/323_masks.png", + "fold": 4 + }, + { + "image": "train/527_img.png", + "label": "train/527_masks.png", + "fold": 4 + }, + { + "image": "train/395_img.png", + "label": "train/395_masks.png", + "fold": 4 + }, + { + "image": "train/238_img.png", + "label": "train/238_masks.png", + "fold": 4 + }, + { + "image": "train/342_img.png", + "label": "train/342_masks.png", + "fold": 4 + }, + { + "image": "train/368_img.png", + "label": "train/368_masks.png", + "fold": 4 + }, + { + "image": "train/162_img.png", + "label": "train/162_masks.png", + "fold": 4 + }, + { + "image": "train/537_img.png", + "label": "train/537_masks.png", + "fold": 4 + }, + { + "image": "train/044_img.png", + "label": "train/044_masks.png", + "fold": 4 + }, + { + "image": "train/433_img.png", + "label": "train/433_masks.png", + "fold": 4 + }, + { + "image": "train/380_img.png", + "label": "train/380_masks.png", + "fold": 4 + }, + { + "image": "train/123_img.png", + "label": "train/123_masks.png", + "fold": 4 + }, + { + "image": "train/225_img.png", + "label": "train/225_masks.png", + "fold": 4 + }, + { + "image": "train/362_img.png", + "label": "train/362_masks.png", + "fold": 4 + }, + { + "image": "train/144_img.png", + "label": "train/144_masks.png", + "fold": 4 + }, + { + "image": "train/057_img.png", + "label": "train/057_masks.png", + "fold": 4 + }, + { + "image": "train/155_img.png", + "label": "train/155_masks.png", + "fold": 4 + }, + { + "image": "train/024_img.png", + "label": "train/024_masks.png", + "fold": 4 + }, + { + "image": "train/341_img.png", + "label": "train/341_masks.png", + "fold": 4 + }, + { + "image": "train/445_img.png", + "label": "train/445_masks.png", + "fold": 4 + }, + { + "image": "train/009_img.png", + "label": "train/009_masks.png", + "fold": 4 + }, + { + "image": "train/196_img.png", + "label": "train/196_masks.png", + "fold": 4 + }, + { + "image": "train/501_img.png", + "label": "train/501_masks.png", + "fold": 4 + }, + { + "image": "train/246_img.png", + "label": "train/246_masks.png", + "fold": 4 + }, + { + "image": "train/066_img.png", + "label": "train/066_masks.png", + "fold": 4 + }, + { + "image": "train/478_img.png", + "label": "train/478_masks.png", + "fold": 4 + }, + { + "image": "train/068_img.png", + "label": "train/068_masks.png", + "fold": 4 + }, + { + "image": "train/139_img.png", + "label": "train/139_masks.png", + "fold": 4 + }, + { + "image": "train/285_img.png", + "label": "train/285_masks.png", + "fold": 4 + }, + { + "image": "train/312_img.png", + "label": "train/312_masks.png", + "fold": 4 + }, + { + "image": "train/306_img.png", + "label": "train/306_masks.png", + "fold": 4 + }, + { + "image": "train/125_img.png", + "label": "train/125_masks.png", + "fold": 4 + }, + { + "image": "train/160_img.png", + "label": "train/160_masks.png", + "fold": 4 + }, + { + "image": "train/448_img.png", + "label": "train/448_masks.png", + "fold": 4 + }, + { + "image": "train/446_img.png", + "label": "train/446_masks.png", + "fold": 4 + }, + { + "image": "train/345_img.png", + "label": "train/345_masks.png", + "fold": 4 + }, + { + "image": "train/280_img.png", + "label": "train/280_masks.png", + "fold": 4 + }, + { + "image": "train/516_img.png", + "label": "train/516_masks.png", + "fold": 4 + }, + { + "image": "train/092_img.png", + "label": "train/092_masks.png", + "fold": 4 + }, + { + "image": "train/087_img.png", + "label": "train/087_masks.png", + "fold": 4 + }, + { + "image": "train/528_img.png", + "label": "train/528_masks.png", + "fold": 4 + }, + { + "image": "train/166_img.png", + "label": "train/166_masks.png", + "fold": 4 + }, + { + "image": "train/209_img.png", + "label": "train/209_masks.png", + "fold": 4 + }, + { + "image": "train/444_img.png", + "label": "train/444_masks.png", + "fold": 4 + }, + { + "image": "train/150_img.png", + "label": "train/150_masks.png", + "fold": 4 + }, + { + "image": "train/119_img.png", + "label": "train/119_masks.png", + "fold": 4 + }, + { + "image": "train/204_img.png", + "label": "train/204_masks.png", + "fold": 4 + }, + { + "image": "train/333_img.png", + "label": "train/333_masks.png", + "fold": 4 + }, + { + "image": "train/200_img.png", + "label": "train/200_masks.png", + "fold": 4 + }, + { + "image": "train/430_img.png", + "label": "train/430_masks.png", + "fold": 4 + }, + { + "image": "train/176_img.png", + "label": "train/176_masks.png", + "fold": 4 + }, + { + "image": "train/338_img.png", + "label": "train/338_masks.png", + "fold": 4 + }, + { + "image": "train/309_img.png", + "label": "train/309_masks.png", + "fold": 4 + }, + { + "image": "train/500_img.png", + "label": "train/500_masks.png", + "fold": 4 + }, + { + "image": "train/483_img.png", + "label": "train/483_masks.png", + "fold": 4 + }, + { + "image": "train/357_img.png", + "label": "train/357_masks.png", + "fold": 4 + }, + { + "image": "train/426_img.png", + "label": "train/426_masks.png", + "fold": 4 + }, + { + "image": "train/406_img.png", + "label": "train/406_masks.png", + "fold": 4 + }, + { + "image": "train/379_img.png", + "label": "train/379_masks.png", + "fold": 4 + }, + { + "image": "train/377_img.png", + "label": "train/377_masks.png", + "fold": 4 + }, + { + "image": "train/526_img.png", + "label": "train/526_masks.png", + "fold": 4 + }, + { + "image": "train/085_img.png", + "label": "train/085_masks.png", + "fold": 4 + }, + { + "image": "train/281_img.png", + "label": "train/281_masks.png", + "fold": 4 + }, + { + "image": "train/269_img.png", + "label": "train/269_masks.png", + "fold": 4 + }, + { + "image": "train/070_img.png", + "label": "train/070_masks.png", + "fold": 4 + }, + { + "image": "train/325_img.png", + "label": "train/325_masks.png", + "fold": 4 + }, + { + "image": "train/030_img.png", + "label": "train/030_masks.png", + "fold": 4 + }, + { + "image": "train/249_img.png", + "label": "train/249_masks.png", + "fold": 4 + }, + { + "image": "train/405_img.png", + "label": "train/405_masks.png", + "fold": 4 + }, + { + "image": "train/530_img.png", + "label": "train/530_masks.png", + "fold": 4 + }, + { + "image": "train/067_img.png", + "label": "train/067_masks.png", + "fold": 4 + }, + { + "image": "train/237_img.png", + "label": "train/237_masks.png", + "fold": 4 + }, + { + "image": "train/205_img.png", + "label": "train/205_masks.png", + "fold": 4 + }, + { + "image": "train/000_img.png", + "label": "train/000_masks.png", + "fold": 4 + }, + { + "image": "train/417_img.png", + "label": "train/417_masks.png", + "fold": 4 + }, + { + "image": "train/158_img.png", + "label": "train/158_masks.png", + "fold": 4 + }, + { + "image": "train/436_img.png", + "label": "train/436_masks.png", + "fold": 4 + }, + { + "image": "train/450_img.png", + "label": "train/450_masks.png", + "fold": 4 + }, + { + "image": "train/154_img.png", + "label": "train/154_masks.png", + "fold": 4 + }, + { + "image": "train/491_img.png", + "label": "train/491_masks.png", + "fold": 4 + }, + { + "image": "train/382_img.png", + "label": "train/382_masks.png", + "fold": 4 + }, + { + "image": "train/032_img.png", + "label": "train/032_masks.png", + "fold": 4 + }, + { + "image": "train/025_img.png", + "label": "train/025_masks.png", + "fold": 4 + }, + { + "image": "train/466_img.png", + "label": "train/466_masks.png", + "fold": 4 + }, + { + "image": "train/244_img.png", + "label": "train/244_masks.png", + "fold": 4 + }, + { + "image": "train/138_img.png", + "label": "train/138_masks.png", + "fold": 4 + }, + { + "image": "train/090_img.png", + "label": "train/090_masks.png", + "fold": 4 + }, + { + "image": "train/179_img.png", + "label": "train/179_masks.png", + "fold": 4 + }, + { + "image": "train/268_img.png", + "label": "train/268_masks.png", + "fold": 4 + }, + { + "image": "train/093_img.png", + "label": "train/093_masks.png", + "fold": 4 + }, + { + "image": "train/360_img.png", + "label": "train/360_masks.png", + "fold": 4 + }, + { + "image": "train/129_img.png", + "label": "train/129_masks.png", + "fold": 4 + }, + { + "image": "train/471_img.png", + "label": "train/471_masks.png", + "fold": 4 + }, + { + "image": "train/163_img.png", + "label": "train/163_masks.png", + "fold": 4 + }, + { + "image": "train/453_img.png", + "label": "train/453_masks.png", + "fold": 4 + }, + { + "image": "train/258_img.png", + "label": "train/258_masks.png", + "fold": 4 + }, + { + "image": "train/216_img.png", + "label": "train/216_masks.png", + "fold": 4 + }, + { + "image": "train/124_img.png", + "label": "train/124_masks.png", + "fold": 4 + } + ], + "testing": [ + { + "image": "test/008_img.png", + "label": "test/008_masks.png" + }, + { + "image": "test/001_img.png", + "label": "test/001_masks.png" + }, + { + "image": "test/004_img.png", + "label": "test/004_masks.png" + }, + { + "image": "test/063_img.png", + "label": "test/063_masks.png" + }, + { + "image": "test/062_img.png", + "label": "test/062_masks.png" + }, + { + "image": "test/055_img.png", + "label": "test/055_masks.png" + }, + { + "image": "test/019_img.png", + "label": "test/019_masks.png" + }, + { + "image": "test/039_img.png", + "label": "test/039_masks.png" + }, + { + "image": "test/015_img.png", + "label": "test/015_masks.png" + }, + { + "image": "test/031_img.png", + "label": "test/031_masks.png" + }, + { + "image": "test/065_img.png", + "label": "test/065_masks.png" + }, + { + "image": "test/044_img.png", + "label": "test/044_masks.png" + }, + { + "image": "test/043_img.png", + "label": "test/043_masks.png" + }, + { + "image": "test/026_img.png", + "label": "test/026_masks.png" + }, + { + "image": "test/007_img.png", + "label": "test/007_masks.png" + }, + { + "image": "test/045_img.png", + "label": "test/045_masks.png" + }, + { + "image": "test/057_img.png", + "label": "test/057_masks.png" + }, + { + "image": "test/010_img.png", + "label": "test/010_masks.png" + }, + { + "image": "test/024_img.png", + "label": "test/024_masks.png" + }, + { + "image": "test/021_img.png", + "label": "test/021_masks.png" + }, + { + "image": "test/056_img.png", + "label": "test/056_masks.png" + }, + { + "image": "test/027_img.png", + "label": "test/027_masks.png" + }, + { + "image": "test/009_img.png", + "label": "test/009_masks.png" + }, + { + "image": "test/003_img.png", + "label": "test/003_masks.png" + }, + { + "image": "test/066_img.png", + "label": "test/066_masks.png" + }, + { + "image": "test/028_img.png", + "label": "test/028_masks.png" + }, + { + "image": "test/061_img.png", + "label": "test/061_masks.png" + }, + { + "image": "test/012_img.png", + "label": "test/012_masks.png" + }, + { + "image": "test/046_img.png", + "label": "test/046_masks.png" + }, + { + "image": "test/023_img.png", + "label": "test/023_masks.png" + }, + { + "image": "test/058_img.png", + "label": "test/058_masks.png" + }, + { + "image": "test/054_img.png", + "label": "test/054_masks.png" + }, + { + "image": "test/064_img.png", + "label": "test/064_masks.png" + }, + { + "image": "test/060_img.png", + "label": "test/060_masks.png" + }, + { + "image": "test/034_img.png", + "label": "test/034_masks.png" + }, + { + "image": "test/033_img.png", + "label": "test/033_masks.png" + }, + { + "image": "test/041_img.png", + "label": "test/041_masks.png" + }, + { + "image": "test/011_img.png", + "label": "test/011_masks.png" + }, + { + "image": "test/038_img.png", + "label": "test/038_masks.png" + }, + { + "image": "test/018_img.png", + "label": "test/018_masks.png" + }, + { + "image": "test/002_img.png", + "label": "test/002_masks.png" + }, + { + "image": "test/050_img.png", + "label": "test/050_masks.png" + }, + { + "image": "test/037_img.png", + "label": "test/037_masks.png" + }, + { + "image": "test/020_img.png", + "label": "test/020_masks.png" + }, + { + "image": "test/048_img.png", + "label": "test/048_masks.png" + }, + { + "image": "test/049_img.png", + "label": "test/049_masks.png" + }, + { + "image": "test/014_img.png", + "label": "test/014_masks.png" + }, + { + "image": "test/052_img.png", + "label": "test/052_masks.png" + }, + { + "image": "test/005_img.png", + "label": "test/005_masks.png" + }, + { + "image": "test/030_img.png", + "label": "test/030_masks.png" + }, + { + "image": "test/059_img.png", + "label": "test/059_masks.png" + }, + { + "image": "test/042_img.png", + "label": "test/042_masks.png" + }, + { + "image": "test/022_img.png", + "label": "test/022_masks.png" + }, + { + "image": "test/067_img.png", + "label": "test/067_masks.png" + }, + { + "image": "test/035_img.png", + "label": "test/035_masks.png" + }, + { + "image": "test/000_img.png", + "label": "test/000_masks.png" + }, + { + "image": "test/006_img.png", + "label": "test/006_masks.png" + }, + { + "image": "test/053_img.png", + "label": "test/053_masks.png" + }, + { + "image": "test/029_img.png", + "label": "test/029_masks.png" + }, + { + "image": "test/040_img.png", + "label": "test/040_masks.png" + }, + { + "image": "test/047_img.png", + "label": "test/047_masks.png" + }, + { + "image": "test/016_img.png", + "label": "test/016_masks.png" + }, + { + "image": "test/032_img.png", + "label": "test/032_masks.png" + }, + { + "image": "test/025_img.png", + "label": "test/025_masks.png" + }, + { + "image": "test/036_img.png", + "label": "test/036_masks.png" + }, + { + "image": "test/013_img.png", + "label": "test/013_masks.png" + }, + { + "image": "test/051_img.png", + "label": "test/051_masks.png" + }, + { + "image": "test/017_img.png", + "label": "test/017_masks.png" + } + ] +} diff --git a/vista2d/datalists/deepbacs_datalist.json b/vista2d/datalists/deepbacs_datalist.json new file mode 100644 index 0000000..3a5dfd1 --- /dev/null +++ b/vista2d/datalists/deepbacs_datalist.json @@ -0,0 +1,921 @@ +{ + "training": [ + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_002_4_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_002_4_NR.tif", + "fold": 0 + }, + { + "image": "training/source/train_50.tif", + "label": "training/target/train_50.tif", + "fold": 0 + }, + { + "image": "training/source/pos1_frame_30.tif", + "label": "training/target/pos1_frame_30.tif", + "fold": 0 + }, + { + "image": "training/source/train_29.tif", + "label": "training/target/train_29.tif", + "fold": 0 + }, + { + "image": "training/source/train_4.tif", + "label": "training/target/train_4.tif", + "fold": 0 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_003_2.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_003_2.tif", + "fold": 0 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_001_2_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_001_2_NR.tif", + "fold": 0 + }, + { + "image": "training/source/train_65.tif", + "label": "training/target/train_65.tif", + "fold": 0 + }, + { + "image": "training/source/pos4_frame_1.tif", + "label": "training/target/pos4_frame_1.tif", + "fold": 0 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220__2_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220__2_NR.tif", + "fold": 0 + }, + { + "image": "training/source/train_42.tif", + "label": "training/target/train_42.tif", + "fold": 0 + }, + { + "image": "training/source/pos0_frame_26.tif", + "label": "training/target/pos0_frame_26.tif", + "fold": 0 + }, + { + "image": "training/source/train_48.tif", + "label": "training/target/train_48.tif", + "fold": 0 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_003_1_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_003_1_NR.tif", + "fold": 0 + }, + { + "image": "training/source/train_58.tif", + "label": "training/target/train_58.tif", + "fold": 0 + }, + { + "image": "training/source/pos4_frame_25.tif", + "label": "training/target/pos4_frame_25.tif", + "fold": 0 + }, + { + "image": "training/source/train_28.tif", + "label": "training/target/train_28.tif", + "fold": 0 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_005_1_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_005_1_NR.tif", + "fold": 0 + }, + { + "image": "training/source/train_52.tif", + "label": "training/target/train_52.tif", + "fold": 0 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_004_2.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_004_2.tif", + "fold": 0 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220__3_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220__3_NR.tif", + "fold": 0 + }, + { + "image": "training/source/train_63.tif", + "label": "training/target/train_63.tif", + "fold": 0 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_005_2_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_005_2_NR.tif", + "fold": 0 + }, + { + "image": "training/source/train_66.tif", + "label": "training/target/train_66.tif", + "fold": 0 + }, + { + "image": "training/source/train_59.tif", + "label": "training/target/train_59.tif", + "fold": 0 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_005_4_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_005_4_NR.tif", + "fold": 0 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_005_4.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_005_4.tif", + "fold": 0 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_002_2_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_002_2_NR.tif", + "fold": 0 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_003_3.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_003_3.tif", + "fold": 0 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_004_3.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_004_3.tif", + "fold": 0 + }, + { + "image": "training/source/pos1_frame_52.tif", + "label": "training/target/pos1_frame_52.tif", + "fold": 0 + }, + { + "image": "training/source/train_37.tif", + "label": "training/target/train_37.tif", + "fold": 1 + }, + { + "image": "training/source/pos8_frame_32.tif", + "label": "training/target/pos8_frame_32.tif", + "fold": 1 + }, + { + "image": "training/source/train_10.tif", + "label": "training/target/train_10.tif", + "fold": 1 + }, + { + "image": "training/source/train_9.tif", + "label": "training/target/train_9.tif", + "fold": 1 + }, + { + "image": "training/source/train_12.tif", + "label": "training/target/train_12.tif", + "fold": 1 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_001_1_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_001_1_NR.tif", + "fold": 1 + }, + { + "image": "training/source/pos0_frame_56.tif", + "label": "training/target/pos0_frame_56.tif", + "fold": 1 + }, + { + "image": "training/source/train_71.tif", + "label": "training/target/train_71.tif", + "fold": 1 + }, + { + "image": "training/source/train_6.tif", + "label": "training/target/train_6.tif", + "fold": 1 + }, + { + "image": "training/source/pos1_frame_2.tif", + "label": "training/target/pos1_frame_2.tif", + "fold": 1 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_006_4_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_006_4_NR.tif", + "fold": 1 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_001_3_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_001_3_NR.tif", + "fold": 1 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_006_3.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_006_3.tif", + "fold": 1 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_003_4_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_003_4_NR.tif", + "fold": 1 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220__4.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220__4.tif", + "fold": 1 + }, + { + "image": "training/source/pos8_frame_5.tif", + "label": "training/target/pos8_frame_5.tif", + "fold": 1 + }, + { + "image": "training/source/train_44.tif", + "label": "training/target/train_44.tif", + "fold": 1 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_005_1.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_005_1.tif", + "fold": 1 + }, + { + "image": "training/source/train_25.tif", + "label": "training/target/train_25.tif", + "fold": 1 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_005_3_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_005_3_NR.tif", + "fold": 1 + }, + { + "image": "training/source/train_11.tif", + "label": "training/target/train_11.tif", + "fold": 1 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220__2.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220__2.tif", + "fold": 1 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_005_3.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_005_3.tif", + "fold": 1 + }, + { + "image": "training/source/train_55.tif", + "label": "training/target/train_55.tif", + "fold": 1 + }, + { + "image": "training/source/train_75.tif", + "label": "training/target/train_75.tif", + "fold": 1 + }, + { + "image": "training/source/train_60.tif", + "label": "training/target/train_60.tif", + "fold": 1 + }, + { + "image": "training/source/train_56.tif", + "label": "training/target/train_56.tif", + "fold": 1 + }, + { + "image": "training/source/train_40.tif", + "label": "training/target/train_40.tif", + "fold": 1 + }, + { + "image": "training/source/pos8_frame_58.tif", + "label": "training/target/pos8_frame_58.tif", + "fold": 1 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_006_4.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_006_4.tif", + "fold": 1 + }, + { + "image": "training/source/train_38.tif", + "label": "training/target/train_38.tif", + "fold": 1 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_001_4_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_001_4_NR.tif", + "fold": 2 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_006_2.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_006_2.tif", + "fold": 2 + }, + { + "image": "training/source/train_78.tif", + "label": "training/target/train_78.tif", + "fold": 2 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220__1_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220__1_NR.tif", + "fold": 2 + }, + { + "image": "training/source/train_7.tif", + "label": "training/target/train_7.tif", + "fold": 2 + }, + { + "image": "training/source/train_67.tif", + "label": "training/target/train_67.tif", + "fold": 2 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_006_2_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_006_2_NR.tif", + "fold": 2 + }, + { + "image": "training/source/train_41.tif", + "label": "training/target/train_41.tif", + "fold": 2 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_004_1_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_004_1_NR.tif", + "fold": 2 + }, + { + "image": "training/source/train_24.tif", + "label": "training/target/train_24.tif", + "fold": 2 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_001_3.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_001_3.tif", + "fold": 2 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_003_3_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_003_3_NR.tif", + "fold": 2 + }, + { + "image": "training/source/train_49.tif", + "label": "training/target/train_49.tif", + "fold": 2 + }, + { + "image": "training/source/train_35.tif", + "label": "training/target/train_35.tif", + "fold": 2 + }, + { + "image": "training/source/train_27.tif", + "label": "training/target/train_27.tif", + "fold": 2 + }, + { + "image": "training/source/train_19.tif", + "label": "training/target/train_19.tif", + "fold": 2 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_002_2.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_002_2.tif", + "fold": 2 + }, + { + "image": "training/source/train_23.tif", + "label": "training/target/train_23.tif", + "fold": 2 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_002_3.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_002_3.tif", + "fold": 2 + }, + { + "image": "training/source/train_57.tif", + "label": "training/target/train_57.tif", + "fold": 2 + }, + { + "image": "training/source/train_64.tif", + "label": "training/target/train_64.tif", + "fold": 2 + }, + { + "image": "training/source/train_43.tif", + "label": "training/target/train_43.tif", + "fold": 2 + }, + { + "image": "training/source/train_33.tif", + "label": "training/target/train_33.tif", + "fold": 2 + }, + { + "image": "training/source/train_72.tif", + "label": "training/target/train_72.tif", + "fold": 2 + }, + { + "image": "training/source/train_77.tif", + "label": "training/target/train_77.tif", + "fold": 2 + }, + { + "image": "training/source/train_79.tif", + "label": "training/target/train_79.tif", + "fold": 2 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_004_4_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_004_4_NR.tif", + "fold": 2 + }, + { + "image": "training/source/train_39.tif", + "label": "training/target/train_39.tif", + "fold": 2 + }, + { + "image": "training/source/train_2.tif", + "label": "training/target/train_2.tif", + "fold": 2 + }, + { + "image": "training/source/train_1.tif", + "label": "training/target/train_1.tif", + "fold": 2 + }, + { + "image": "training/source/train_74.tif", + "label": "training/target/train_74.tif", + "fold": 2 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_004_2_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_004_2_NR.tif", + "fold": 3 + }, + { + "image": "training/source/pos1_frame_23.tif", + "label": "training/target/pos1_frame_23.tif", + "fold": 3 + }, + { + "image": "training/source/pos1_frame_79.tif", + "label": "training/target/pos1_frame_79.tif", + "fold": 3 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_002_1_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_002_1_NR.tif", + "fold": 3 + }, + { + "image": "training/source/train_53.tif", + "label": "training/target/train_53.tif", + "fold": 3 + }, + { + "image": "training/source/train_18.tif", + "label": "training/target/train_18.tif", + "fold": 3 + }, + { + "image": "training/source/train_17.tif", + "label": "training/target/train_17.tif", + "fold": 3 + }, + { + "image": "training/source/train_3.tif", + "label": "training/target/train_3.tif", + "fold": 3 + }, + { + "image": "training/source/train_80.tif", + "label": "training/target/train_80.tif", + "fold": 3 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_006_1_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_006_1_NR.tif", + "fold": 3 + }, + { + "image": "training/source/train_61.tif", + "label": "training/target/train_61.tif", + "fold": 3 + }, + { + "image": "training/source/pos4_frame_80.tif", + "label": "training/target/pos4_frame_80.tif", + "fold": 3 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220__4_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220__4_NR.tif", + "fold": 3 + }, + { + "image": "training/source/train_54.tif", + "label": "training/target/train_54.tif", + "fold": 3 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_006_1.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_006_1.tif", + "fold": 3 + }, + { + "image": "training/source/train_16.tif", + "label": "training/target/train_16.tif", + "fold": 3 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_003_1.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_003_1.tif", + "fold": 3 + }, + { + "image": "training/source/pos0_frame_76.tif", + "label": "training/target/pos0_frame_76.tif", + "fold": 3 + }, + { + "image": "training/source/train_30.tif", + "label": "training/target/train_30.tif", + "fold": 3 + }, + { + "image": "training/source/train_34.tif", + "label": "training/target/train_34.tif", + "fold": 3 + }, + { + "image": "training/source/train_21.tif", + "label": "training/target/train_21.tif", + "fold": 3 + }, + { + "image": "training/source/train_15.tif", + "label": "training/target/train_15.tif", + "fold": 3 + }, + { + "image": "training/source/train_45.tif", + "label": "training/target/train_45.tif", + "fold": 3 + }, + { + "image": "training/source/train_73.tif", + "label": "training/target/train_73.tif", + "fold": 3 + }, + { + "image": "training/source/pos8_frame_70.tif", + "label": "training/target/pos8_frame_70.tif", + "fold": 3 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_002_4.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_002_4.tif", + "fold": 3 + }, + { + "image": "training/source/train_69.tif", + "label": "training/target/train_69.tif", + "fold": 3 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_004_1.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_004_1.tif", + "fold": 3 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_001_1.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_001_1.tif", + "fold": 3 + }, + { + "image": "training/source/train_68.tif", + "label": "training/target/train_68.tif", + "fold": 3 + }, + { + "image": "training/source/pos1_frame_68.tif", + "label": "training/target/pos1_frame_68.tif", + "fold": 3 + }, + { + "image": "training/source/train_8.tif", + "label": "training/target/train_8.tif", + "fold": 4 + }, + { + "image": "training/source/train_26.tif", + "label": "training/target/train_26.tif", + "fold": 4 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_004_3_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_004_3_NR.tif", + "fold": 4 + }, + { + "image": "training/source/train_31.tif", + "label": "training/target/train_31.tif", + "fold": 4 + }, + { + "image": "training/source/train_62.tif", + "label": "training/target/train_62.tif", + "fold": 4 + }, + { + "image": "training/source/train_36.tif", + "label": "training/target/train_36.tif", + "fold": 4 + }, + { + "image": "training/source/train_70.tif", + "label": "training/target/train_70.tif", + "fold": 4 + }, + { + "image": "training/source/train_5.tif", + "label": "training/target/train_5.tif", + "fold": 4 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_003_4.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_003_4.tif", + "fold": 4 + }, + { + "image": "training/source/train_46.tif", + "label": "training/target/train_46.tif", + "fold": 4 + }, + { + "image": "training/source/train_47.tif", + "label": "training/target/train_47.tif", + "fold": 4 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_002_3_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_002_3_NR.tif", + "fold": 4 + }, + { + "image": "training/source/train_20.tif", + "label": "training/target/train_20.tif", + "fold": 4 + }, + { + "image": "training/source/pos0_frame_6.tif", + "label": "training/target/pos0_frame_6.tif", + "fold": 4 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_006_3_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_006_3_NR.tif", + "fold": 4 + }, + { + "image": "training/source/train_13.tif", + "label": "training/target/train_13.tif", + "fold": 4 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_002_1.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_002_1.tif", + "fold": 4 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_005_2.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_005_2.tif", + "fold": 4 + }, + { + "image": "training/source/pos1_frame_15.tif", + "label": "training/target/pos1_frame_15.tif", + "fold": 4 + }, + { + "image": "training/source/train_14.tif", + "label": "training/target/train_14.tif", + "fold": 4 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220__1.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220__1.tif", + "fold": 4 + }, + { + "image": "training/source/train_22.tif", + "label": "training/target/train_22.tif", + "fold": 4 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_001_2.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_001_2.tif", + "fold": 4 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_004_4.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_004_4.tif", + "fold": 4 + }, + { + "image": "training/source/train_76.tif", + "label": "training/target/train_76.tif", + "fold": 4 + }, + { + "image": "training/source/pos4_frame_64.tif", + "label": "training/target/pos4_frame_64.tif", + "fold": 4 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_001_4.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_001_4.tif", + "fold": 4 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220_003_2_NR.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220_003_2_NR.tif", + "fold": 4 + }, + { + "image": "training/source/train_32.tif", + "label": "training/target/train_32.tif", + "fold": 4 + }, + { + "image": "training/source/JE2NileRed_oilp22_PMP_101220__3.tif", + "label": "training/target/JE2NileRed_oilp22_PMP_101220__3.tif", + "fold": 4 + }, + { + "image": "training/source/train_51.tif", + "label": "training/target/train_51.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "test/source/test_4.tif", + "label": "test/target/test_4.tif" + }, + { + "image": "test/source/test_7.tif", + "label": "test/target/test_7.tif" + }, + { + "image": "test/source/pos5_fr_20.tif", + "label": "test/target/pos5_fr_20.tif" + }, + { + "image": "test/source/pos7_fr_80.tif", + "label": "test/target/pos7_fr_80.tif" + }, + { + "image": "test/source/test_10.tif", + "label": "test/target/test_10.tif" + }, + { + "image": "test/source/test_8.tif", + "label": "test/target/test_8.tif" + }, + { + "image": "test/source/pos7_fr_60.tif", + "label": "test/target/pos7_fr_60.tif" + }, + { + "image": "test/source/pos5_fr_80.tif", + "label": "test/target/pos5_fr_80.tif" + }, + { + "image": "test/source/pos5_fr_60.tif", + "label": "test/target/pos5_fr_60.tif" + }, + { + "image": "test/source/pos7_fr_1.tif", + "label": "test/target/pos7_fr_1.tif" + }, + { + "image": "test/source/JE2NileRed_oilp22_PMP_101220_011_NR.tif", + "label": "test/target/JE2NileRed_oilp22_PMP_101220_011_NR.tif" + }, + { + "image": "test/source/JE2NileRed_oilp22_PMP_101220_007.tif", + "label": "test/target/JE2NileRed_oilp22_PMP_101220_007.tif" + }, + { + "image": "test/source/test_2.tif", + "label": "test/target/test_2.tif" + }, + { + "image": "test/source/pos5_fr_40.tif", + "label": "test/target/pos5_fr_40.tif" + }, + { + "image": "test/source/JE2NileRed_oilp22_PMP_101220_009_NR.tif", + "label": "test/target/JE2NileRed_oilp22_PMP_101220_009_NR.tif" + }, + { + "image": "test/source/JE2NileRed_oilp22_PMP_101220_009.tif", + "label": "test/target/JE2NileRed_oilp22_PMP_101220_009.tif" + }, + { + "image": "test/source/JE2NileRed_oilp22_PMP_101220_010.tif", + "label": "test/target/JE2NileRed_oilp22_PMP_101220_010.tif" + }, + { + "image": "test/source/pos7_fr_20.tif", + "label": "test/target/pos7_fr_20.tif" + }, + { + "image": "test/source/JE2NileRed_oilp22_PMP_101220_011.tif", + "label": "test/target/JE2NileRed_oilp22_PMP_101220_011.tif" + }, + { + "image": "test/source/pos7_fr_40.tif", + "label": "test/target/pos7_fr_40.tif" + }, + { + "image": "test/source/test_1.tif", + "label": "test/target/test_1.tif" + }, + { + "image": "test/source/pos2_fr_60.tif", + "label": "test/target/pos2_fr_60.tif" + }, + { + "image": "test/source/JE2NileRed_oilp22_PMP_101220_007_NR.tif", + "label": "test/target/JE2NileRed_oilp22_PMP_101220_007_NR.tif" + }, + { + "image": "test/source/test_3.tif", + "label": "test/target/test_3.tif" + }, + { + "image": "test/source/pos2_fr_80.tif", + "label": "test/target/pos2_fr_80.tif" + }, + { + "image": "test/source/pos2_fr_40.tif", + "label": "test/target/pos2_fr_40.tif" + }, + { + "image": "test/source/JE2NileRed_oilp22_PMP_101220_008.tif", + "label": "test/target/JE2NileRed_oilp22_PMP_101220_008.tif" + }, + { + "image": "test/source/JE2NileRed_oilp22_PMP_101220_008_NR.tif", + "label": "test/target/JE2NileRed_oilp22_PMP_101220_008_NR.tif" + }, + { + "image": "test/source/JE2NileRed_oilp22_PMP_101220_010_NR.tif", + "label": "test/target/JE2NileRed_oilp22_PMP_101220_010_NR.tif" + }, + { + "image": "test/source/test_5.tif", + "label": "test/target/test_5.tif" + }, + { + "image": "test/source/test_6.tif", + "label": "test/target/test_6.tif" + }, + { + "image": "test/source/test_9.tif", + "label": "test/target/test_9.tif" + }, + { + "image": "test/source/pos5_fr_1.tif", + "label": "test/target/pos5_fr_1.tif" + }, + { + "image": "test/source/pos2_fr_1.tif", + "label": "test/target/pos2_fr_1.tif" + }, + { + "image": "test/source/pos2_fr_20.tif", + "label": "test/target/pos2_fr_20.tif" + } + ] +} diff --git a/vista2d/datalists/group1_datalist.yaml b/vista2d/datalists/group1_datalist.yaml new file mode 100644 index 0000000..dbb453c --- /dev/null +++ b/vista2d/datalists/group1_datalist.yaml @@ -0,0 +1,30 @@ + - {datalist: datalists2/tissuenet_skin_mibi_datalist.json, basedir: /data/vista2d_combined/tissuenet_dataset/tissuenet_1.0} + - {datalist: datalists2/tissuenet_breast_mibi_datalist.json, basedir: /data/vista2d_combined/tissuenet_dataset/tissuenet_1.0} + - {datalist: datalists2/tissuenet_breast_vectra_datalist.json, basedir: /data/vista2d_combined/tissuenet_dataset/tissuenet_1.0} + - {datalist: datalists2/tissuenet_breast_imc_datalist.json, basedir: /data/vista2d_combined/tissuenet_dataset/tissuenet_1.0} + - {datalist: datalists2/tissuenet_gi_codex_datalist.json, basedir: /data/vista2d_combined/tissuenet_dataset/tissuenet_1.0} + - {datalist: datalists2/tissuenet_gi_mibi_datalist.json, basedir: /data/vista2d_combined/tissuenet_dataset/tissuenet_1.0} + - {datalist: datalists2/tissuenet_gi_mxif_datalist.json, basedir: /data/vista2d_combined/tissuenet_dataset/tissuenet_1.0} + - {datalist: datalists2/tissuenet_immune_cycif_datalist.json, basedir: /data/vista2d_combined/tissuenet_dataset/tissuenet_1.0} + - {datalist: datalists2/tissuenet_immune_mibi_datalist.json, basedir: /data/vista2d_combined/tissuenet_dataset/tissuenet_1.0} + - {datalist: datalists2/tissuenet_immune_vectra_datalist.json, basedir: /data/vista2d_combined/tissuenet_dataset/tissuenet_1.0} + - {datalist: datalists2/tissuenet_lung_cycif_datalist.json, basedir: /data/vista2d_combined/tissuenet_dataset/tissuenet_1.0} + - {datalist: datalists2/tissuenet_pancreas_codex_datalist.json, basedir: /data/vista2d_combined/tissuenet_dataset/tissuenet_1.0} + - {datalist: datalists2/tissuenet_pancreas_vectra_datalist.json, basedir: /data/vista2d_combined/tissuenet_dataset/tissuenet_1.0} + + - {datalist: datalists2/cellpose_datalist.json, basedir: /data/vista2d_combined/cellpose_dataset} + + - {datalist: datalists2/omnipose_bact_f_dataset.json, basedir: /data/vista2d_combined/omnipose_dataset} + - {datalist: datalists2/omnipose_bact_p_dataset.json, basedir: /data/vista2d_combined/omnipose_dataset} + + - {datalist: datalists2/livecell_A172_datalist.json, basedir: /data/vista2d_combined/livecell_dataset/images} + - {datalist: datalists2/livecell_BT474_datalist.json, basedir: /data/vista2d_combined/livecell_dataset/images} + - {datalist: datalists2/livecell_Huh7_datalist.json, basedir: /data/vista2d_combined/livecell_dataset/images} + - {datalist: datalists2/livecell_MCF7_datalist.json, basedir: /data/vista2d_combined/livecell_dataset/images} + - {datalist: datalists2/livecell_SHSY5Y_datalist.json, basedir: /data/vista2d_combined/livecell_dataset/images} + - {datalist: datalists2/livecell_SkBr3_datalist.json, basedir: /data/vista2d_combined/livecell_dataset/images} + - {datalist: datalists2/livecell_SKOV3_datalist.json, basedir: /data/vista2d_combined/livecell_dataset/images} + + - {datalist: datalists2/deepbacs_datalist.json, basedir: /data/vista2d_combined/deepbacs_dataset} + - {datalist: datalists2/nips_data_list.json, basedir: /data/vista2d_combined/nips_dataset} + - {datalist: datalists2/kg_nuclei_datalist.json, basedir: /data/vista2d_combined/kaggle_dataset} diff --git a/vista2d/datalists/kg_nuclei_datalist.json b/vista2d/datalists/kg_nuclei_datalist.json new file mode 100644 index 0000000..00f9f52 --- /dev/null +++ b/vista2d/datalists/kg_nuclei_datalist.json @@ -0,0 +1,3287 @@ +{ + "training": [ + { + "image": "instance_processed_data/kg_bowl_193_img.png", + "label": "instance_processed_data/kg_bowl_193_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_426_img.png", + "label": "instance_processed_data/kg_bowl_426_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_362_img.png", + "label": "instance_processed_data/kg_bowl_362_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_266_img.png", + "label": "instance_processed_data/kg_bowl_266_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_397_img.png", + "label": "instance_processed_data/kg_bowl_397_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_328_img.png", + "label": "instance_processed_data/kg_bowl_328_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_364_img.png", + "label": "instance_processed_data/kg_bowl_364_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_42_img.png", + "label": "instance_processed_data/kg_bowl_42_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_392_img.png", + "label": "instance_processed_data/kg_bowl_392_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_296_img.png", + "label": "instance_processed_data/kg_bowl_296_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_419_img.png", + "label": "instance_processed_data/kg_bowl_419_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_436_img.png", + "label": "instance_processed_data/kg_bowl_436_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_213_img.png", + "label": "instance_processed_data/kg_bowl_213_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_271_img.png", + "label": "instance_processed_data/kg_bowl_271_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_384_img.png", + "label": "instance_processed_data/kg_bowl_384_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_493_img.png", + "label": "instance_processed_data/kg_bowl_493_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_492_img.png", + "label": "instance_processed_data/kg_bowl_492_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_489_img.png", + "label": "instance_processed_data/kg_bowl_489_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_474_img.png", + "label": "instance_processed_data/kg_bowl_474_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_215_img.png", + "label": "instance_processed_data/kg_bowl_215_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_595_img.png", + "label": "instance_processed_data/kg_bowl_595_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_518_img.png", + "label": "instance_processed_data/kg_bowl_518_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_560_img.png", + "label": "instance_processed_data/kg_bowl_560_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_409_img.png", + "label": "instance_processed_data/kg_bowl_409_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_396_img.png", + "label": "instance_processed_data/kg_bowl_396_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_1_img.png", + "label": "instance_processed_data/kg_bowl_1_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_164_img.png", + "label": "instance_processed_data/kg_bowl_164_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_148_img.png", + "label": "instance_processed_data/kg_bowl_148_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_119_img.png", + "label": "instance_processed_data/kg_bowl_119_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_526_img.png", + "label": "instance_processed_data/kg_bowl_526_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_144_img.png", + "label": "instance_processed_data/kg_bowl_144_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_469_img.png", + "label": "instance_processed_data/kg_bowl_469_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_248_img.png", + "label": "instance_processed_data/kg_bowl_248_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_347_img.png", + "label": "instance_processed_data/kg_bowl_347_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_60_img.png", + "label": "instance_processed_data/kg_bowl_60_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_349_img.png", + "label": "instance_processed_data/kg_bowl_349_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_342_img.png", + "label": "instance_processed_data/kg_bowl_342_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_577_img.png", + "label": "instance_processed_data/kg_bowl_577_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_444_img.png", + "label": "instance_processed_data/kg_bowl_444_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_240_img.png", + "label": "instance_processed_data/kg_bowl_240_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_95_img.png", + "label": "instance_processed_data/kg_bowl_95_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_121_img.png", + "label": "instance_processed_data/kg_bowl_121_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_373_img.png", + "label": "instance_processed_data/kg_bowl_373_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_185_img.png", + "label": "instance_processed_data/kg_bowl_185_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_232_img.png", + "label": "instance_processed_data/kg_bowl_232_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_345_img.png", + "label": "instance_processed_data/kg_bowl_345_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_557_img.png", + "label": "instance_processed_data/kg_bowl_557_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_187_img.png", + "label": "instance_processed_data/kg_bowl_187_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_429_img.png", + "label": "instance_processed_data/kg_bowl_429_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_582_img.png", + "label": "instance_processed_data/kg_bowl_582_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_543_img.png", + "label": "instance_processed_data/kg_bowl_543_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_490_img.png", + "label": "instance_processed_data/kg_bowl_490_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_134_img.png", + "label": "instance_processed_data/kg_bowl_134_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_229_img.png", + "label": "instance_processed_data/kg_bowl_229_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_585_img.png", + "label": "instance_processed_data/kg_bowl_585_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_33_img.png", + "label": "instance_processed_data/kg_bowl_33_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_222_img.png", + "label": "instance_processed_data/kg_bowl_222_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_24_img.png", + "label": "instance_processed_data/kg_bowl_24_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_458_img.png", + "label": "instance_processed_data/kg_bowl_458_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_506_img.png", + "label": "instance_processed_data/kg_bowl_506_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_324_img.png", + "label": "instance_processed_data/kg_bowl_324_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_200_img.png", + "label": "instance_processed_data/kg_bowl_200_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_350_img.png", + "label": "instance_processed_data/kg_bowl_350_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_282_img.png", + "label": "instance_processed_data/kg_bowl_282_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_247_img.png", + "label": "instance_processed_data/kg_bowl_247_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_463_img.png", + "label": "instance_processed_data/kg_bowl_463_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_235_img.png", + "label": "instance_processed_data/kg_bowl_235_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_383_img.png", + "label": "instance_processed_data/kg_bowl_383_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_496_img.png", + "label": "instance_processed_data/kg_bowl_496_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_440_img.png", + "label": "instance_processed_data/kg_bowl_440_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_468_img.png", + "label": "instance_processed_data/kg_bowl_468_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_174_img.png", + "label": "instance_processed_data/kg_bowl_174_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_491_img.png", + "label": "instance_processed_data/kg_bowl_491_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_524_img.png", + "label": "instance_processed_data/kg_bowl_524_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_487_img.png", + "label": "instance_processed_data/kg_bowl_487_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_359_img.png", + "label": "instance_processed_data/kg_bowl_359_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_406_img.png", + "label": "instance_processed_data/kg_bowl_406_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_78_img.png", + "label": "instance_processed_data/kg_bowl_78_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_302_img.png", + "label": "instance_processed_data/kg_bowl_302_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_184_img.png", + "label": "instance_processed_data/kg_bowl_184_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_435_img.png", + "label": "instance_processed_data/kg_bowl_435_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_597_img.png", + "label": "instance_processed_data/kg_bowl_597_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_170_img.png", + "label": "instance_processed_data/kg_bowl_170_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_63_img.png", + "label": "instance_processed_data/kg_bowl_63_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_22_img.png", + "label": "instance_processed_data/kg_bowl_22_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_231_img.png", + "label": "instance_processed_data/kg_bowl_231_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_41_img.png", + "label": "instance_processed_data/kg_bowl_41_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_352_img.png", + "label": "instance_processed_data/kg_bowl_352_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_44_img.png", + "label": "instance_processed_data/kg_bowl_44_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_48_img.png", + "label": "instance_processed_data/kg_bowl_48_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_537_img.png", + "label": "instance_processed_data/kg_bowl_537_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_357_img.png", + "label": "instance_processed_data/kg_bowl_357_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_27_img.png", + "label": "instance_processed_data/kg_bowl_27_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_230_img.png", + "label": "instance_processed_data/kg_bowl_230_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_386_img.png", + "label": "instance_processed_data/kg_bowl_386_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_448_img.png", + "label": "instance_processed_data/kg_bowl_448_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_476_img.png", + "label": "instance_processed_data/kg_bowl_476_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_92_img.png", + "label": "instance_processed_data/kg_bowl_92_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_344_img.png", + "label": "instance_processed_data/kg_bowl_344_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_528_img.png", + "label": "instance_processed_data/kg_bowl_528_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_26_img.png", + "label": "instance_processed_data/kg_bowl_26_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_330_img.png", + "label": "instance_processed_data/kg_bowl_330_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_513_img.png", + "label": "instance_processed_data/kg_bowl_513_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_385_img.png", + "label": "instance_processed_data/kg_bowl_385_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_511_img.png", + "label": "instance_processed_data/kg_bowl_511_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_21_img.png", + "label": "instance_processed_data/kg_bowl_21_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_194_img.png", + "label": "instance_processed_data/kg_bowl_194_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_395_img.png", + "label": "instance_processed_data/kg_bowl_395_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_132_img.png", + "label": "instance_processed_data/kg_bowl_132_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_510_img.png", + "label": "instance_processed_data/kg_bowl_510_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_516_img.png", + "label": "instance_processed_data/kg_bowl_516_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_517_img.png", + "label": "instance_processed_data/kg_bowl_517_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_130_img.png", + "label": "instance_processed_data/kg_bowl_130_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_195_img.png", + "label": "instance_processed_data/kg_bowl_195_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_508_img.png", + "label": "instance_processed_data/kg_bowl_508_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_219_img.png", + "label": "instance_processed_data/kg_bowl_219_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_28_img.png", + "label": "instance_processed_data/kg_bowl_28_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_105_img.png", + "label": "instance_processed_data/kg_bowl_105_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_580_img.png", + "label": "instance_processed_data/kg_bowl_580_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_321_img.png", + "label": "instance_processed_data/kg_bowl_321_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_556_img.png", + "label": "instance_processed_data/kg_bowl_556_img_masks.tiff", + "fold": 0 + }, + { + "image": "instance_processed_data/kg_bowl_423_img.png", + "label": "instance_processed_data/kg_bowl_423_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_379_img.png", + "label": "instance_processed_data/kg_bowl_379_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_576_img.png", + "label": "instance_processed_data/kg_bowl_576_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_188_img.png", + "label": "instance_processed_data/kg_bowl_188_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_292_img.png", + "label": "instance_processed_data/kg_bowl_292_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_253_img.png", + "label": "instance_processed_data/kg_bowl_253_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_281_img.png", + "label": "instance_processed_data/kg_bowl_281_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_590_img.png", + "label": "instance_processed_data/kg_bowl_590_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_175_img.png", + "label": "instance_processed_data/kg_bowl_175_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_67_img.png", + "label": "instance_processed_data/kg_bowl_67_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_59_img.png", + "label": "instance_processed_data/kg_bowl_59_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_520_img.png", + "label": "instance_processed_data/kg_bowl_520_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_572_img.png", + "label": "instance_processed_data/kg_bowl_572_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_76_img.png", + "label": "instance_processed_data/kg_bowl_76_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_114_img.png", + "label": "instance_processed_data/kg_bowl_114_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_99_img.png", + "label": "instance_processed_data/kg_bowl_99_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_549_img.png", + "label": "instance_processed_data/kg_bowl_549_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_30_img.png", + "label": "instance_processed_data/kg_bowl_30_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_288_img.png", + "label": "instance_processed_data/kg_bowl_288_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_246_img.png", + "label": "instance_processed_data/kg_bowl_246_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_49_img.png", + "label": "instance_processed_data/kg_bowl_49_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_558_img.png", + "label": "instance_processed_data/kg_bowl_558_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_338_img.png", + "label": "instance_processed_data/kg_bowl_338_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_87_img.png", + "label": "instance_processed_data/kg_bowl_87_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_439_img.png", + "label": "instance_processed_data/kg_bowl_439_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_96_img.png", + "label": "instance_processed_data/kg_bowl_96_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_403_img.png", + "label": "instance_processed_data/kg_bowl_403_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_154_img.png", + "label": "instance_processed_data/kg_bowl_154_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_404_img.png", + "label": "instance_processed_data/kg_bowl_404_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_449_img.png", + "label": "instance_processed_data/kg_bowl_449_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_205_img.png", + "label": "instance_processed_data/kg_bowl_205_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_417_img.png", + "label": "instance_processed_data/kg_bowl_417_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_2_img.png", + "label": "instance_processed_data/kg_bowl_2_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_166_img.png", + "label": "instance_processed_data/kg_bowl_166_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_196_img.png", + "label": "instance_processed_data/kg_bowl_196_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_0_img.png", + "label": "instance_processed_data/kg_bowl_0_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_318_img.png", + "label": "instance_processed_data/kg_bowl_318_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_25_img.png", + "label": "instance_processed_data/kg_bowl_25_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_471_img.png", + "label": "instance_processed_data/kg_bowl_471_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_124_img.png", + "label": "instance_processed_data/kg_bowl_124_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_162_img.png", + "label": "instance_processed_data/kg_bowl_162_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_52_img.png", + "label": "instance_processed_data/kg_bowl_52_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_12_img.png", + "label": "instance_processed_data/kg_bowl_12_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_107_img.png", + "label": "instance_processed_data/kg_bowl_107_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_457_img.png", + "label": "instance_processed_data/kg_bowl_457_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_486_img.png", + "label": "instance_processed_data/kg_bowl_486_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_103_img.png", + "label": "instance_processed_data/kg_bowl_103_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_104_img.png", + "label": "instance_processed_data/kg_bowl_104_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_34_img.png", + "label": "instance_processed_data/kg_bowl_34_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_54_img.png", + "label": "instance_processed_data/kg_bowl_54_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_69_img.png", + "label": "instance_processed_data/kg_bowl_69_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_279_img.png", + "label": "instance_processed_data/kg_bowl_279_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_536_img.png", + "label": "instance_processed_data/kg_bowl_536_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_113_img.png", + "label": "instance_processed_data/kg_bowl_113_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_38_img.png", + "label": "instance_processed_data/kg_bowl_38_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_548_img.png", + "label": "instance_processed_data/kg_bowl_548_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_478_img.png", + "label": "instance_processed_data/kg_bowl_478_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_316_img.png", + "label": "instance_processed_data/kg_bowl_316_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_542_img.png", + "label": "instance_processed_data/kg_bowl_542_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_447_img.png", + "label": "instance_processed_data/kg_bowl_447_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_405_img.png", + "label": "instance_processed_data/kg_bowl_405_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_191_img.png", + "label": "instance_processed_data/kg_bowl_191_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_598_img.png", + "label": "instance_processed_data/kg_bowl_598_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_137_img.png", + "label": "instance_processed_data/kg_bowl_137_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_97_img.png", + "label": "instance_processed_data/kg_bowl_97_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_289_img.png", + "label": "instance_processed_data/kg_bowl_289_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_255_img.png", + "label": "instance_processed_data/kg_bowl_255_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_574_img.png", + "label": "instance_processed_data/kg_bowl_574_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_334_img.png", + "label": "instance_processed_data/kg_bowl_334_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_72_img.png", + "label": "instance_processed_data/kg_bowl_72_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_236_img.png", + "label": "instance_processed_data/kg_bowl_236_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_532_img.png", + "label": "instance_processed_data/kg_bowl_532_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_307_img.png", + "label": "instance_processed_data/kg_bowl_307_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_592_img.png", + "label": "instance_processed_data/kg_bowl_592_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_454_img.png", + "label": "instance_processed_data/kg_bowl_454_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_566_img.png", + "label": "instance_processed_data/kg_bowl_566_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_514_img.png", + "label": "instance_processed_data/kg_bowl_514_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_356_img.png", + "label": "instance_processed_data/kg_bowl_356_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_589_img.png", + "label": "instance_processed_data/kg_bowl_589_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_456_img.png", + "label": "instance_processed_data/kg_bowl_456_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_479_img.png", + "label": "instance_processed_data/kg_bowl_479_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_313_img.png", + "label": "instance_processed_data/kg_bowl_313_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_249_img.png", + "label": "instance_processed_data/kg_bowl_249_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_505_img.png", + "label": "instance_processed_data/kg_bowl_505_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_220_img.png", + "label": "instance_processed_data/kg_bowl_220_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_581_img.png", + "label": "instance_processed_data/kg_bowl_581_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_106_img.png", + "label": "instance_processed_data/kg_bowl_106_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_470_img.png", + "label": "instance_processed_data/kg_bowl_470_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_272_img.png", + "label": "instance_processed_data/kg_bowl_272_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_522_img.png", + "label": "instance_processed_data/kg_bowl_522_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_202_img.png", + "label": "instance_processed_data/kg_bowl_202_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_280_img.png", + "label": "instance_processed_data/kg_bowl_280_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_375_img.png", + "label": "instance_processed_data/kg_bowl_375_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_81_img.png", + "label": "instance_processed_data/kg_bowl_81_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_552_img.png", + "label": "instance_processed_data/kg_bowl_552_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_35_img.png", + "label": "instance_processed_data/kg_bowl_35_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_365_img.png", + "label": "instance_processed_data/kg_bowl_365_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_420_img.png", + "label": "instance_processed_data/kg_bowl_420_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_481_img.png", + "label": "instance_processed_data/kg_bowl_481_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_355_img.png", + "label": "instance_processed_data/kg_bowl_355_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_495_img.png", + "label": "instance_processed_data/kg_bowl_495_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_167_img.png", + "label": "instance_processed_data/kg_bowl_167_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_204_img.png", + "label": "instance_processed_data/kg_bowl_204_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_424_img.png", + "label": "instance_processed_data/kg_bowl_424_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_199_img.png", + "label": "instance_processed_data/kg_bowl_199_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_82_img.png", + "label": "instance_processed_data/kg_bowl_82_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_256_img.png", + "label": "instance_processed_data/kg_bowl_256_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_480_img.png", + "label": "instance_processed_data/kg_bowl_480_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_123_img.png", + "label": "instance_processed_data/kg_bowl_123_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_346_img.png", + "label": "instance_processed_data/kg_bowl_346_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_325_img.png", + "label": "instance_processed_data/kg_bowl_325_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_85_img.png", + "label": "instance_processed_data/kg_bowl_85_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_499_img.png", + "label": "instance_processed_data/kg_bowl_499_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_142_img.png", + "label": "instance_processed_data/kg_bowl_142_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_515_img.png", + "label": "instance_processed_data/kg_bowl_515_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_411_img.png", + "label": "instance_processed_data/kg_bowl_411_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_101_img.png", + "label": "instance_processed_data/kg_bowl_101_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_208_img.png", + "label": "instance_processed_data/kg_bowl_208_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_143_img.png", + "label": "instance_processed_data/kg_bowl_143_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_402_img.png", + "label": "instance_processed_data/kg_bowl_402_img_masks.tiff", + "fold": 1 + }, + { + "image": "instance_processed_data/kg_bowl_157_img.png", + "label": "instance_processed_data/kg_bowl_157_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_341_img.png", + "label": "instance_processed_data/kg_bowl_341_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_370_img.png", + "label": "instance_processed_data/kg_bowl_370_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_129_img.png", + "label": "instance_processed_data/kg_bowl_129_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_485_img.png", + "label": "instance_processed_data/kg_bowl_485_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_465_img.png", + "label": "instance_processed_data/kg_bowl_465_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_182_img.png", + "label": "instance_processed_data/kg_bowl_182_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_546_img.png", + "label": "instance_processed_data/kg_bowl_546_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_308_img.png", + "label": "instance_processed_data/kg_bowl_308_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_300_img.png", + "label": "instance_processed_data/kg_bowl_300_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_51_img.png", + "label": "instance_processed_data/kg_bowl_51_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_181_img.png", + "label": "instance_processed_data/kg_bowl_181_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_254_img.png", + "label": "instance_processed_data/kg_bowl_254_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_451_img.png", + "label": "instance_processed_data/kg_bowl_451_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_65_img.png", + "label": "instance_processed_data/kg_bowl_65_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_55_img.png", + "label": "instance_processed_data/kg_bowl_55_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_331_img.png", + "label": "instance_processed_data/kg_bowl_331_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_29_img.png", + "label": "instance_processed_data/kg_bowl_29_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_206_img.png", + "label": "instance_processed_data/kg_bowl_206_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_438_img.png", + "label": "instance_processed_data/kg_bowl_438_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_268_img.png", + "label": "instance_processed_data/kg_bowl_268_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_75_img.png", + "label": "instance_processed_data/kg_bowl_75_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_374_img.png", + "label": "instance_processed_data/kg_bowl_374_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_425_img.png", + "label": "instance_processed_data/kg_bowl_425_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_131_img.png", + "label": "instance_processed_data/kg_bowl_131_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_336_img.png", + "label": "instance_processed_data/kg_bowl_336_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_7_img.png", + "label": "instance_processed_data/kg_bowl_7_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_172_img.png", + "label": "instance_processed_data/kg_bowl_172_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_259_img.png", + "label": "instance_processed_data/kg_bowl_259_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_521_img.png", + "label": "instance_processed_data/kg_bowl_521_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_40_img.png", + "label": "instance_processed_data/kg_bowl_40_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_319_img.png", + "label": "instance_processed_data/kg_bowl_319_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_149_img.png", + "label": "instance_processed_data/kg_bowl_149_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_472_img.png", + "label": "instance_processed_data/kg_bowl_472_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_366_img.png", + "label": "instance_processed_data/kg_bowl_366_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_393_img.png", + "label": "instance_processed_data/kg_bowl_393_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_322_img.png", + "label": "instance_processed_data/kg_bowl_322_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_138_img.png", + "label": "instance_processed_data/kg_bowl_138_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_311_img.png", + "label": "instance_processed_data/kg_bowl_311_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_525_img.png", + "label": "instance_processed_data/kg_bowl_525_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_442_img.png", + "label": "instance_processed_data/kg_bowl_442_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_161_img.png", + "label": "instance_processed_data/kg_bowl_161_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_127_img.png", + "label": "instance_processed_data/kg_bowl_127_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_428_img.png", + "label": "instance_processed_data/kg_bowl_428_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_541_img.png", + "label": "instance_processed_data/kg_bowl_541_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_66_img.png", + "label": "instance_processed_data/kg_bowl_66_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_408_img.png", + "label": "instance_processed_data/kg_bowl_408_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_335_img.png", + "label": "instance_processed_data/kg_bowl_335_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_152_img.png", + "label": "instance_processed_data/kg_bowl_152_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_315_img.png", + "label": "instance_processed_data/kg_bowl_315_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_382_img.png", + "label": "instance_processed_data/kg_bowl_382_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_380_img.png", + "label": "instance_processed_data/kg_bowl_380_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_180_img.png", + "label": "instance_processed_data/kg_bowl_180_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_116_img.png", + "label": "instance_processed_data/kg_bowl_116_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_4_img.png", + "label": "instance_processed_data/kg_bowl_4_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_278_img.png", + "label": "instance_processed_data/kg_bowl_278_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_276_img.png", + "label": "instance_processed_data/kg_bowl_276_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_262_img.png", + "label": "instance_processed_data/kg_bowl_262_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_210_img.png", + "label": "instance_processed_data/kg_bowl_210_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_133_img.png", + "label": "instance_processed_data/kg_bowl_133_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_136_img.png", + "label": "instance_processed_data/kg_bowl_136_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_89_img.png", + "label": "instance_processed_data/kg_bowl_89_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_309_img.png", + "label": "instance_processed_data/kg_bowl_309_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_312_img.png", + "label": "instance_processed_data/kg_bowl_312_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_297_img.png", + "label": "instance_processed_data/kg_bowl_297_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_100_img.png", + "label": "instance_processed_data/kg_bowl_100_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_455_img.png", + "label": "instance_processed_data/kg_bowl_455_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_163_img.png", + "label": "instance_processed_data/kg_bowl_163_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_265_img.png", + "label": "instance_processed_data/kg_bowl_265_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_109_img.png", + "label": "instance_processed_data/kg_bowl_109_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_545_img.png", + "label": "instance_processed_data/kg_bowl_545_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_241_img.png", + "label": "instance_processed_data/kg_bowl_241_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_211_img.png", + "label": "instance_processed_data/kg_bowl_211_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_553_img.png", + "label": "instance_processed_data/kg_bowl_553_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_488_img.png", + "label": "instance_processed_data/kg_bowl_488_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_251_img.png", + "label": "instance_processed_data/kg_bowl_251_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_431_img.png", + "label": "instance_processed_data/kg_bowl_431_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_190_img.png", + "label": "instance_processed_data/kg_bowl_190_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_290_img.png", + "label": "instance_processed_data/kg_bowl_290_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_155_img.png", + "label": "instance_processed_data/kg_bowl_155_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_361_img.png", + "label": "instance_processed_data/kg_bowl_361_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_139_img.png", + "label": "instance_processed_data/kg_bowl_139_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_39_img.png", + "label": "instance_processed_data/kg_bowl_39_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_500_img.png", + "label": "instance_processed_data/kg_bowl_500_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_367_img.png", + "label": "instance_processed_data/kg_bowl_367_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_20_img.png", + "label": "instance_processed_data/kg_bowl_20_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_153_img.png", + "label": "instance_processed_data/kg_bowl_153_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_146_img.png", + "label": "instance_processed_data/kg_bowl_146_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_340_img.png", + "label": "instance_processed_data/kg_bowl_340_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_591_img.png", + "label": "instance_processed_data/kg_bowl_591_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_432_img.png", + "label": "instance_processed_data/kg_bowl_432_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_583_img.png", + "label": "instance_processed_data/kg_bowl_583_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_252_img.png", + "label": "instance_processed_data/kg_bowl_252_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_228_img.png", + "label": "instance_processed_data/kg_bowl_228_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_267_img.png", + "label": "instance_processed_data/kg_bowl_267_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_599_img.png", + "label": "instance_processed_data/kg_bowl_599_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_244_img.png", + "label": "instance_processed_data/kg_bowl_244_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_314_img.png", + "label": "instance_processed_data/kg_bowl_314_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_214_img.png", + "label": "instance_processed_data/kg_bowl_214_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_473_img.png", + "label": "instance_processed_data/kg_bowl_473_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_37_img.png", + "label": "instance_processed_data/kg_bowl_37_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_270_img.png", + "label": "instance_processed_data/kg_bowl_270_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_102_img.png", + "label": "instance_processed_data/kg_bowl_102_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_418_img.png", + "label": "instance_processed_data/kg_bowl_418_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_459_img.png", + "label": "instance_processed_data/kg_bowl_459_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_84_img.png", + "label": "instance_processed_data/kg_bowl_84_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_226_img.png", + "label": "instance_processed_data/kg_bowl_226_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_8_img.png", + "label": "instance_processed_data/kg_bowl_8_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_23_img.png", + "label": "instance_processed_data/kg_bowl_23_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_257_img.png", + "label": "instance_processed_data/kg_bowl_257_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_36_img.png", + "label": "instance_processed_data/kg_bowl_36_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_274_img.png", + "label": "instance_processed_data/kg_bowl_274_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_329_img.png", + "label": "instance_processed_data/kg_bowl_329_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_564_img.png", + "label": "instance_processed_data/kg_bowl_564_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_593_img.png", + "label": "instance_processed_data/kg_bowl_593_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_171_img.png", + "label": "instance_processed_data/kg_bowl_171_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_14_img.png", + "label": "instance_processed_data/kg_bowl_14_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_70_img.png", + "label": "instance_processed_data/kg_bowl_70_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_135_img.png", + "label": "instance_processed_data/kg_bowl_135_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_179_img.png", + "label": "instance_processed_data/kg_bowl_179_img_masks.tiff", + "fold": 2 + }, + { + "image": "instance_processed_data/kg_bowl_512_img.png", + "label": "instance_processed_data/kg_bowl_512_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_77_img.png", + "label": "instance_processed_data/kg_bowl_77_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_394_img.png", + "label": "instance_processed_data/kg_bowl_394_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_326_img.png", + "label": "instance_processed_data/kg_bowl_326_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_588_img.png", + "label": "instance_processed_data/kg_bowl_588_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_73_img.png", + "label": "instance_processed_data/kg_bowl_73_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_434_img.png", + "label": "instance_processed_data/kg_bowl_434_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_320_img.png", + "label": "instance_processed_data/kg_bowl_320_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_503_img.png", + "label": "instance_processed_data/kg_bowl_503_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_192_img.png", + "label": "instance_processed_data/kg_bowl_192_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_234_img.png", + "label": "instance_processed_data/kg_bowl_234_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_368_img.png", + "label": "instance_processed_data/kg_bowl_368_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_507_img.png", + "label": "instance_processed_data/kg_bowl_507_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_64_img.png", + "label": "instance_processed_data/kg_bowl_64_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_120_img.png", + "label": "instance_processed_data/kg_bowl_120_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_372_img.png", + "label": "instance_processed_data/kg_bowl_372_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_401_img.png", + "label": "instance_processed_data/kg_bowl_401_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_354_img.png", + "label": "instance_processed_data/kg_bowl_354_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_50_img.png", + "label": "instance_processed_data/kg_bowl_50_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_9_img.png", + "label": "instance_processed_data/kg_bowl_9_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_169_img.png", + "label": "instance_processed_data/kg_bowl_169_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_145_img.png", + "label": "instance_processed_data/kg_bowl_145_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_391_img.png", + "label": "instance_processed_data/kg_bowl_391_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_388_img.png", + "label": "instance_processed_data/kg_bowl_388_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_410_img.png", + "label": "instance_processed_data/kg_bowl_410_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_453_img.png", + "label": "instance_processed_data/kg_bowl_453_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_317_img.png", + "label": "instance_processed_data/kg_bowl_317_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_305_img.png", + "label": "instance_processed_data/kg_bowl_305_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_573_img.png", + "label": "instance_processed_data/kg_bowl_573_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_399_img.png", + "label": "instance_processed_data/kg_bowl_399_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_413_img.png", + "label": "instance_processed_data/kg_bowl_413_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_207_img.png", + "label": "instance_processed_data/kg_bowl_207_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_11_img.png", + "label": "instance_processed_data/kg_bowl_11_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_565_img.png", + "label": "instance_processed_data/kg_bowl_565_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_91_img.png", + "label": "instance_processed_data/kg_bowl_91_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_273_img.png", + "label": "instance_processed_data/kg_bowl_273_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_531_img.png", + "label": "instance_processed_data/kg_bowl_531_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_571_img.png", + "label": "instance_processed_data/kg_bowl_571_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_115_img.png", + "label": "instance_processed_data/kg_bowl_115_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_509_img.png", + "label": "instance_processed_data/kg_bowl_509_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_377_img.png", + "label": "instance_processed_data/kg_bowl_377_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_284_img.png", + "label": "instance_processed_data/kg_bowl_284_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_535_img.png", + "label": "instance_processed_data/kg_bowl_535_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_568_img.png", + "label": "instance_processed_data/kg_bowl_568_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_111_img.png", + "label": "instance_processed_data/kg_bowl_111_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_16_img.png", + "label": "instance_processed_data/kg_bowl_16_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_567_img.png", + "label": "instance_processed_data/kg_bowl_567_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_243_img.png", + "label": "instance_processed_data/kg_bowl_243_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_90_img.png", + "label": "instance_processed_data/kg_bowl_90_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_427_img.png", + "label": "instance_processed_data/kg_bowl_427_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_233_img.png", + "label": "instance_processed_data/kg_bowl_233_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_86_img.png", + "label": "instance_processed_data/kg_bowl_86_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_245_img.png", + "label": "instance_processed_data/kg_bowl_245_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_371_img.png", + "label": "instance_processed_data/kg_bowl_371_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_443_img.png", + "label": "instance_processed_data/kg_bowl_443_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_482_img.png", + "label": "instance_processed_data/kg_bowl_482_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_584_img.png", + "label": "instance_processed_data/kg_bowl_584_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_498_img.png", + "label": "instance_processed_data/kg_bowl_498_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_547_img.png", + "label": "instance_processed_data/kg_bowl_547_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_112_img.png", + "label": "instance_processed_data/kg_bowl_112_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_450_img.png", + "label": "instance_processed_data/kg_bowl_450_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_407_img.png", + "label": "instance_processed_data/kg_bowl_407_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_242_img.png", + "label": "instance_processed_data/kg_bowl_242_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_225_img.png", + "label": "instance_processed_data/kg_bowl_225_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_74_img.png", + "label": "instance_processed_data/kg_bowl_74_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_594_img.png", + "label": "instance_processed_data/kg_bowl_594_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_519_img.png", + "label": "instance_processed_data/kg_bowl_519_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_237_img.png", + "label": "instance_processed_data/kg_bowl_237_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_46_img.png", + "label": "instance_processed_data/kg_bowl_46_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_529_img.png", + "label": "instance_processed_data/kg_bowl_529_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_466_img.png", + "label": "instance_processed_data/kg_bowl_466_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_570_img.png", + "label": "instance_processed_data/kg_bowl_570_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_43_img.png", + "label": "instance_processed_data/kg_bowl_43_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_538_img.png", + "label": "instance_processed_data/kg_bowl_538_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_93_img.png", + "label": "instance_processed_data/kg_bowl_93_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_501_img.png", + "label": "instance_processed_data/kg_bowl_501_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_351_img.png", + "label": "instance_processed_data/kg_bowl_351_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_275_img.png", + "label": "instance_processed_data/kg_bowl_275_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_445_img.png", + "label": "instance_processed_data/kg_bowl_445_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_348_img.png", + "label": "instance_processed_data/kg_bowl_348_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_19_img.png", + "label": "instance_processed_data/kg_bowl_19_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_544_img.png", + "label": "instance_processed_data/kg_bowl_544_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_31_img.png", + "label": "instance_processed_data/kg_bowl_31_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_10_img.png", + "label": "instance_processed_data/kg_bowl_10_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_464_img.png", + "label": "instance_processed_data/kg_bowl_464_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_422_img.png", + "label": "instance_processed_data/kg_bowl_422_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_555_img.png", + "label": "instance_processed_data/kg_bowl_555_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_216_img.png", + "label": "instance_processed_data/kg_bowl_216_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_32_img.png", + "label": "instance_processed_data/kg_bowl_32_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_110_img.png", + "label": "instance_processed_data/kg_bowl_110_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_462_img.png", + "label": "instance_processed_data/kg_bowl_462_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_261_img.png", + "label": "instance_processed_data/kg_bowl_261_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_398_img.png", + "label": "instance_processed_data/kg_bowl_398_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_502_img.png", + "label": "instance_processed_data/kg_bowl_502_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_433_img.png", + "label": "instance_processed_data/kg_bowl_433_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_587_img.png", + "label": "instance_processed_data/kg_bowl_587_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_158_img.png", + "label": "instance_processed_data/kg_bowl_158_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_551_img.png", + "label": "instance_processed_data/kg_bowl_551_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_151_img.png", + "label": "instance_processed_data/kg_bowl_151_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_539_img.png", + "label": "instance_processed_data/kg_bowl_539_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_126_img.png", + "label": "instance_processed_data/kg_bowl_126_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_310_img.png", + "label": "instance_processed_data/kg_bowl_310_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_600_img.png", + "label": "instance_processed_data/kg_bowl_600_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_264_img.png", + "label": "instance_processed_data/kg_bowl_264_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_150_img.png", + "label": "instance_processed_data/kg_bowl_150_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_45_img.png", + "label": "instance_processed_data/kg_bowl_45_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_80_img.png", + "label": "instance_processed_data/kg_bowl_80_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_227_img.png", + "label": "instance_processed_data/kg_bowl_227_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_540_img.png", + "label": "instance_processed_data/kg_bowl_540_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_523_img.png", + "label": "instance_processed_data/kg_bowl_523_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_353_img.png", + "label": "instance_processed_data/kg_bowl_353_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_301_img.png", + "label": "instance_processed_data/kg_bowl_301_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_460_img.png", + "label": "instance_processed_data/kg_bowl_460_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_98_img.png", + "label": "instance_processed_data/kg_bowl_98_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_183_img.png", + "label": "instance_processed_data/kg_bowl_183_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_260_img.png", + "label": "instance_processed_data/kg_bowl_260_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_389_img.png", + "label": "instance_processed_data/kg_bowl_389_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_186_img.png", + "label": "instance_processed_data/kg_bowl_186_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_461_img.png", + "label": "instance_processed_data/kg_bowl_461_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_504_img.png", + "label": "instance_processed_data/kg_bowl_504_img_masks.tiff", + "fold": 3 + }, + { + "image": "instance_processed_data/kg_bowl_57_img.png", + "label": "instance_processed_data/kg_bowl_57_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_578_img.png", + "label": "instance_processed_data/kg_bowl_578_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_452_img.png", + "label": "instance_processed_data/kg_bowl_452_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_369_img.png", + "label": "instance_processed_data/kg_bowl_369_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_122_img.png", + "label": "instance_processed_data/kg_bowl_122_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_333_img.png", + "label": "instance_processed_data/kg_bowl_333_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_421_img.png", + "label": "instance_processed_data/kg_bowl_421_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_269_img.png", + "label": "instance_processed_data/kg_bowl_269_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_6_img.png", + "label": "instance_processed_data/kg_bowl_6_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_47_img.png", + "label": "instance_processed_data/kg_bowl_47_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_177_img.png", + "label": "instance_processed_data/kg_bowl_177_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_263_img.png", + "label": "instance_processed_data/kg_bowl_263_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_484_img.png", + "label": "instance_processed_data/kg_bowl_484_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_283_img.png", + "label": "instance_processed_data/kg_bowl_283_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_79_img.png", + "label": "instance_processed_data/kg_bowl_79_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_189_img.png", + "label": "instance_processed_data/kg_bowl_189_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_277_img.png", + "label": "instance_processed_data/kg_bowl_277_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_387_img.png", + "label": "instance_processed_data/kg_bowl_387_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_323_img.png", + "label": "instance_processed_data/kg_bowl_323_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_224_img.png", + "label": "instance_processed_data/kg_bowl_224_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_430_img.png", + "label": "instance_processed_data/kg_bowl_430_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_332_img.png", + "label": "instance_processed_data/kg_bowl_332_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_285_img.png", + "label": "instance_processed_data/kg_bowl_285_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_18_img.png", + "label": "instance_processed_data/kg_bowl_18_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_53_img.png", + "label": "instance_processed_data/kg_bowl_53_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_217_img.png", + "label": "instance_processed_data/kg_bowl_217_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_561_img.png", + "label": "instance_processed_data/kg_bowl_561_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_108_img.png", + "label": "instance_processed_data/kg_bowl_108_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_140_img.png", + "label": "instance_processed_data/kg_bowl_140_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_13_img.png", + "label": "instance_processed_data/kg_bowl_13_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_534_img.png", + "label": "instance_processed_data/kg_bowl_534_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_295_img.png", + "label": "instance_processed_data/kg_bowl_295_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_530_img.png", + "label": "instance_processed_data/kg_bowl_530_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_575_img.png", + "label": "instance_processed_data/kg_bowl_575_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_294_img.png", + "label": "instance_processed_data/kg_bowl_294_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_203_img.png", + "label": "instance_processed_data/kg_bowl_203_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_128_img.png", + "label": "instance_processed_data/kg_bowl_128_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_360_img.png", + "label": "instance_processed_data/kg_bowl_360_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_168_img.png", + "label": "instance_processed_data/kg_bowl_168_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_569_img.png", + "label": "instance_processed_data/kg_bowl_569_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_306_img.png", + "label": "instance_processed_data/kg_bowl_306_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_415_img.png", + "label": "instance_processed_data/kg_bowl_415_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_437_img.png", + "label": "instance_processed_data/kg_bowl_437_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_197_img.png", + "label": "instance_processed_data/kg_bowl_197_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_15_img.png", + "label": "instance_processed_data/kg_bowl_15_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_250_img.png", + "label": "instance_processed_data/kg_bowl_250_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_376_img.png", + "label": "instance_processed_data/kg_bowl_376_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_117_img.png", + "label": "instance_processed_data/kg_bowl_117_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_94_img.png", + "label": "instance_processed_data/kg_bowl_94_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_239_img.png", + "label": "instance_processed_data/kg_bowl_239_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_209_img.png", + "label": "instance_processed_data/kg_bowl_209_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_287_img.png", + "label": "instance_processed_data/kg_bowl_287_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_62_img.png", + "label": "instance_processed_data/kg_bowl_62_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_159_img.png", + "label": "instance_processed_data/kg_bowl_159_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_475_img.png", + "label": "instance_processed_data/kg_bowl_475_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_343_img.png", + "label": "instance_processed_data/kg_bowl_343_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_58_img.png", + "label": "instance_processed_data/kg_bowl_58_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_563_img.png", + "label": "instance_processed_data/kg_bowl_563_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_147_img.png", + "label": "instance_processed_data/kg_bowl_147_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_579_img.png", + "label": "instance_processed_data/kg_bowl_579_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_494_img.png", + "label": "instance_processed_data/kg_bowl_494_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_178_img.png", + "label": "instance_processed_data/kg_bowl_178_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_201_img.png", + "label": "instance_processed_data/kg_bowl_201_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_562_img.png", + "label": "instance_processed_data/kg_bowl_562_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_68_img.png", + "label": "instance_processed_data/kg_bowl_68_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_218_img.png", + "label": "instance_processed_data/kg_bowl_218_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_358_img.png", + "label": "instance_processed_data/kg_bowl_358_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_5_img.png", + "label": "instance_processed_data/kg_bowl_5_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_221_img.png", + "label": "instance_processed_data/kg_bowl_221_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_156_img.png", + "label": "instance_processed_data/kg_bowl_156_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_533_img.png", + "label": "instance_processed_data/kg_bowl_533_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_125_img.png", + "label": "instance_processed_data/kg_bowl_125_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_550_img.png", + "label": "instance_processed_data/kg_bowl_550_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_416_img.png", + "label": "instance_processed_data/kg_bowl_416_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_441_img.png", + "label": "instance_processed_data/kg_bowl_441_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_412_img.png", + "label": "instance_processed_data/kg_bowl_412_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_304_img.png", + "label": "instance_processed_data/kg_bowl_304_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_446_img.png", + "label": "instance_processed_data/kg_bowl_446_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_378_img.png", + "label": "instance_processed_data/kg_bowl_378_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_327_img.png", + "label": "instance_processed_data/kg_bowl_327_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_118_img.png", + "label": "instance_processed_data/kg_bowl_118_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_400_img.png", + "label": "instance_processed_data/kg_bowl_400_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_554_img.png", + "label": "instance_processed_data/kg_bowl_554_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_363_img.png", + "label": "instance_processed_data/kg_bowl_363_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_559_img.png", + "label": "instance_processed_data/kg_bowl_559_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_88_img.png", + "label": "instance_processed_data/kg_bowl_88_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_298_img.png", + "label": "instance_processed_data/kg_bowl_298_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_497_img.png", + "label": "instance_processed_data/kg_bowl_497_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_337_img.png", + "label": "instance_processed_data/kg_bowl_337_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_303_img.png", + "label": "instance_processed_data/kg_bowl_303_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_414_img.png", + "label": "instance_processed_data/kg_bowl_414_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_586_img.png", + "label": "instance_processed_data/kg_bowl_586_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_339_img.png", + "label": "instance_processed_data/kg_bowl_339_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_258_img.png", + "label": "instance_processed_data/kg_bowl_258_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_390_img.png", + "label": "instance_processed_data/kg_bowl_390_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_467_img.png", + "label": "instance_processed_data/kg_bowl_467_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_141_img.png", + "label": "instance_processed_data/kg_bowl_141_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_527_img.png", + "label": "instance_processed_data/kg_bowl_527_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_176_img.png", + "label": "instance_processed_data/kg_bowl_176_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_286_img.png", + "label": "instance_processed_data/kg_bowl_286_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_291_img.png", + "label": "instance_processed_data/kg_bowl_291_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_173_img.png", + "label": "instance_processed_data/kg_bowl_173_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_299_img.png", + "label": "instance_processed_data/kg_bowl_299_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_165_img.png", + "label": "instance_processed_data/kg_bowl_165_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_596_img.png", + "label": "instance_processed_data/kg_bowl_596_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_17_img.png", + "label": "instance_processed_data/kg_bowl_17_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_160_img.png", + "label": "instance_processed_data/kg_bowl_160_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_212_img.png", + "label": "instance_processed_data/kg_bowl_212_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_381_img.png", + "label": "instance_processed_data/kg_bowl_381_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_293_img.png", + "label": "instance_processed_data/kg_bowl_293_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_198_img.png", + "label": "instance_processed_data/kg_bowl_198_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_56_img.png", + "label": "instance_processed_data/kg_bowl_56_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_3_img.png", + "label": "instance_processed_data/kg_bowl_3_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_483_img.png", + "label": "instance_processed_data/kg_bowl_483_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_223_img.png", + "label": "instance_processed_data/kg_bowl_223_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_83_img.png", + "label": "instance_processed_data/kg_bowl_83_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_61_img.png", + "label": "instance_processed_data/kg_bowl_61_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_238_img.png", + "label": "instance_processed_data/kg_bowl_238_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_71_img.png", + "label": "instance_processed_data/kg_bowl_71_img_masks.tiff", + "fold": 4 + }, + { + "image": "instance_processed_data/kg_bowl_477_img.png", + "label": "instance_processed_data/kg_bowl_477_img_masks.tiff", + "fold": 4 + } + ], + "testing": [ + { + "image": "instance_processed_data/kg_bowl_653_img.png", + "label": "instance_processed_data/kg_bowl_653_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_662_img.png", + "label": "instance_processed_data/kg_bowl_662_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_615_img.png", + "label": "instance_processed_data/kg_bowl_615_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_651_img.png", + "label": "instance_processed_data/kg_bowl_651_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_658_img.png", + "label": "instance_processed_data/kg_bowl_658_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_650_img.png", + "label": "instance_processed_data/kg_bowl_650_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_646_img.png", + "label": "instance_processed_data/kg_bowl_646_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_663_img.png", + "label": "instance_processed_data/kg_bowl_663_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_624_img.png", + "label": "instance_processed_data/kg_bowl_624_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_613_img.png", + "label": "instance_processed_data/kg_bowl_613_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_623_img.png", + "label": "instance_processed_data/kg_bowl_623_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_659_img.png", + "label": "instance_processed_data/kg_bowl_659_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_627_img.png", + "label": "instance_processed_data/kg_bowl_627_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_667_img.png", + "label": "instance_processed_data/kg_bowl_667_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_645_img.png", + "label": "instance_processed_data/kg_bowl_645_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_639_img.png", + "label": "instance_processed_data/kg_bowl_639_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_605_img.png", + "label": "instance_processed_data/kg_bowl_605_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_644_img.png", + "label": "instance_processed_data/kg_bowl_644_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_656_img.png", + "label": "instance_processed_data/kg_bowl_656_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_642_img.png", + "label": "instance_processed_data/kg_bowl_642_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_647_img.png", + "label": "instance_processed_data/kg_bowl_647_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_602_img.png", + "label": "instance_processed_data/kg_bowl_602_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_654_img.png", + "label": "instance_processed_data/kg_bowl_654_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_620_img.png", + "label": "instance_processed_data/kg_bowl_620_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_655_img.png", + "label": "instance_processed_data/kg_bowl_655_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_641_img.png", + "label": "instance_processed_data/kg_bowl_641_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_612_img.png", + "label": "instance_processed_data/kg_bowl_612_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_607_img.png", + "label": "instance_processed_data/kg_bowl_607_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_622_img.png", + "label": "instance_processed_data/kg_bowl_622_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_634_img.png", + "label": "instance_processed_data/kg_bowl_634_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_609_img.png", + "label": "instance_processed_data/kg_bowl_609_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_643_img.png", + "label": "instance_processed_data/kg_bowl_643_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_660_img.png", + "label": "instance_processed_data/kg_bowl_660_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_603_img.png", + "label": "instance_processed_data/kg_bowl_603_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_665_img.png", + "label": "instance_processed_data/kg_bowl_665_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_616_img.png", + "label": "instance_processed_data/kg_bowl_616_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_628_img.png", + "label": "instance_processed_data/kg_bowl_628_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_610_img.png", + "label": "instance_processed_data/kg_bowl_610_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_629_img.png", + "label": "instance_processed_data/kg_bowl_629_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_635_img.png", + "label": "instance_processed_data/kg_bowl_635_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_619_img.png", + "label": "instance_processed_data/kg_bowl_619_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_664_img.png", + "label": "instance_processed_data/kg_bowl_664_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_668_img.png", + "label": "instance_processed_data/kg_bowl_668_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_606_img.png", + "label": "instance_processed_data/kg_bowl_606_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_618_img.png", + "label": "instance_processed_data/kg_bowl_618_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_626_img.png", + "label": "instance_processed_data/kg_bowl_626_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_661_img.png", + "label": "instance_processed_data/kg_bowl_661_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_637_img.png", + "label": "instance_processed_data/kg_bowl_637_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_630_img.png", + "label": "instance_processed_data/kg_bowl_630_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_652_img.png", + "label": "instance_processed_data/kg_bowl_652_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_632_img.png", + "label": "instance_processed_data/kg_bowl_632_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_625_img.png", + "label": "instance_processed_data/kg_bowl_625_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_638_img.png", + "label": "instance_processed_data/kg_bowl_638_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_611_img.png", + "label": "instance_processed_data/kg_bowl_611_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_648_img.png", + "label": "instance_processed_data/kg_bowl_648_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_621_img.png", + "label": "instance_processed_data/kg_bowl_621_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_617_img.png", + "label": "instance_processed_data/kg_bowl_617_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_608_img.png", + "label": "instance_processed_data/kg_bowl_608_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_604_img.png", + "label": "instance_processed_data/kg_bowl_604_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_601_img.png", + "label": "instance_processed_data/kg_bowl_601_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_669_img.png", + "label": "instance_processed_data/kg_bowl_669_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_614_img.png", + "label": "instance_processed_data/kg_bowl_614_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_657_img.png", + "label": "instance_processed_data/kg_bowl_657_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_666_img.png", + "label": "instance_processed_data/kg_bowl_666_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_631_img.png", + "label": "instance_processed_data/kg_bowl_631_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_649_img.png", + "label": "instance_processed_data/kg_bowl_649_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_633_img.png", + "label": "instance_processed_data/kg_bowl_633_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_636_img.png", + "label": "instance_processed_data/kg_bowl_636_img_masks.tiff" + }, + { + "image": "instance_processed_data/kg_bowl_640_img.png", + "label": "instance_processed_data/kg_bowl_640_img_masks.tiff" + } + ] +} diff --git a/vista2d/datalists/livecell_A172_datalist.json b/vista2d/datalists/livecell_A172_datalist.json new file mode 100644 index 0000000..4bcb995 --- /dev/null +++ b/vista2d/datalists/livecell_A172_datalist.json @@ -0,0 +1,2894 @@ +{ + "training": [ + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_03d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_03d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d20h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d20h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_03d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_03d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d20h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d20h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_03d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_03d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_03d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_03d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_03d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_03d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_03d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_03d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_03d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_03d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_03d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_03d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_03d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_03d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_03d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_00d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_03d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_02d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_00d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_03d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_02d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_01d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_01d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_00d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_00d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_02d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_03d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_02d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_1_01d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_A7_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_A7_2_01d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_03d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_01d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_1_01d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_03d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_00d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_1_00d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_B7_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_B7_2_02d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/A172/A172_Phase_D7_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/A172_masks/A172_Phase_D7_2_02d08h00m_2_masks.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d16h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d08h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d12h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d16h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d16h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d20h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d12h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d08h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d08h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d04h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d20h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d16h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d00h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d16h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d04h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_03d00h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d04h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d04h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d04h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d12h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d12h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d08h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d00h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d12h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_03d00h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d08h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d16h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d00h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d12h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d16h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d04h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d16h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d16h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d12h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d20h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d12h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d08h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d20h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d00h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d04h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d16h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d16h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d08h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d00h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d20h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d12h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d00h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d20h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d08h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d04h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d00h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d08h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d08h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d04h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d00h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d16h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d04h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d00h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d08h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d20h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_03d00h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d08h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d16h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d12h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d08h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d12h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d20h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_03d00h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d12h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d20h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d20h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d16h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d20h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d04h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d00h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d00h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d00h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d04h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d00h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d12h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d08h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d04h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d00h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d20h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d00h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d12h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d20h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d12h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d00h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d04h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d12h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d04h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_03d00h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d00h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d12h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d16h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d04h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d08h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d20h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d16h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d00h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d00h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d08h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d08h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d08h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_03d00h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d12h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d16h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d04h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d20h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d08h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d16h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d16h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d08h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d00h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d12h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d20h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d12h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d08h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d12h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d00h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d04h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d20h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d08h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d20h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d08h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_03d00h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d20h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d04h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d16h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d20h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d16h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d20h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d20h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d12h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d16h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d04h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_01d00h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d20h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d04h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d08h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d20h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d00h00m_2.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_00d00h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d16h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d12h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_03d00h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d16h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_02d04h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_2_02d04h00m_1.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_2_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_00d12h00m_3.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/A172/A172_Phase_C7_1_01d04h00m_4.tif", + "label": "livecell_test_images/A172_masks/A172_Phase_C7_1_01d04h00m_4_masks.tif" + } + ] +} diff --git a/vista2d/datalists/livecell_BT474_datalist.json b/vista2d/datalists/livecell_BT474_datalist.json new file mode 100644 index 0000000..1011043 --- /dev/null +++ b/vista2d/datalists/livecell_BT474_datalist.json @@ -0,0 +1,3198 @@ +{ + "training": [ + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_05d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_05d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_05d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_05d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_05d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_05d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_05d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_05d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_05d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_05d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_05d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_05d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_05d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_05d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_05d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_05d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_05d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_05d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_05d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_05d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_05d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_05d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_05d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_05d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_05d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_05d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_05d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_05d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_05d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_05d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_05d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_05d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_05d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_05d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_05d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_05d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_05d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_05d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_05d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_05d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_05d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_05d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_03d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_03d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_01d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_00d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_04d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_04d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_00d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_00d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_03d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_03d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_00d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_02d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_02d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_03d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d04h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_04d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_04d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_05d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_05d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_04d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_04d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_01d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_01d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_03d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_03d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_05d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_05d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_01d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_03d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_01d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d04h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_05d00h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_05d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_1_04d04h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_1_04d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_00d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_02d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_A3_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_A3_2_02d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_04d12h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_04d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_04d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_04d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_1_02d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_1_00d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_B3_2_03d12h00m_1.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_B3_2_03d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_01d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BT474/BT474_Phase_C3_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/BT474_masks/BT474_Phase_C3_2_02d12h00m_2_masks.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d00h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d16h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d00h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d12h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d00h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d04h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d04h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d16h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d04h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_05d00h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_05d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d16h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d04h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d00h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d00h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d16h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d12h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d16h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d16h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d00h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d00h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_05d00h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_05d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d04h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d00h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d16h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d00h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d12h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d00h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d04h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d00h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d04h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d12h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d12h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d16h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d00h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d04h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d16h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d04h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d16h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d16h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d16h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d16h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d12h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d04h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d12h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d04h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d00h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d04h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d12h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d04h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d16h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d12h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d12h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d16h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d00h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d16h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d00h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_05d00h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_05d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d00h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d12h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d04h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d04h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d04h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d00h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d12h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d16h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d04h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d00h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d00h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d16h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d12h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d16h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d12h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d12h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_05d00h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_05d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d00h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d16h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d04h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d16h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d00h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_05d00h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_05d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d00h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d12h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d12h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d12h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d00h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d04h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d04h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d04h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d12h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d12h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d16h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d00h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d00h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d12h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d16h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d12h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d04h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_05d00h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_05d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d04h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d04h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d12h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d00h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d04h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d12h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d00h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d12h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d00h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d12h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d00h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d00h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d00h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d04h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d04h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d04h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d00h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d12h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d16h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d16h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d04h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d00h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d00h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d12h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d04h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d16h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d00h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d16h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d16h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d04h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d04h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d16h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d12h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_01d16h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d00h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d04h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d04h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d12h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d16h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d04h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d00h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d00h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d12h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d12h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d04h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d12h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d04h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d12h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d16h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d16h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d00h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d16h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_03d12h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_03d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d12h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d12h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d16h00m_3.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_04d12h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_04d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d04h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d12h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_02d16h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d16h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_05d00h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_05d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_02d16h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_04d16h00m_4.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_04d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_01d04h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_05d00h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_05d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d16h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_03d04h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_03d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_1_00d00h00m_2.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_1_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BT474/BT474_Phase_D3_2_00d12h00m_1.tif", + "label": "livecell_test_images/BT474_masks/BT474_Phase_D3_2_00d12h00m_1_masks.tif" + } + ] +} diff --git a/vista2d/datalists/livecell_BV2_datalist.json b/vista2d/datalists/livecell_BV2_datalist.json new file mode 100644 index 0000000..95d5e0c --- /dev/null +++ b/vista2d/datalists/livecell_BV2_datalist.json @@ -0,0 +1,2884 @@ +{ + "training": [ + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_03d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d20h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_03d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d20h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_03d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_03d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_03d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_03d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_03d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_03d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_03d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_03d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_03d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_03d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_03d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_03d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_03d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_03d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_03d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_03d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_03d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_00d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_01d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_03d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_03d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_03d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_02d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_00d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_00d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_01d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_02d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_01d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_02d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_2_00d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_1_00d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_02d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_1_01d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_00d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_01d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_C4_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_C4_1_01d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_D4_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_D4_2_02d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/BV2/BV2_Phase_B4_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/BV2_masks/BV2_Phase_B4_2_02d20h00m_3_masks.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d16h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d20h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_03d00h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d12h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d12h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d12h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d00h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d08h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d04h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d20h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d12h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_03d00h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d08h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d04h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d08h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d04h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d08h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d00h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d04h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d12h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d12h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d20h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d00h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d00h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d08h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d08h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d20h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d04h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d08h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d04h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d08h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_03d00h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d08h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d00h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_03d00h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_03d00h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d00h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d12h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d00h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d16h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d04h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d12h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d00h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_03d00h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d00h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d20h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d04h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d20h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d04h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d20h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d16h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d16h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d04h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d12h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d04h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d04h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d20h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d16h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d08h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d20h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d08h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d00h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d20h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d08h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d20h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d08h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d08h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d16h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d16h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d04h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d04h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d12h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d08h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d16h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d00h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d12h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d16h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d20h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d04h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d20h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d00h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d16h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d08h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d00h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d12h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d00h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d16h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d16h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d20h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d08h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d16h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d04h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d00h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d12h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d20h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d12h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d16h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d20h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d16h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d04h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d04h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d20h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d08h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d12h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d16h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d08h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d16h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d08h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d08h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d08h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_03d00h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d04h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d16h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d12h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d16h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d04h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d00h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d12h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d20h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d16h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d20h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d12h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d16h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d00h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d20h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d20h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d08h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d08h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d00h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d12h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d00h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d00h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_03d00h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d04h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d04h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d16h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d16h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d04h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d04h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_01d00h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d00h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d20h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d12h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d20h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d12h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_02d12h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d00h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_2_00d12h00m_3.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_2_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_02d12h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_01d16h00m_2.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d00h00m_1.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/BV2/BV2_Phase_A4_1_00d20h00m_4.tif", + "label": "livecell_test_images/BV2_masks/BV2_Phase_A4_1_00d20h00m_4_masks.tif" + } + ] +} diff --git a/vista2d/datalists/livecell_Huh7_datalist.json b/vista2d/datalists/livecell_Huh7_datalist.json new file mode 100644 index 0000000..5bb4089 --- /dev/null +++ b/vista2d/datalists/livecell_Huh7_datalist.json @@ -0,0 +1,2806 @@ +{ + "training": [ + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_04d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_04d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_04d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_04d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d20h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_04d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_04d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_04d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_04d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_04d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_04d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_04d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_04d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_04d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_04d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_04d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_04d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_04d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_04d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_04d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_04d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_04d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_04d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_04d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_04d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_04d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_04d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_04d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_04d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_04d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_04d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_02d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_04d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_04d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_00d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_01d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d12h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d16h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_03d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_03d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_01d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d12h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_00d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_03d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_03d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d16h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_2_00d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_01d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A10_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A10_1_02d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_00d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_02d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_2_03d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_03d12h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_03d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_01d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/Huh7/Huh7_Phase_A11_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/Huh7_masks/Huh7_Phase_A11_1_02d00h00m_1_masks.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d16h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d20h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d20h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d00h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d04h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d00h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d04h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d16h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d04h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d08h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d00h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d12h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d04h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d16h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d20h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d00h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d16h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d00h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d08h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d08h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d00h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d12h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d16h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d12h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d16h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d00h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d04h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d08h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d20h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d00h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d16h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d08h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d00h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d20h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d04h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d12h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d04h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d12h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d12h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d08h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d16h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d12h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d16h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d04h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d00h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d20h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_04d00h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_04d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d16h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d04h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d08h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d16h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_04d00h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_04d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d20h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d20h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d16h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d16h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d00h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d00h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d12h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d00h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d12h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d08h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d12h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d12h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d04h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d12h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d08h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d20h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d04h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d20h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d04h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d08h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d08h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d04h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d16h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d12h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d16h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d08h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d04h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d16h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d04h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d00h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d16h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d08h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d16h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d08h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d16h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d08h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d00h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d08h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d04h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d12h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d20h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d00h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d08h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d16h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d20h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d20h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d20h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d00h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_04d00h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_04d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d08h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d12h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d20h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d12h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d04h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d04h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d12h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d04h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d20h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d08h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d12h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d04h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d12h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d12h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_04d00h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_04d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d16h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d20h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d08h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d04h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d12h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d20h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d00h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d16h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d12h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d12h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d16h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d12h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d12h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d08h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d08h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d16h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d16h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d20h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d00h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d12h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d12h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d08h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d00h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d00h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d00h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d12h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_04d00h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_04d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d00h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d08h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d00h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d12h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d00h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d08h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d12h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d16h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d20h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_04d00h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_04d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d04h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d20h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d00h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d00h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d16h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d04h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d16h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d00h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d20h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d04h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_04d00h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_04d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d04h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d08h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d08h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d20h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d00h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d08h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_04d00h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_04d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d16h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d20h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d20h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d12h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d20h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d04h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d04h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d08h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d00h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d20h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_02d12h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d20h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d20h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d04h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d16h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d04h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d04h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d08h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d08h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d16h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_02d16h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_01d00h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d00h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_03d20h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_03d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_1_00d20h00m_4.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_1_00d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d04h00m_2.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_00d20h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_03d08h00m_3.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_03d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/Huh7/Huh7_Phase_A12_2_01d04h00m_1.tif", + "label": "livecell_test_images/Huh7_masks/Huh7_Phase_A12_2_01d04h00m_1_masks.tif" + } + ] +} diff --git a/vista2d/datalists/livecell_MCF7_datalist.json b/vista2d/datalists/livecell_MCF7_datalist.json new file mode 100644 index 0000000..a75e4b0 --- /dev/null +++ b/vista2d/datalists/livecell_MCF7_datalist.json @@ -0,0 +1,3497 @@ +{ + "training": [ + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d20h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d20h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d20h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d20h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_00d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_01d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_03d16h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_03d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_03d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_03d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_00d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_02d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_02d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_00d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_01d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_02d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_03d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_03d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_03d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_01d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_03d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_03d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_02d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_01d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_2_02d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_F4_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_F4_1_01d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_03d12h00m_1.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_03d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_00d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_2_01d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_2_00d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_E4_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_E4_1_00d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/MCF7/MCF7_Phase_G4_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/MCF7_masks/MCF7_Phase_G4_1_02d20h00m_2_masks.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d16h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d20h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d00h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d00h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d12h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d20h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d16h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d16h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d16h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d12h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d00h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d20h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d12h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d08h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d08h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d00h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d04h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d08h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d20h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d16h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d12h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d20h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d12h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d08h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d16h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d16h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d00h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d04h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d20h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d08h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d00h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d04h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d00h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d20h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d08h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d00h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d04h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d04h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d16h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d20h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d04h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d04h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d12h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d04h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d12h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d08h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d16h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d04h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d04h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d04h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d04h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d20h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d16h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d16h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d04h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d08h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d16h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d12h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d08h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d04h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d16h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d20h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d04h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d08h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d08h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d16h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d20h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d16h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d00h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d12h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d12h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d16h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d16h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d12h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d00h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d12h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d00h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d04h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d08h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d16h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d00h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d20h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d04h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d08h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d20h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d08h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d04h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d00h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d12h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d04h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d00h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d04h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d12h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d04h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d00h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d08h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d08h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d16h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d00h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d00h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d00h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d16h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d08h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d12h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d04h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d08h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d00h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d20h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d08h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d16h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d00h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d16h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d16h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d04h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d12h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d20h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d04h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d08h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d16h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d08h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d12h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d08h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d04h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d04h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d12h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d12h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d12h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d16h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d00h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d20h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d08h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d20h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d16h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d12h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d20h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d20h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d20h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d00h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d04h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d00h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d08h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d08h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d12h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d20h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d20h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d20h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d16h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d20h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d12h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d00h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d12h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d00h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d16h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d12h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d12h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d00h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d12h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d08h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d12h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_01d04h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d16h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d12h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d08h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d12h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d08h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_00d08h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d00h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d08h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d16h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d12h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_02d00h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d16h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d04h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d12h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d00h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d08h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_1_03d04h00m_2.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_1_03d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d00h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d00h00m_1.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_00d04h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_02d16h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_01d00h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d04h00m_4.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/MCF7/MCF7_Phase_H4_2_03d08h00m_3.tif", + "label": "livecell_test_images/MCF7_masks/MCF7_Phase_H4_2_03d08h00m_3_masks.tif" + } + ] +} diff --git a/vista2d/datalists/livecell_SHSY5Y_datalist.json b/vista2d/datalists/livecell_SHSY5Y_datalist.json new file mode 100644 index 0000000..22c92fe --- /dev/null +++ b/vista2d/datalists/livecell_SHSY5Y_datalist.json @@ -0,0 +1,3350 @@ +{ + "training": [ + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d20h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_00d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_03d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_03d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_03d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_03d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_03d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_02d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_00d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d08h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_02d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_02d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_00d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_00d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_03d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_02d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_01d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_03d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_03d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_01d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_2_01d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_00d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_1_02d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_03d12h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_03d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_1_02d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_00d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_D10_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_D10_2_01d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_C10_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_C10_1_01d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SHSY5Y/SHSY5Y_Phase_B10_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/SHSY5Y_masks/SHSY5Y_Phase_B10_2_01d20h00m_2_masks.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d00h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d12h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d08h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d00h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d20h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d08h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d20h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d00h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d00h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d08h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d16h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d12h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d20h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d12h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d00h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d20h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d08h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d16h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d08h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d20h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d04h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d00h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d08h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d16h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d16h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d12h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d16h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d16h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d12h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d16h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d08h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d08h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d00h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d16h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d00h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d20h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d16h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d00h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d08h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d00h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d04h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d16h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d00h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d04h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d04h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d12h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d20h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d20h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d20h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d04h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d12h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d04h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d04h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d08h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d12h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d04h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d16h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d08h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d00h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d16h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d16h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d04h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d08h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d00h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d12h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d20h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d00h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d08h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d04h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d12h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d20h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d20h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d12h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d00h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d12h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d00h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d12h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d16h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d20h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d04h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d20h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d20h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d04h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d04h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d12h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d20h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d12h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d20h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d08h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d20h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d08h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d20h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d12h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d00h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d04h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d12h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d08h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d12h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d04h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d00h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d00h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d00h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d00h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d08h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d00h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d16h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d20h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d08h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d08h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d12h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d16h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d16h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d08h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d04h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d04h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d12h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d08h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d16h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d04h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d04h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d00h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d16h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d08h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d04h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d04h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d20h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d00h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d00h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d16h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d08h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d12h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d08h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d00h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d00h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d08h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d04h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d04h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d04h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d00h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d08h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d12h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d16h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d08h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d04h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d12h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d12h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d04h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d08h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d00h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d12h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d12h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d16h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d08h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d20h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d12h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d08h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d00h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d04h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d20h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d08h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d00h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d12h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_00d12h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_02d12h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d20h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d16h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d04h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d04h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_01d12h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d12h00m_2.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d04h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_02d04h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_01d04h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_1_03d00h00m_4.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_1_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_03d08h00m_1.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_03d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SHSY5Y/SHSY5Y_Phase_A10_2_00d16h00m_3.tif", + "label": "livecell_test_images/SHSY5Y_masks/SHSY5Y_Phase_A10_2_00d16h00m_3_masks.tif" + } + ] +} diff --git a/vista2d/datalists/livecell_SKOV3_datalist.json b/vista2d/datalists/livecell_SKOV3_datalist.json new file mode 100644 index 0000000..e9d2909 --- /dev/null +++ b/vista2d/datalists/livecell_SKOV3_datalist.json @@ -0,0 +1,2742 @@ +{ + "training": [ + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_03d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d20h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_03d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d20h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_03d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_03d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_03d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_03d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_03d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_03d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_03d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_03d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_03d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_03d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_03d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_03d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_02d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_02d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_03d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_00d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_01d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_02d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_03d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_00d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_01d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_1_00d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_01d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_1_02d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_G4_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_G4_2_01d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SKOV3/SKOV3_Phase_H4_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/SKOV3_masks/SKOV3_Phase_H4_2_00d12h00m_3_masks.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d20h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d16h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d12h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d04h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d04h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d08h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d20h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d16h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d16h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d16h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d20h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_03d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_03d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d12h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d08h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d16h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d04h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d12h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_03d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d08h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d16h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d12h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d20h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d12h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d16h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d08h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d20h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d12h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d20h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d12h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d04h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d16h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d04h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d12h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d20h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_03d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d08h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d12h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d20h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d12h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_03d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d08h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d12h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d16h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d16h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d16h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d16h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d08h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d08h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d16h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d08h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d08h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d08h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d08h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d12h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d08h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d20h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d08h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d04h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d16h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d16h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d04h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d20h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d12h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_03d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d12h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d08h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d20h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d20h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d20h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d20h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d12h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d20h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d08h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d08h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d12h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d12h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_03d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d16h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d16h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d04h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d16h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d04h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d20h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d04h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d16h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d20h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d08h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d20h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d16h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d20h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d04h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d04h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d08h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d08h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d08h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d04h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d12h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d04h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d04h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d16h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d20h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d16h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d20h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d20h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d04h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d04h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d08h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d04h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d20h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d04h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d08h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_03d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d12h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d16h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d04h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d04h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d04h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d16h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d12h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d04h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d16h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d04h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d20h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d04h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d12h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_03d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d12h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d16h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d20h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d12h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d12h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d08h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d12h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d12h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d04h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d08h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d08h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d12h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d16h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d04h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d16h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d04h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d20h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d08h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d04h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d20h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d20h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d04h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d08h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d20h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_03d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d16h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d12h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d04h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d12h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d04h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d20h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d12h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d16h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d16h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d16h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d16h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d20h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d16h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d20h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d16h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d12h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d12h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d08h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d12h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d12h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d20h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d04h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d12h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_03d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d20h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d12h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d08h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d08h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d04h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d16h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d08h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d12h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_03d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d20h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_03d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d16h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d12h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d12h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d16h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d04h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d12h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d08h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d20h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d04h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d04h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d04h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d20h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d20h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d12h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d04h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_03d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d20h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d16h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d04h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d08h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d12h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d08h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d20h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d04h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d16h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d08h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d04h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d16h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d12h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d20h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d04h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d08h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_03d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d04h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d04h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d12h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d08h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d16h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d20h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d08h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d00h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d20h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d12h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d04h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d08h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_03d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d00h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d12h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_00d08h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d12h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d16h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_02d20h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d08h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d08h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d04h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d16h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d00h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d04h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d12h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d20h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_02d16h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d00h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_02d08h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_00d08h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_02d08h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d16h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_2_01d20h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_2_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_00d20h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_F4_1_01d08h00m_2.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_F4_1_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d16h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_00d08h00m_3.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_2_01d20h00m_1.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_2_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SKOV3/SKOV3_Phase_E4_1_01d16h00m_4.tif", + "label": "livecell_test_images/SKOV3_masks/SKOV3_Phase_E4_1_01d16h00m_4_masks.tif" + } + ] +} diff --git a/vista2d/datalists/livecell_SkBr3_datalist.json b/vista2d/datalists/livecell_SkBr3_datalist.json new file mode 100644 index 0000000..f0be1ae --- /dev/null +++ b/vista2d/datalists/livecell_SkBr3_datalist.json @@ -0,0 +1,3350 @@ +{ + "training": [ + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d20h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d16h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d08h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d00h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d20h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d20h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d00h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d04h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d04h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d12h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d04h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d16h00m_3_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d00h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d12h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d00h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d16h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d12h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d04h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d12h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d08h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d20h00m_2_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d08h00m_1_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d08h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d16h00m_4_masks.tif", + "fold": 0 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d12h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d16h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d12h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d00h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d00h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d16h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d04h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d16h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d00h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d20h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d20h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d20h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d12h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d04h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d04h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d08h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d08h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d08h00m_3_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d16h00m_2_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d04h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d08h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d00h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d20h00m_4_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d12h00m_1_masks.tif", + "fold": 1 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d12h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d20h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d08h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d00h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d12h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d08h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d16h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d04h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d00h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d20h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d04h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d20h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d12h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d16h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d16h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d20h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d12h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d04h00m_3_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d16h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d04h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d08h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d00h00m_2_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d08h00m_4_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d00h00m_1_masks.tif", + "fold": 2 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d08h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d04h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d00h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d12h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d20h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d08h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d00h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d16h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d04h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d00h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d20h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d00h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d20h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d20h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d12h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d16h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d08h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d08h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d04h00m_1_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_03d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_03d12h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d16h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d12h00m_4_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d04h00m_3_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d16h00m_2_masks.tif", + "fold": 3 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_00d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_00d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_03d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_03d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_00d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_00d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d08h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d08h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d04h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d04h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d16h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d16h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d08h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d08h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_03d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_03d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_02d04h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_02d04h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d00h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_00d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_01d20h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_01d20h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d00h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d00h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d20h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d20h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_03d08h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_03d08h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_02d16h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_02d16h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_02d20h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_02d20h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_00d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_00d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_01d12h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_01d12h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_03d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_03d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d04h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d04h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d12h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d12h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_01d16h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_01d16h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d12h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d12h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_1_02d20h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_1_02d20h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_2_00d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_2_00d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_01d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_01d08h00m_3.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_01d08h00m_3_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d16h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d16h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_1_00d12h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_1_00d12h00m_1_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_E3_2_02d00h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_E3_2_02d00h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_H3_1_03d00h00m_4.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_H3_1_03d00h00m_4_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_02d04h00m_2.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_02d04h00m_2_masks.tif", + "fold": 4 + }, + { + "image": "livecell_train_val_images/SkBr3/SkBr3_Phase_F3_2_01d00h00m_1.tif", + "label": "livecell_train_val_images/SkBr3_masks/SkBr3_Phase_F3_2_01d00h00m_1_masks.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d16h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d16h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d00h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d00h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d00h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d04h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d16h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d12h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d04h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d08h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d12h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d04h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d12h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d12h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d12h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d04h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d00h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d04h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d08h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d16h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d04h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d16h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d08h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d08h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d00h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d04h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d08h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d04h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d08h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d16h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d12h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d08h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d00h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d00h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d16h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d16h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d20h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d00h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d12h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d12h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d04h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d12h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d08h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d04h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d08h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d04h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d04h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d00h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d16h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d00h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d16h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d00h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d12h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d00h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d04h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d12h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d16h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d04h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d16h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d00h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d20h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d04h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d00h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d08h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d12h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d00h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d20h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d20h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d08h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d04h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d20h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d12h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d08h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d20h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d00h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d00h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d08h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d12h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d00h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d04h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d08h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d12h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d08h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d04h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d00h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d20h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d08h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d00h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d04h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d00h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d20h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d12h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d12h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d08h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d16h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d00h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d12h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d20h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d04h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d04h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d04h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d04h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d04h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d20h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d00h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d20h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d12h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d12h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d00h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d20h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d00h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d04h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d00h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d12h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d08h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d20h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d20h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d08h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d12h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d04h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d20h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d08h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d12h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d16h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d16h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d16h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d08h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d12h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d12h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d16h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d16h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d20h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d12h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d00h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d04h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d12h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d12h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d08h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d12h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d12h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d04h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d20h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d12h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d08h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d16h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d08h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d20h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d20h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d04h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d12h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d12h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d04h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d04h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d16h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d00h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d20h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d16h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d08h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d20h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d04h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d00h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d00h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d08h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d08h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d16h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d16h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d08h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d08h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_02d08h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_02d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d16h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d12h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d04h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d04h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d12h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d12h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_03d04h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_03d04h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d20h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d20h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_00d00h00m_1.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_00d00h00m_1_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d08h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d08h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d08h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d00h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d00h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_03d00h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_03d00h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d08h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_02d16h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_02d16h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_01d20h00m_3.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_01d20h00m_3_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d16h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d16h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_1_01d08h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_1_01d08h00m_2_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d20h00m_4.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d20h00m_4_masks.tif" + }, + { + "image": "livecell_test_images/SkBr3/SkBr3_Phase_G3_2_00d20h00m_2.tif", + "label": "livecell_test_images/SkBr3_masks/SkBr3_Phase_G3_2_00d20h00m_2_masks.tif" + } + ] +} diff --git a/vista2d/datalists/nips_data_list.json b/vista2d/datalists/nips_data_list.json new file mode 100644 index 0000000..647d62b --- /dev/null +++ b/vista2d/datalists/nips_data_list.json @@ -0,0 +1,5206 @@ +{ + "training": [ + { + "image": "Training-labeled/images/cell_00799.png", + "label": "Training-labeled/labels/cell_00799_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00754.png", + "label": "Training-labeled/labels/cell_00754_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00153.png", + "label": "Training-labeled/labels/cell_00153_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00761.png", + "label": "Training-labeled/labels/cell_00761_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00734.png", + "label": "Training-labeled/labels/cell_00734_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00403.tif", + "label": "Training-labeled/labels/cell_00403_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00328.tif", + "label": "Training-labeled/labels/cell_00328_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00307.tiff", + "label": "Training-labeled/labels/cell_00307_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00354.tif", + "label": "Training-labeled/labels/cell_00354_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00791.png", + "label": "Training-labeled/labels/cell_00791_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00953.png", + "label": "Training-labeled/labels/cell_00953_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00314.tiff", + "label": "Training-labeled/labels/cell_00314_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00601.tif", + "label": "Training-labeled/labels/cell_00601_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00527.tif", + "label": "Training-labeled/labels/cell_00527_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00614.tif", + "label": "Training-labeled/labels/cell_00614_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00861.png", + "label": "Training-labeled/labels/cell_00861_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00129.bmp", + "label": "Training-labeled/labels/cell_00129_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00451.tif", + "label": "Training-labeled/labels/cell_00451_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00306.tiff", + "label": "Training-labeled/labels/cell_00306_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00006.bmp", + "label": "Training-labeled/labels/cell_00006_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00988.png", + "label": "Training-labeled/labels/cell_00988_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00948.png", + "label": "Training-labeled/labels/cell_00948_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00559.tif", + "label": "Training-labeled/labels/cell_00559_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00961.png", + "label": "Training-labeled/labels/cell_00961_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00887.png", + "label": "Training-labeled/labels/cell_00887_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00329.tif", + "label": "Training-labeled/labels/cell_00329_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00343.tif", + "label": "Training-labeled/labels/cell_00343_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00050.bmp", + "label": "Training-labeled/labels/cell_00050_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00254.tif", + "label": "Training-labeled/labels/cell_00254_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00255.tif", + "label": "Training-labeled/labels/cell_00255_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00700.tif", + "label": "Training-labeled/labels/cell_00700_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00165.png", + "label": "Training-labeled/labels/cell_00165_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00802.png", + "label": "Training-labeled/labels/cell_00802_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00711.tiff", + "label": "Training-labeled/labels/cell_00711_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00564.tif", + "label": "Training-labeled/labels/cell_00564_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00246.tif", + "label": "Training-labeled/labels/cell_00246_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00659.tif", + "label": "Training-labeled/labels/cell_00659_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00532.tif", + "label": "Training-labeled/labels/cell_00532_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00372.tif", + "label": "Training-labeled/labels/cell_00372_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00323.tif", + "label": "Training-labeled/labels/cell_00323_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00877.png", + "label": "Training-labeled/labels/cell_00877_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00586.tif", + "label": "Training-labeled/labels/cell_00586_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00489.tif", + "label": "Training-labeled/labels/cell_00489_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00271.tif", + "label": "Training-labeled/labels/cell_00271_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00957.png", + "label": "Training-labeled/labels/cell_00957_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00569.tif", + "label": "Training-labeled/labels/cell_00569_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00083.bmp", + "label": "Training-labeled/labels/cell_00083_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00269.tif", + "label": "Training-labeled/labels/cell_00269_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00628.tif", + "label": "Training-labeled/labels/cell_00628_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00457.tif", + "label": "Training-labeled/labels/cell_00457_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00358.tif", + "label": "Training-labeled/labels/cell_00358_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00560.tif", + "label": "Training-labeled/labels/cell_00560_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00577.tif", + "label": "Training-labeled/labels/cell_00577_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00248.tif", + "label": "Training-labeled/labels/cell_00248_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00340.tif", + "label": "Training-labeled/labels/cell_00340_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00578.tif", + "label": "Training-labeled/labels/cell_00578_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00067.bmp", + "label": "Training-labeled/labels/cell_00067_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00268.tif", + "label": "Training-labeled/labels/cell_00268_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00443.tif", + "label": "Training-labeled/labels/cell_00443_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00333.tif", + "label": "Training-labeled/labels/cell_00333_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00579.tif", + "label": "Training-labeled/labels/cell_00579_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00575.tif", + "label": "Training-labeled/labels/cell_00575_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00394.tif", + "label": "Training-labeled/labels/cell_00394_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00855.png", + "label": "Training-labeled/labels/cell_00855_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00202.png", + "label": "Training-labeled/labels/cell_00202_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00087.bmp", + "label": "Training-labeled/labels/cell_00087_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00295.tif", + "label": "Training-labeled/labels/cell_00295_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00290.tif", + "label": "Training-labeled/labels/cell_00290_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00493.tif", + "label": "Training-labeled/labels/cell_00493_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00113.bmp", + "label": "Training-labeled/labels/cell_00113_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00304.tiff", + "label": "Training-labeled/labels/cell_00304_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00736.png", + "label": "Training-labeled/labels/cell_00736_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00837.png", + "label": "Training-labeled/labels/cell_00837_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00831.png", + "label": "Training-labeled/labels/cell_00831_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00297.tif", + "label": "Training-labeled/labels/cell_00297_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00852.png", + "label": "Training-labeled/labels/cell_00852_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00484.tif", + "label": "Training-labeled/labels/cell_00484_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00696.tif", + "label": "Training-labeled/labels/cell_00696_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00972.png", + "label": "Training-labeled/labels/cell_00972_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00771.png", + "label": "Training-labeled/labels/cell_00771_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00346.tif", + "label": "Training-labeled/labels/cell_00346_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00459.tif", + "label": "Training-labeled/labels/cell_00459_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00798.png", + "label": "Training-labeled/labels/cell_00798_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00273.tif", + "label": "Training-labeled/labels/cell_00273_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00159.png", + "label": "Training-labeled/labels/cell_00159_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00654.tif", + "label": "Training-labeled/labels/cell_00654_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00800.png", + "label": "Training-labeled/labels/cell_00800_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00488.tif", + "label": "Training-labeled/labels/cell_00488_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00752.png", + "label": "Training-labeled/labels/cell_00752_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00520.tif", + "label": "Training-labeled/labels/cell_00520_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00090.bmp", + "label": "Training-labeled/labels/cell_00090_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00467.tif", + "label": "Training-labeled/labels/cell_00467_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00940.png", + "label": "Training-labeled/labels/cell_00940_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00339.tif", + "label": "Training-labeled/labels/cell_00339_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00910.png", + "label": "Training-labeled/labels/cell_00910_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00470.tif", + "label": "Training-labeled/labels/cell_00470_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00435.tif", + "label": "Training-labeled/labels/cell_00435_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00587.tif", + "label": "Training-labeled/labels/cell_00587_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00137.bmp", + "label": "Training-labeled/labels/cell_00137_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00613.tif", + "label": "Training-labeled/labels/cell_00613_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00722.png", + "label": "Training-labeled/labels/cell_00722_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00014.png", + "label": "Training-labeled/labels/cell_00014_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00593.tif", + "label": "Training-labeled/labels/cell_00593_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00065.bmp", + "label": "Training-labeled/labels/cell_00065_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00741.png", + "label": "Training-labeled/labels/cell_00741_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00227.png", + "label": "Training-labeled/labels/cell_00227_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00146.png", + "label": "Training-labeled/labels/cell_00146_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00428.tif", + "label": "Training-labeled/labels/cell_00428_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00194.png", + "label": "Training-labeled/labels/cell_00194_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00764.png", + "label": "Training-labeled/labels/cell_00764_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00592.tif", + "label": "Training-labeled/labels/cell_00592_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00100.bmp", + "label": "Training-labeled/labels/cell_00100_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00717.tiff", + "label": "Training-labeled/labels/cell_00717_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00648.tif", + "label": "Training-labeled/labels/cell_00648_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00416.tif", + "label": "Training-labeled/labels/cell_00416_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00687.tif", + "label": "Training-labeled/labels/cell_00687_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00872.png", + "label": "Training-labeled/labels/cell_00872_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00052.bmp", + "label": "Training-labeled/labels/cell_00052_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00693.tif", + "label": "Training-labeled/labels/cell_00693_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00652.tif", + "label": "Training-labeled/labels/cell_00652_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00266.tif", + "label": "Training-labeled/labels/cell_00266_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00475.tif", + "label": "Training-labeled/labels/cell_00475_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00905.png", + "label": "Training-labeled/labels/cell_00905_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00653.tif", + "label": "Training-labeled/labels/cell_00653_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00959.png", + "label": "Training-labeled/labels/cell_00959_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00478.tif", + "label": "Training-labeled/labels/cell_00478_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00325.tif", + "label": "Training-labeled/labels/cell_00325_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00902.png", + "label": "Training-labeled/labels/cell_00902_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00289.tif", + "label": "Training-labeled/labels/cell_00289_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00657.tif", + "label": "Training-labeled/labels/cell_00657_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00119.bmp", + "label": "Training-labeled/labels/cell_00119_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00426.tif", + "label": "Training-labeled/labels/cell_00426_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00570.tif", + "label": "Training-labeled/labels/cell_00570_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00775.png", + "label": "Training-labeled/labels/cell_00775_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00217.png", + "label": "Training-labeled/labels/cell_00217_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00685.tif", + "label": "Training-labeled/labels/cell_00685_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00615.tif", + "label": "Training-labeled/labels/cell_00615_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00433.tif", + "label": "Training-labeled/labels/cell_00433_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00836.png", + "label": "Training-labeled/labels/cell_00836_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00436.tif", + "label": "Training-labeled/labels/cell_00436_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00950.png", + "label": "Training-labeled/labels/cell_00950_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00124.bmp", + "label": "Training-labeled/labels/cell_00124_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00665.tif", + "label": "Training-labeled/labels/cell_00665_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00818.png", + "label": "Training-labeled/labels/cell_00818_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00925.png", + "label": "Training-labeled/labels/cell_00925_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00504.tif", + "label": "Training-labeled/labels/cell_00504_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00857.png", + "label": "Training-labeled/labels/cell_00857_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00909.png", + "label": "Training-labeled/labels/cell_00909_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00539.tif", + "label": "Training-labeled/labels/cell_00539_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00389.tif", + "label": "Training-labeled/labels/cell_00389_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00367.tif", + "label": "Training-labeled/labels/cell_00367_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00327.tif", + "label": "Training-labeled/labels/cell_00327_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00135.bmp", + "label": "Training-labeled/labels/cell_00135_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00487.tif", + "label": "Training-labeled/labels/cell_00487_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00980.png", + "label": "Training-labeled/labels/cell_00980_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00618.tif", + "label": "Training-labeled/labels/cell_00618_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00792.png", + "label": "Training-labeled/labels/cell_00792_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00805.png", + "label": "Training-labeled/labels/cell_00805_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00040.bmp", + "label": "Training-labeled/labels/cell_00040_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00030.bmp", + "label": "Training-labeled/labels/cell_00030_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00730.png", + "label": "Training-labeled/labels/cell_00730_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00332.tif", + "label": "Training-labeled/labels/cell_00332_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00765.png", + "label": "Training-labeled/labels/cell_00765_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00810.png", + "label": "Training-labeled/labels/cell_00810_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00219.png", + "label": "Training-labeled/labels/cell_00219_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00834.png", + "label": "Training-labeled/labels/cell_00834_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00720.png", + "label": "Training-labeled/labels/cell_00720_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00442.tif", + "label": "Training-labeled/labels/cell_00442_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00632.tif", + "label": "Training-labeled/labels/cell_00632_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00641.tif", + "label": "Training-labeled/labels/cell_00641_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00513.tif", + "label": "Training-labeled/labels/cell_00513_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00650.tif", + "label": "Training-labeled/labels/cell_00650_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00167.png", + "label": "Training-labeled/labels/cell_00167_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00312.tiff", + "label": "Training-labeled/labels/cell_00312_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00710.tiff", + "label": "Training-labeled/labels/cell_00710_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00232.tif", + "label": "Training-labeled/labels/cell_00232_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00229.png", + "label": "Training-labeled/labels/cell_00229_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00200.png", + "label": "Training-labeled/labels/cell_00200_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00674.tif", + "label": "Training-labeled/labels/cell_00674_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00682.tif", + "label": "Training-labeled/labels/cell_00682_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00594.tif", + "label": "Training-labeled/labels/cell_00594_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00565.tif", + "label": "Training-labeled/labels/cell_00565_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00807.png", + "label": "Training-labeled/labels/cell_00807_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00866.png", + "label": "Training-labeled/labels/cell_00866_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00781.png", + "label": "Training-labeled/labels/cell_00781_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00992.png", + "label": "Training-labeled/labels/cell_00992_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00824.png", + "label": "Training-labeled/labels/cell_00824_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00373.tif", + "label": "Training-labeled/labels/cell_00373_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00839.png", + "label": "Training-labeled/labels/cell_00839_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00865.png", + "label": "Training-labeled/labels/cell_00865_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00922.png", + "label": "Training-labeled/labels/cell_00922_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00946.png", + "label": "Training-labeled/labels/cell_00946_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00598.tif", + "label": "Training-labeled/labels/cell_00598_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00534.tif", + "label": "Training-labeled/labels/cell_00534_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00345.tif", + "label": "Training-labeled/labels/cell_00345_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00477.tif", + "label": "Training-labeled/labels/cell_00477_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00402.tif", + "label": "Training-labeled/labels/cell_00402_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00550.tiff", + "label": "Training-labeled/labels/cell_00550_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00335.tif", + "label": "Training-labeled/labels/cell_00335_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00174.png", + "label": "Training-labeled/labels/cell_00174_label.tiff", + "fold": 0 + }, + { + "image": "Training-labeled/images/cell_00651.tif", + "label": "Training-labeled/labels/cell_00651_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00853.png", + "label": "Training-labeled/labels/cell_00853_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00318.tif", + "label": "Training-labeled/labels/cell_00318_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00897.png", + "label": "Training-labeled/labels/cell_00897_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00920.png", + "label": "Training-labeled/labels/cell_00920_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00823.png", + "label": "Training-labeled/labels/cell_00823_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00913.png", + "label": "Training-labeled/labels/cell_00913_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00990.png", + "label": "Training-labeled/labels/cell_00990_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00715.tiff", + "label": "Training-labeled/labels/cell_00715_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00024.bmp", + "label": "Training-labeled/labels/cell_00024_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00405.tif", + "label": "Training-labeled/labels/cell_00405_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00515.tif", + "label": "Training-labeled/labels/cell_00515_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00093.bmp", + "label": "Training-labeled/labels/cell_00093_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00830.png", + "label": "Training-labeled/labels/cell_00830_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00847.png", + "label": "Training-labeled/labels/cell_00847_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00954.png", + "label": "Training-labeled/labels/cell_00954_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00059.bmp", + "label": "Training-labeled/labels/cell_00059_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00424.tif", + "label": "Training-labeled/labels/cell_00424_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00235.tif", + "label": "Training-labeled/labels/cell_00235_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00027.bmp", + "label": "Training-labeled/labels/cell_00027_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00131.bmp", + "label": "Training-labeled/labels/cell_00131_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00931.png", + "label": "Training-labeled/labels/cell_00931_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00806.png", + "label": "Training-labeled/labels/cell_00806_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00240.tif", + "label": "Training-labeled/labels/cell_00240_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00999.png", + "label": "Training-labeled/labels/cell_00999_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00640.tif", + "label": "Training-labeled/labels/cell_00640_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00858.png", + "label": "Training-labeled/labels/cell_00858_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00995.png", + "label": "Training-labeled/labels/cell_00995_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00732.png", + "label": "Training-labeled/labels/cell_00732_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00718.tiff", + "label": "Training-labeled/labels/cell_00718_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00445.tif", + "label": "Training-labeled/labels/cell_00445_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00766.png", + "label": "Training-labeled/labels/cell_00766_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00425.tif", + "label": "Training-labeled/labels/cell_00425_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00509.tif", + "label": "Training-labeled/labels/cell_00509_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00132.bmp", + "label": "Training-labeled/labels/cell_00132_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00022.bmp", + "label": "Training-labeled/labels/cell_00022_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00936.png", + "label": "Training-labeled/labels/cell_00936_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00098.bmp", + "label": "Training-labeled/labels/cell_00098_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00220.png", + "label": "Training-labeled/labels/cell_00220_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00884.png", + "label": "Training-labeled/labels/cell_00884_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00967.png", + "label": "Training-labeled/labels/cell_00967_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00978.png", + "label": "Training-labeled/labels/cell_00978_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00209.png", + "label": "Training-labeled/labels/cell_00209_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00173.png", + "label": "Training-labeled/labels/cell_00173_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00623.tif", + "label": "Training-labeled/labels/cell_00623_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00605.tif", + "label": "Training-labeled/labels/cell_00605_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00070.bmp", + "label": "Training-labeled/labels/cell_00070_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00968.png", + "label": "Training-labeled/labels/cell_00968_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00199.png", + "label": "Training-labeled/labels/cell_00199_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00552.tiff", + "label": "Training-labeled/labels/cell_00552_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00885.png", + "label": "Training-labeled/labels/cell_00885_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00125.bmp", + "label": "Training-labeled/labels/cell_00125_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00337.tif", + "label": "Training-labeled/labels/cell_00337_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00353.tif", + "label": "Training-labeled/labels/cell_00353_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00555.tiff", + "label": "Training-labeled/labels/cell_00555_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00976.png", + "label": "Training-labeled/labels/cell_00976_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00466.tif", + "label": "Training-labeled/labels/cell_00466_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00192.png", + "label": "Training-labeled/labels/cell_00192_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00533.tif", + "label": "Training-labeled/labels/cell_00533_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00690.tif", + "label": "Training-labeled/labels/cell_00690_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00708.tiff", + "label": "Training-labeled/labels/cell_00708_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00316.tiff", + "label": "Training-labeled/labels/cell_00316_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00804.png", + "label": "Training-labeled/labels/cell_00804_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00523.tif", + "label": "Training-labeled/labels/cell_00523_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00016.bmp", + "label": "Training-labeled/labels/cell_00016_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00444.tif", + "label": "Training-labeled/labels/cell_00444_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00511.tif", + "label": "Training-labeled/labels/cell_00511_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00360.tif", + "label": "Training-labeled/labels/cell_00360_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00419.tif", + "label": "Training-labeled/labels/cell_00419_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00794.png", + "label": "Training-labeled/labels/cell_00794_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00127.bmp", + "label": "Training-labeled/labels/cell_00127_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00545.tif", + "label": "Training-labeled/labels/cell_00545_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00036.bmp", + "label": "Training-labeled/labels/cell_00036_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00066.bmp", + "label": "Training-labeled/labels/cell_00066_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00739.png", + "label": "Training-labeled/labels/cell_00739_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00538.tif", + "label": "Training-labeled/labels/cell_00538_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00514.tif", + "label": "Training-labeled/labels/cell_00514_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00726.png", + "label": "Training-labeled/labels/cell_00726_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00826.png", + "label": "Training-labeled/labels/cell_00826_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00051.bmp", + "label": "Training-labeled/labels/cell_00051_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00951.png", + "label": "Training-labeled/labels/cell_00951_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00828.png", + "label": "Training-labeled/labels/cell_00828_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00055.bmp", + "label": "Training-labeled/labels/cell_00055_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00301.tiff", + "label": "Training-labeled/labels/cell_00301_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00155.png", + "label": "Training-labeled/labels/cell_00155_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00774.png", + "label": "Training-labeled/labels/cell_00774_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00790.png", + "label": "Training-labeled/labels/cell_00790_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00567.tif", + "label": "Training-labeled/labels/cell_00567_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00047.bmp", + "label": "Training-labeled/labels/cell_00047_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00172.png", + "label": "Training-labeled/labels/cell_00172_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00184.png", + "label": "Training-labeled/labels/cell_00184_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00779.png", + "label": "Training-labeled/labels/cell_00779_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00921.png", + "label": "Training-labeled/labels/cell_00921_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00526.tif", + "label": "Training-labeled/labels/cell_00526_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00676.tif", + "label": "Training-labeled/labels/cell_00676_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00355.tif", + "label": "Training-labeled/labels/cell_00355_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00561.tif", + "label": "Training-labeled/labels/cell_00561_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00829.png", + "label": "Training-labeled/labels/cell_00829_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00973.png", + "label": "Training-labeled/labels/cell_00973_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00557.tiff", + "label": "Training-labeled/labels/cell_00557_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00522.tif", + "label": "Training-labeled/labels/cell_00522_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00646.tif", + "label": "Training-labeled/labels/cell_00646_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00455.tif", + "label": "Training-labeled/labels/cell_00455_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00553.tiff", + "label": "Training-labeled/labels/cell_00553_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00813.png", + "label": "Training-labeled/labels/cell_00813_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00279.tif", + "label": "Training-labeled/labels/cell_00279_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00415.tif", + "label": "Training-labeled/labels/cell_00415_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00748.png", + "label": "Training-labeled/labels/cell_00748_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00753.png", + "label": "Training-labeled/labels/cell_00753_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00011.bmp", + "label": "Training-labeled/labels/cell_00011_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00151.png", + "label": "Training-labeled/labels/cell_00151_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00525.tif", + "label": "Training-labeled/labels/cell_00525_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00537.tif", + "label": "Training-labeled/labels/cell_00537_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00163.png", + "label": "Training-labeled/labels/cell_00163_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00185.png", + "label": "Training-labeled/labels/cell_00185_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00352.tif", + "label": "Training-labeled/labels/cell_00352_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00439.tif", + "label": "Training-labeled/labels/cell_00439_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00152.png", + "label": "Training-labeled/labels/cell_00152_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00108.bmp", + "label": "Training-labeled/labels/cell_00108_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00480.tif", + "label": "Training-labeled/labels/cell_00480_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00785.png", + "label": "Training-labeled/labels/cell_00785_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00762.png", + "label": "Training-labeled/labels/cell_00762_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00458.tif", + "label": "Training-labeled/labels/cell_00458_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00588.tif", + "label": "Training-labeled/labels/cell_00588_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00243.tif", + "label": "Training-labeled/labels/cell_00243_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00441.tif", + "label": "Training-labeled/labels/cell_00441_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00351.tif", + "label": "Training-labeled/labels/cell_00351_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00989.png", + "label": "Training-labeled/labels/cell_00989_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00873.png", + "label": "Training-labeled/labels/cell_00873_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00359.tif", + "label": "Training-labeled/labels/cell_00359_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00919.png", + "label": "Training-labeled/labels/cell_00919_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00757.png", + "label": "Training-labeled/labels/cell_00757_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00253.tif", + "label": "Training-labeled/labels/cell_00253_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00782.png", + "label": "Training-labeled/labels/cell_00782_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00895.png", + "label": "Training-labeled/labels/cell_00895_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00943.png", + "label": "Training-labeled/labels/cell_00943_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00471.tif", + "label": "Training-labeled/labels/cell_00471_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00670.tif", + "label": "Training-labeled/labels/cell_00670_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00374.tif", + "label": "Training-labeled/labels/cell_00374_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00102.bmp", + "label": "Training-labeled/labels/cell_00102_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00109.bmp", + "label": "Training-labeled/labels/cell_00109_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00751.png", + "label": "Training-labeled/labels/cell_00751_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00434.tif", + "label": "Training-labeled/labels/cell_00434_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00338.tif", + "label": "Training-labeled/labels/cell_00338_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00893.png", + "label": "Training-labeled/labels/cell_00893_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00460.tif", + "label": "Training-labeled/labels/cell_00460_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00494.tif", + "label": "Training-labeled/labels/cell_00494_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00241.tif", + "label": "Training-labeled/labels/cell_00241_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00908.png", + "label": "Training-labeled/labels/cell_00908_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00987.png", + "label": "Training-labeled/labels/cell_00987_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00882.png", + "label": "Training-labeled/labels/cell_00882_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00038.bmp", + "label": "Training-labeled/labels/cell_00038_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00391.tif", + "label": "Training-labeled/labels/cell_00391_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00627.tif", + "label": "Training-labeled/labels/cell_00627_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00390.tif", + "label": "Training-labeled/labels/cell_00390_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00126.bmp", + "label": "Training-labeled/labels/cell_00126_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00472.tif", + "label": "Training-labeled/labels/cell_00472_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00364.tif", + "label": "Training-labeled/labels/cell_00364_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00021.bmp", + "label": "Training-labeled/labels/cell_00021_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00175.png", + "label": "Training-labeled/labels/cell_00175_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00750.png", + "label": "Training-labeled/labels/cell_00750_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00723.png", + "label": "Training-labeled/labels/cell_00723_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00904.png", + "label": "Training-labeled/labels/cell_00904_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00204.png", + "label": "Training-labeled/labels/cell_00204_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00542.tif", + "label": "Training-labeled/labels/cell_00542_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00322.tif", + "label": "Training-labeled/labels/cell_00322_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00334.tif", + "label": "Training-labeled/labels/cell_00334_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00719.png", + "label": "Training-labeled/labels/cell_00719_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00673.tif", + "label": "Training-labeled/labels/cell_00673_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00549.tiff", + "label": "Training-labeled/labels/cell_00549_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00468.tif", + "label": "Training-labeled/labels/cell_00468_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00704.tiff", + "label": "Training-labeled/labels/cell_00704_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00420.tif", + "label": "Training-labeled/labels/cell_00420_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00482.tif", + "label": "Training-labeled/labels/cell_00482_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00607.tif", + "label": "Training-labeled/labels/cell_00607_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00162.png", + "label": "Training-labeled/labels/cell_00162_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00002.bmp", + "label": "Training-labeled/labels/cell_00002_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00190.png", + "label": "Training-labeled/labels/cell_00190_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00081.bmp", + "label": "Training-labeled/labels/cell_00081_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00796.png", + "label": "Training-labeled/labels/cell_00796_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00234.tif", + "label": "Training-labeled/labels/cell_00234_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00624.tif", + "label": "Training-labeled/labels/cell_00624_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00955.png", + "label": "Training-labeled/labels/cell_00955_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00767.png", + "label": "Training-labeled/labels/cell_00767_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00049.bmp", + "label": "Training-labeled/labels/cell_00049_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00911.png", + "label": "Training-labeled/labels/cell_00911_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00026.bmp", + "label": "Training-labeled/labels/cell_00026_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00285.tif", + "label": "Training-labeled/labels/cell_00285_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00500.tif", + "label": "Training-labeled/labels/cell_00500_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00854.png", + "label": "Training-labeled/labels/cell_00854_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00801.png", + "label": "Training-labeled/labels/cell_00801_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00033.bmp", + "label": "Training-labeled/labels/cell_00033_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00383.tif", + "label": "Training-labeled/labels/cell_00383_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00189.png", + "label": "Training-labeled/labels/cell_00189_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00903.png", + "label": "Training-labeled/labels/cell_00903_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00580.tif", + "label": "Training-labeled/labels/cell_00580_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00814.png", + "label": "Training-labeled/labels/cell_00814_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00150.png", + "label": "Training-labeled/labels/cell_00150_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00643.tif", + "label": "Training-labeled/labels/cell_00643_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00261.tif", + "label": "Training-labeled/labels/cell_00261_label.tiff", + "fold": 1 + }, + { + "image": "Training-labeled/images/cell_00412.tif", + "label": "Training-labeled/labels/cell_00412_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00901.png", + "label": "Training-labeled/labels/cell_00901_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00197.png", + "label": "Training-labeled/labels/cell_00197_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00060.bmp", + "label": "Training-labeled/labels/cell_00060_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00099.bmp", + "label": "Training-labeled/labels/cell_00099_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00396.tif", + "label": "Training-labeled/labels/cell_00396_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00655.tif", + "label": "Training-labeled/labels/cell_00655_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00840.png", + "label": "Training-labeled/labels/cell_00840_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00056.bmp", + "label": "Training-labeled/labels/cell_00056_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00198.png", + "label": "Training-labeled/labels/cell_00198_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00144.tif", + "label": "Training-labeled/labels/cell_00144_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00078.bmp", + "label": "Training-labeled/labels/cell_00078_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00486.tif", + "label": "Training-labeled/labels/cell_00486_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00236.tif", + "label": "Training-labeled/labels/cell_00236_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00727.png", + "label": "Training-labeled/labels/cell_00727_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00740.png", + "label": "Training-labeled/labels/cell_00740_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00384.tif", + "label": "Training-labeled/labels/cell_00384_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00611.tif", + "label": "Training-labeled/labels/cell_00611_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00291.tif", + "label": "Training-labeled/labels/cell_00291_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00742.png", + "label": "Training-labeled/labels/cell_00742_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00205.png", + "label": "Training-labeled/labels/cell_00205_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00712.tiff", + "label": "Training-labeled/labels/cell_00712_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00421.tif", + "label": "Training-labeled/labels/cell_00421_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00385.tif", + "label": "Training-labeled/labels/cell_00385_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00262.tif", + "label": "Training-labeled/labels/cell_00262_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00233.tif", + "label": "Training-labeled/labels/cell_00233_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00667.tif", + "label": "Training-labeled/labels/cell_00667_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00247.tif", + "label": "Training-labeled/labels/cell_00247_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00610.tif", + "label": "Training-labeled/labels/cell_00610_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00952.png", + "label": "Training-labeled/labels/cell_00952_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00074.bmp", + "label": "Training-labeled/labels/cell_00074_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00697.tif", + "label": "Training-labeled/labels/cell_00697_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00265.tif", + "label": "Training-labeled/labels/cell_00265_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00698.tif", + "label": "Training-labeled/labels/cell_00698_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00406.tif", + "label": "Training-labeled/labels/cell_00406_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00249.tif", + "label": "Training-labeled/labels/cell_00249_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00336.tif", + "label": "Training-labeled/labels/cell_00336_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00169.png", + "label": "Training-labeled/labels/cell_00169_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00963.png", + "label": "Training-labeled/labels/cell_00963_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00568.tif", + "label": "Training-labeled/labels/cell_00568_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00069.bmp", + "label": "Training-labeled/labels/cell_00069_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00571.tif", + "label": "Training-labeled/labels/cell_00571_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00004.bmp", + "label": "Training-labeled/labels/cell_00004_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00259.tif", + "label": "Training-labeled/labels/cell_00259_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00104.bmp", + "label": "Training-labeled/labels/cell_00104_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00755.png", + "label": "Training-labeled/labels/cell_00755_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00679.tif", + "label": "Training-labeled/labels/cell_00679_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00945.png", + "label": "Training-labeled/labels/cell_00945_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00357.tif", + "label": "Training-labeled/labels/cell_00357_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00518.tif", + "label": "Training-labeled/labels/cell_00518_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00039.bmp", + "label": "Training-labeled/labels/cell_00039_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00929.png", + "label": "Training-labeled/labels/cell_00929_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00437.tif", + "label": "Training-labeled/labels/cell_00437_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00013.png", + "label": "Training-labeled/labels/cell_00013_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00293.tif", + "label": "Training-labeled/labels/cell_00293_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00103.bmp", + "label": "Training-labeled/labels/cell_00103_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00821.png", + "label": "Training-labeled/labels/cell_00821_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00635.tif", + "label": "Training-labeled/labels/cell_00635_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00143.tif", + "label": "Training-labeled/labels/cell_00143_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00201.png", + "label": "Training-labeled/labels/cell_00201_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00743.png", + "label": "Training-labeled/labels/cell_00743_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00264.tif", + "label": "Training-labeled/labels/cell_00264_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00825.png", + "label": "Training-labeled/labels/cell_00825_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00997.png", + "label": "Training-labeled/labels/cell_00997_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00015.bmp", + "label": "Training-labeled/labels/cell_00015_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00495.tif", + "label": "Training-labeled/labels/cell_00495_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00983.png", + "label": "Training-labeled/labels/cell_00983_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00186.png", + "label": "Training-labeled/labels/cell_00186_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00085.bmp", + "label": "Training-labeled/labels/cell_00085_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00401.tif", + "label": "Training-labeled/labels/cell_00401_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00191.png", + "label": "Training-labeled/labels/cell_00191_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00479.tif", + "label": "Training-labeled/labels/cell_00479_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00250.tif", + "label": "Training-labeled/labels/cell_00250_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00188.png", + "label": "Training-labeled/labels/cell_00188_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00196.png", + "label": "Training-labeled/labels/cell_00196_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00787.png", + "label": "Training-labeled/labels/cell_00787_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00612.tif", + "label": "Training-labeled/labels/cell_00612_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00221.png", + "label": "Training-labeled/labels/cell_00221_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00642.tif", + "label": "Training-labeled/labels/cell_00642_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00089.bmp", + "label": "Training-labeled/labels/cell_00089_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00278.tif", + "label": "Training-labeled/labels/cell_00278_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00591.tif", + "label": "Training-labeled/labels/cell_00591_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00860.png", + "label": "Training-labeled/labels/cell_00860_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00464.tif", + "label": "Training-labeled/labels/cell_00464_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00705.tiff", + "label": "Training-labeled/labels/cell_00705_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00106.bmp", + "label": "Training-labeled/labels/cell_00106_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00077.bmp", + "label": "Training-labeled/labels/cell_00077_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00361.tif", + "label": "Training-labeled/labels/cell_00361_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00244.tif", + "label": "Training-labeled/labels/cell_00244_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00600.tif", + "label": "Training-labeled/labels/cell_00600_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00179.png", + "label": "Training-labeled/labels/cell_00179_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00604.tif", + "label": "Training-labeled/labels/cell_00604_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00491.tif", + "label": "Training-labeled/labels/cell_00491_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00678.tif", + "label": "Training-labeled/labels/cell_00678_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00315.tiff", + "label": "Training-labeled/labels/cell_00315_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00780.png", + "label": "Training-labeled/labels/cell_00780_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00031.bmp", + "label": "Training-labeled/labels/cell_00031_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00669.tif", + "label": "Training-labeled/labels/cell_00669_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00048.bmp", + "label": "Training-labeled/labels/cell_00048_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00310.tiff", + "label": "Training-labeled/labels/cell_00310_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00706.tiff", + "label": "Training-labeled/labels/cell_00706_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00835.png", + "label": "Training-labeled/labels/cell_00835_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00369.tif", + "label": "Training-labeled/labels/cell_00369_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00386.tif", + "label": "Training-labeled/labels/cell_00386_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00395.tif", + "label": "Training-labeled/labels/cell_00395_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00880.png", + "label": "Training-labeled/labels/cell_00880_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00331.tif", + "label": "Training-labeled/labels/cell_00331_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00347.tif", + "label": "Training-labeled/labels/cell_00347_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00543.tif", + "label": "Training-labeled/labels/cell_00543_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00815.png", + "label": "Training-labeled/labels/cell_00815_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00744.png", + "label": "Training-labeled/labels/cell_00744_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00871.png", + "label": "Training-labeled/labels/cell_00871_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00629.tif", + "label": "Training-labeled/labels/cell_00629_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00647.tif", + "label": "Training-labeled/labels/cell_00647_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00876.png", + "label": "Training-labeled/labels/cell_00876_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00664.tif", + "label": "Training-labeled/labels/cell_00664_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00213.png", + "label": "Training-labeled/labels/cell_00213_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00117.bmp", + "label": "Training-labeled/labels/cell_00117_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00773.png", + "label": "Training-labeled/labels/cell_00773_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00492.tif", + "label": "Training-labeled/labels/cell_00492_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00207.png", + "label": "Training-labeled/labels/cell_00207_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00684.tif", + "label": "Training-labeled/labels/cell_00684_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00096.bmp", + "label": "Training-labeled/labels/cell_00096_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00418.tif", + "label": "Training-labeled/labels/cell_00418_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00583.tif", + "label": "Training-labeled/labels/cell_00583_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00505.tif", + "label": "Training-labeled/labels/cell_00505_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00540.tif", + "label": "Training-labeled/labels/cell_00540_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00210.png", + "label": "Training-labeled/labels/cell_00210_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00827.png", + "label": "Training-labeled/labels/cell_00827_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00692.tif", + "label": "Training-labeled/labels/cell_00692_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00454.tif", + "label": "Training-labeled/labels/cell_00454_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00875.png", + "label": "Training-labeled/labels/cell_00875_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00311.tiff", + "label": "Training-labeled/labels/cell_00311_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00584.tif", + "label": "Training-labeled/labels/cell_00584_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00928.png", + "label": "Training-labeled/labels/cell_00928_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00397.tif", + "label": "Training-labeled/labels/cell_00397_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00005.bmp", + "label": "Training-labeled/labels/cell_00005_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00900.png", + "label": "Training-labeled/labels/cell_00900_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00797.png", + "label": "Training-labeled/labels/cell_00797_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00721.png", + "label": "Training-labeled/labels/cell_00721_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00082.bmp", + "label": "Training-labeled/labels/cell_00082_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00288.tif", + "label": "Training-labeled/labels/cell_00288_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00490.tif", + "label": "Training-labeled/labels/cell_00490_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00991.png", + "label": "Training-labeled/labels/cell_00991_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00531.tif", + "label": "Training-labeled/labels/cell_00531_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00832.png", + "label": "Training-labeled/labels/cell_00832_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00260.tif", + "label": "Training-labeled/labels/cell_00260_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00699.tif", + "label": "Training-labeled/labels/cell_00699_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00407.tif", + "label": "Training-labeled/labels/cell_00407_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00431.tif", + "label": "Training-labeled/labels/cell_00431_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00018.bmp", + "label": "Training-labeled/labels/cell_00018_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00891.png", + "label": "Training-labeled/labels/cell_00891_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00378.tif", + "label": "Training-labeled/labels/cell_00378_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00916.png", + "label": "Training-labeled/labels/cell_00916_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00677.tif", + "label": "Training-labeled/labels/cell_00677_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00414.tif", + "label": "Training-labeled/labels/cell_00414_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00556.tiff", + "label": "Training-labeled/labels/cell_00556_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00158.png", + "label": "Training-labeled/labels/cell_00158_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00020.bmp", + "label": "Training-labeled/labels/cell_00020_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00731.png", + "label": "Training-labeled/labels/cell_00731_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00044.bmp", + "label": "Training-labeled/labels/cell_00044_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00786.png", + "label": "Training-labeled/labels/cell_00786_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00964.png", + "label": "Training-labeled/labels/cell_00964_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00485.tif", + "label": "Training-labeled/labels/cell_00485_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00619.tif", + "label": "Training-labeled/labels/cell_00619_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00896.png", + "label": "Training-labeled/labels/cell_00896_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00695.tif", + "label": "Training-labeled/labels/cell_00695_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00319.tif", + "label": "Training-labeled/labels/cell_00319_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00649.tif", + "label": "Training-labeled/labels/cell_00649_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00595.tif", + "label": "Training-labeled/labels/cell_00595_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00149.png", + "label": "Training-labeled/labels/cell_00149_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00177.png", + "label": "Training-labeled/labels/cell_00177_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00608.tif", + "label": "Training-labeled/labels/cell_00608_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00926.png", + "label": "Training-labeled/labels/cell_00926_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00387.tif", + "label": "Training-labeled/labels/cell_00387_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00399.tif", + "label": "Training-labeled/labels/cell_00399_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00914.png", + "label": "Training-labeled/labels/cell_00914_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00130.bmp", + "label": "Training-labeled/labels/cell_00130_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00427.tif", + "label": "Training-labeled/labels/cell_00427_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00075.bmp", + "label": "Training-labeled/labels/cell_00075_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00849.png", + "label": "Training-labeled/labels/cell_00849_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00977.png", + "label": "Training-labeled/labels/cell_00977_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00010.bmp", + "label": "Training-labeled/labels/cell_00010_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00879.png", + "label": "Training-labeled/labels/cell_00879_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00094.bmp", + "label": "Training-labeled/labels/cell_00094_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00728.png", + "label": "Training-labeled/labels/cell_00728_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00270.tif", + "label": "Training-labeled/labels/cell_00270_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00224.png", + "label": "Training-labeled/labels/cell_00224_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00633.tif", + "label": "Training-labeled/labels/cell_00633_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00844.png", + "label": "Training-labeled/labels/cell_00844_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00042.bmp", + "label": "Training-labeled/labels/cell_00042_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00745.png", + "label": "Training-labeled/labels/cell_00745_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00469.tif", + "label": "Training-labeled/labels/cell_00469_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00863.png", + "label": "Training-labeled/labels/cell_00863_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00675.tif", + "label": "Training-labeled/labels/cell_00675_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00112.bmp", + "label": "Training-labeled/labels/cell_00112_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00898.png", + "label": "Training-labeled/labels/cell_00898_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00716.tiff", + "label": "Training-labeled/labels/cell_00716_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00850.png", + "label": "Training-labeled/labels/cell_00850_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00303.tiff", + "label": "Training-labeled/labels/cell_00303_label.tiff", + "fold": 2 + }, + { + "image": "Training-labeled/images/cell_00758.png", + "label": "Training-labeled/labels/cell_00758_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00023.bmp", + "label": "Training-labeled/labels/cell_00023_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00609.tif", + "label": "Training-labeled/labels/cell_00609_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00212.png", + "label": "Training-labeled/labels/cell_00212_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00938.png", + "label": "Training-labeled/labels/cell_00938_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00226.png", + "label": "Training-labeled/labels/cell_00226_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00590.tif", + "label": "Training-labeled/labels/cell_00590_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00187.png", + "label": "Training-labeled/labels/cell_00187_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00239.tif", + "label": "Training-labeled/labels/cell_00239_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00280.tif", + "label": "Training-labeled/labels/cell_00280_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00114.bmp", + "label": "Training-labeled/labels/cell_00114_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00994.png", + "label": "Training-labeled/labels/cell_00994_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00309.tiff", + "label": "Training-labeled/labels/cell_00309_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00686.tif", + "label": "Training-labeled/labels/cell_00686_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00634.tif", + "label": "Training-labeled/labels/cell_00634_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00984.png", + "label": "Training-labeled/labels/cell_00984_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00566.tif", + "label": "Training-labeled/labels/cell_00566_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00778.png", + "label": "Training-labeled/labels/cell_00778_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00138.bmp", + "label": "Training-labeled/labels/cell_00138_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00631.tif", + "label": "Training-labeled/labels/cell_00631_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00302.tiff", + "label": "Training-labeled/labels/cell_00302_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00851.png", + "label": "Training-labeled/labels/cell_00851_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00760.png", + "label": "Training-labeled/labels/cell_00760_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00890.png", + "label": "Training-labeled/labels/cell_00890_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00498.tif", + "label": "Training-labeled/labels/cell_00498_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00001.bmp", + "label": "Training-labeled/labels/cell_00001_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00907.png", + "label": "Training-labeled/labels/cell_00907_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00841.png", + "label": "Training-labeled/labels/cell_00841_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00776.png", + "label": "Training-labeled/labels/cell_00776_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00746.png", + "label": "Training-labeled/labels/cell_00746_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00388.tif", + "label": "Training-labeled/labels/cell_00388_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00816.png", + "label": "Training-labeled/labels/cell_00816_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00507.tif", + "label": "Training-labeled/labels/cell_00507_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00166.png", + "label": "Training-labeled/labels/cell_00166_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00256.tif", + "label": "Training-labeled/labels/cell_00256_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00375.tif", + "label": "Training-labeled/labels/cell_00375_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00809.png", + "label": "Training-labeled/labels/cell_00809_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00906.png", + "label": "Training-labeled/labels/cell_00906_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00363.tif", + "label": "Training-labeled/labels/cell_00363_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00562.tif", + "label": "Training-labeled/labels/cell_00562_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00145.png", + "label": "Training-labeled/labels/cell_00145_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00450.tif", + "label": "Training-labeled/labels/cell_00450_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00211.png", + "label": "Training-labeled/labels/cell_00211_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00170.png", + "label": "Training-labeled/labels/cell_00170_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00581.tif", + "label": "Training-labeled/labels/cell_00581_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00483.tif", + "label": "Training-labeled/labels/cell_00483_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00037.bmp", + "label": "Training-labeled/labels/cell_00037_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00658.tif", + "label": "Training-labeled/labels/cell_00658_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00133.bmp", + "label": "Training-labeled/labels/cell_00133_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00606.tif", + "label": "Training-labeled/labels/cell_00606_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00274.tif", + "label": "Training-labeled/labels/cell_00274_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00949.png", + "label": "Training-labeled/labels/cell_00949_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00422.tif", + "label": "Training-labeled/labels/cell_00422_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00707.tiff", + "label": "Training-labeled/labels/cell_00707_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00382.tif", + "label": "Training-labeled/labels/cell_00382_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00284.tif", + "label": "Training-labeled/labels/cell_00284_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00501.tif", + "label": "Training-labeled/labels/cell_00501_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00969.png", + "label": "Training-labeled/labels/cell_00969_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00622.tif", + "label": "Training-labeled/labels/cell_00622_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00506.tif", + "label": "Training-labeled/labels/cell_00506_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00028.bmp", + "label": "Training-labeled/labels/cell_00028_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00671.tif", + "label": "Training-labeled/labels/cell_00671_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00276.tif", + "label": "Training-labeled/labels/cell_00276_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00548.tif", + "label": "Training-labeled/labels/cell_00548_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00282.tif", + "label": "Training-labeled/labels/cell_00282_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00918.png", + "label": "Training-labeled/labels/cell_00918_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00258.tif", + "label": "Training-labeled/labels/cell_00258_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00934.png", + "label": "Training-labeled/labels/cell_00934_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00986.png", + "label": "Training-labeled/labels/cell_00986_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00298.tif", + "label": "Training-labeled/labels/cell_00298_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00681.tif", + "label": "Training-labeled/labels/cell_00681_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00447.tif", + "label": "Training-labeled/labels/cell_00447_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00245.tif", + "label": "Training-labeled/labels/cell_00245_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00820.png", + "label": "Training-labeled/labels/cell_00820_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00215.png", + "label": "Training-labeled/labels/cell_00215_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00554.tiff", + "label": "Training-labeled/labels/cell_00554_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00178.png", + "label": "Training-labeled/labels/cell_00178_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00713.tiff", + "label": "Training-labeled/labels/cell_00713_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00942.png", + "label": "Training-labeled/labels/cell_00942_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00164.png", + "label": "Training-labeled/labels/cell_00164_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00738.png", + "label": "Training-labeled/labels/cell_00738_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00350.tif", + "label": "Training-labeled/labels/cell_00350_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00370.tif", + "label": "Training-labeled/labels/cell_00370_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00381.tif", + "label": "Training-labeled/labels/cell_00381_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00602.tif", + "label": "Training-labeled/labels/cell_00602_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00883.png", + "label": "Training-labeled/labels/cell_00883_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00064.bmp", + "label": "Training-labeled/labels/cell_00064_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00626.tif", + "label": "Training-labeled/labels/cell_00626_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00341.tif", + "label": "Training-labeled/labels/cell_00341_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00474.tif", + "label": "Training-labeled/labels/cell_00474_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00263.tif", + "label": "Training-labeled/labels/cell_00263_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00161.png", + "label": "Training-labeled/labels/cell_00161_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00463.tif", + "label": "Training-labeled/labels/cell_00463_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00237.tif", + "label": "Training-labeled/labels/cell_00237_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00971.png", + "label": "Training-labeled/labels/cell_00971_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00899.png", + "label": "Training-labeled/labels/cell_00899_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00193.png", + "label": "Training-labeled/labels/cell_00193_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00576.tif", + "label": "Training-labeled/labels/cell_00576_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00546.tif", + "label": "Training-labeled/labels/cell_00546_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00283.tif", + "label": "Training-labeled/labels/cell_00283_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00789.png", + "label": "Training-labeled/labels/cell_00789_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00930.png", + "label": "Training-labeled/labels/cell_00930_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00368.tif", + "label": "Training-labeled/labels/cell_00368_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00572.tif", + "label": "Training-labeled/labels/cell_00572_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00223.png", + "label": "Training-labeled/labels/cell_00223_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00574.tif", + "label": "Training-labeled/labels/cell_00574_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00061.bmp", + "label": "Training-labeled/labels/cell_00061_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00714.tiff", + "label": "Training-labeled/labels/cell_00714_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00300.tif", + "label": "Training-labeled/labels/cell_00300_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00408.tif", + "label": "Training-labeled/labels/cell_00408_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00770.png", + "label": "Training-labeled/labels/cell_00770_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00838.png", + "label": "Training-labeled/labels/cell_00838_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00296.tif", + "label": "Training-labeled/labels/cell_00296_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00054.bmp", + "label": "Training-labeled/labels/cell_00054_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00267.tif", + "label": "Training-labeled/labels/cell_00267_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00046.bmp", + "label": "Training-labeled/labels/cell_00046_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00045.bmp", + "label": "Training-labeled/labels/cell_00045_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00878.png", + "label": "Training-labeled/labels/cell_00878_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00663.tif", + "label": "Training-labeled/labels/cell_00663_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00845.png", + "label": "Training-labeled/labels/cell_00845_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00195.png", + "label": "Training-labeled/labels/cell_00195_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00409.tif", + "label": "Training-labeled/labels/cell_00409_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00148.png", + "label": "Training-labeled/labels/cell_00148_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00516.tif", + "label": "Training-labeled/labels/cell_00516_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00238.tif", + "label": "Training-labeled/labels/cell_00238_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00808.png", + "label": "Training-labeled/labels/cell_00808_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00342.tif", + "label": "Training-labeled/labels/cell_00342_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00097.bmp", + "label": "Training-labeled/labels/cell_00097_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00597.tif", + "label": "Training-labeled/labels/cell_00597_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00376.tif", + "label": "Training-labeled/labels/cell_00376_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00182.png", + "label": "Training-labeled/labels/cell_00182_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00856.png", + "label": "Training-labeled/labels/cell_00856_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00410.tif", + "label": "Training-labeled/labels/cell_00410_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00502.tif", + "label": "Training-labeled/labels/cell_00502_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00843.png", + "label": "Training-labeled/labels/cell_00843_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00380.tif", + "label": "Training-labeled/labels/cell_00380_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00120.bmp", + "label": "Training-labeled/labels/cell_00120_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00080.bmp", + "label": "Training-labeled/labels/cell_00080_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00639.tif", + "label": "Training-labeled/labels/cell_00639_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00286.tif", + "label": "Training-labeled/labels/cell_00286_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00344.tif", + "label": "Training-labeled/labels/cell_00344_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00448.tif", + "label": "Training-labeled/labels/cell_00448_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00981.png", + "label": "Training-labeled/labels/cell_00981_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00147.png", + "label": "Training-labeled/labels/cell_00147_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00691.tif", + "label": "Training-labeled/labels/cell_00691_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00620.tif", + "label": "Training-labeled/labels/cell_00620_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00958.png", + "label": "Training-labeled/labels/cell_00958_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00551.tiff", + "label": "Training-labeled/labels/cell_00551_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00476.tif", + "label": "Training-labeled/labels/cell_00476_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00176.png", + "label": "Training-labeled/labels/cell_00176_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00737.png", + "label": "Training-labeled/labels/cell_00737_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00084.bmp", + "label": "Training-labeled/labels/cell_00084_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00668.tif", + "label": "Training-labeled/labels/cell_00668_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00222.png", + "label": "Training-labeled/labels/cell_00222_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00966.png", + "label": "Training-labeled/labels/cell_00966_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00326.tif", + "label": "Training-labeled/labels/cell_00326_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00937.png", + "label": "Training-labeled/labels/cell_00937_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00998.png", + "label": "Training-labeled/labels/cell_00998_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00777.png", + "label": "Training-labeled/labels/cell_00777_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00735.png", + "label": "Training-labeled/labels/cell_00735_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00053.bmp", + "label": "Training-labeled/labels/cell_00053_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00812.png", + "label": "Training-labeled/labels/cell_00812_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00817.png", + "label": "Training-labeled/labels/cell_00817_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00128.bmp", + "label": "Training-labeled/labels/cell_00128_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00392.tif", + "label": "Training-labeled/labels/cell_00392_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00888.png", + "label": "Training-labeled/labels/cell_00888_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00057.bmp", + "label": "Training-labeled/labels/cell_00057_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00019.bmp", + "label": "Training-labeled/labels/cell_00019_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00656.tif", + "label": "Training-labeled/labels/cell_00656_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00095.bmp", + "label": "Training-labeled/labels/cell_00095_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00573.tif", + "label": "Training-labeled/labels/cell_00573_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00923.png", + "label": "Training-labeled/labels/cell_00923_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00008.bmp", + "label": "Training-labeled/labels/cell_00008_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00101.bmp", + "label": "Training-labeled/labels/cell_00101_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00003.bmp", + "label": "Training-labeled/labels/cell_00003_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00638.tif", + "label": "Training-labeled/labels/cell_00638_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00793.png", + "label": "Training-labeled/labels/cell_00793_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00672.tif", + "label": "Training-labeled/labels/cell_00672_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00747.png", + "label": "Training-labeled/labels/cell_00747_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00941.png", + "label": "Training-labeled/labels/cell_00941_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00272.tif", + "label": "Training-labeled/labels/cell_00272_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00982.png", + "label": "Training-labeled/labels/cell_00982_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00400.tif", + "label": "Training-labeled/labels/cell_00400_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00116.bmp", + "label": "Training-labeled/labels/cell_00116_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00848.png", + "label": "Training-labeled/labels/cell_00848_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00962.png", + "label": "Training-labeled/labels/cell_00962_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00110.bmp", + "label": "Training-labeled/labels/cell_00110_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00423.tif", + "label": "Training-labeled/labels/cell_00423_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00275.tif", + "label": "Training-labeled/labels/cell_00275_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00939.png", + "label": "Training-labeled/labels/cell_00939_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00088.bmp", + "label": "Training-labeled/labels/cell_00088_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00544.tif", + "label": "Training-labeled/labels/cell_00544_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00645.tif", + "label": "Training-labeled/labels/cell_00645_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00846.png", + "label": "Training-labeled/labels/cell_00846_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00160.png", + "label": "Training-labeled/labels/cell_00160_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00115.bmp", + "label": "Training-labeled/labels/cell_00115_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00933.png", + "label": "Training-labeled/labels/cell_00933_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00788.png", + "label": "Training-labeled/labels/cell_00788_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00356.tif", + "label": "Training-labeled/labels/cell_00356_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00007.bmp", + "label": "Training-labeled/labels/cell_00007_label.tiff", + "fold": 3 + }, + { + "image": "Training-labeled/images/cell_00141.bmp", + "label": "Training-labeled/labels/cell_00141_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00134.bmp", + "label": "Training-labeled/labels/cell_00134_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00379.tif", + "label": "Training-labeled/labels/cell_00379_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00404.tif", + "label": "Training-labeled/labels/cell_00404_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00438.tif", + "label": "Training-labeled/labels/cell_00438_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00452.tif", + "label": "Training-labeled/labels/cell_00452_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00915.png", + "label": "Training-labeled/labels/cell_00915_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00287.tif", + "label": "Training-labeled/labels/cell_00287_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00694.tif", + "label": "Training-labeled/labels/cell_00694_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00947.png", + "label": "Training-labeled/labels/cell_00947_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00366.tif", + "label": "Training-labeled/labels/cell_00366_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00660.tif", + "label": "Training-labeled/labels/cell_00660_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_01000.png", + "label": "Training-labeled/labels/cell_01000_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00496.tif", + "label": "Training-labeled/labels/cell_00496_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00371.tif", + "label": "Training-labeled/labels/cell_00371_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00886.png", + "label": "Training-labeled/labels/cell_00886_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00912.png", + "label": "Training-labeled/labels/cell_00912_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00393.tif", + "label": "Training-labeled/labels/cell_00393_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00123.bmp", + "label": "Training-labeled/labels/cell_00123_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00974.png", + "label": "Training-labeled/labels/cell_00974_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00413.tif", + "label": "Training-labeled/labels/cell_00413_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00230.png", + "label": "Training-labeled/labels/cell_00230_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00636.tif", + "label": "Training-labeled/labels/cell_00636_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00076.bmp", + "label": "Training-labeled/labels/cell_00076_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00630.tif", + "label": "Training-labeled/labels/cell_00630_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00251.tif", + "label": "Training-labeled/labels/cell_00251_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00035.bmp", + "label": "Training-labeled/labels/cell_00035_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00970.png", + "label": "Training-labeled/labels/cell_00970_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00563.tif", + "label": "Training-labeled/labels/cell_00563_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00063.bmp", + "label": "Training-labeled/labels/cell_00063_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00749.png", + "label": "Training-labeled/labels/cell_00749_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00589.tif", + "label": "Training-labeled/labels/cell_00589_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00517.tif", + "label": "Training-labeled/labels/cell_00517_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00156.png", + "label": "Training-labeled/labels/cell_00156_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00524.tif", + "label": "Training-labeled/labels/cell_00524_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00811.png", + "label": "Training-labeled/labels/cell_00811_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00171.png", + "label": "Training-labeled/labels/cell_00171_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00294.tif", + "label": "Training-labeled/labels/cell_00294_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00803.png", + "label": "Training-labeled/labels/cell_00803_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00449.tif", + "label": "Training-labeled/labels/cell_00449_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00231.tif", + "label": "Training-labeled/labels/cell_00231_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00869.png", + "label": "Training-labeled/labels/cell_00869_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00924.png", + "label": "Training-labeled/labels/cell_00924_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00979.png", + "label": "Training-labeled/labels/cell_00979_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00079.bmp", + "label": "Training-labeled/labels/cell_00079_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00535.tif", + "label": "Training-labeled/labels/cell_00535_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00867.png", + "label": "Training-labeled/labels/cell_00867_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00180.png", + "label": "Training-labeled/labels/cell_00180_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00181.png", + "label": "Training-labeled/labels/cell_00181_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00313.tiff", + "label": "Training-labeled/labels/cell_00313_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00864.png", + "label": "Training-labeled/labels/cell_00864_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00068.bmp", + "label": "Training-labeled/labels/cell_00068_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00661.tif", + "label": "Training-labeled/labels/cell_00661_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00616.tif", + "label": "Training-labeled/labels/cell_00616_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00530.tif", + "label": "Training-labeled/labels/cell_00530_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00009.bmp", + "label": "Training-labeled/labels/cell_00009_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00317.tif", + "label": "Training-labeled/labels/cell_00317_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00585.tif", + "label": "Training-labeled/labels/cell_00585_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00819.png", + "label": "Training-labeled/labels/cell_00819_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00206.png", + "label": "Training-labeled/labels/cell_00206_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00541.tif", + "label": "Training-labeled/labels/cell_00541_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00183.png", + "label": "Training-labeled/labels/cell_00183_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00960.png", + "label": "Training-labeled/labels/cell_00960_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00432.tif", + "label": "Training-labeled/labels/cell_00432_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00058.bmp", + "label": "Training-labeled/labels/cell_00058_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00430.tif", + "label": "Training-labeled/labels/cell_00430_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00157.png", + "label": "Training-labeled/labels/cell_00157_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00242.tif", + "label": "Training-labeled/labels/cell_00242_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00547.tif", + "label": "Training-labeled/labels/cell_00547_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00299.tif", + "label": "Training-labeled/labels/cell_00299_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00756.png", + "label": "Training-labeled/labels/cell_00756_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00892.png", + "label": "Training-labeled/labels/cell_00892_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00168.png", + "label": "Training-labeled/labels/cell_00168_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00073.bmp", + "label": "Training-labeled/labels/cell_00073_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00324.tif", + "label": "Training-labeled/labels/cell_00324_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00529.tif", + "label": "Training-labeled/labels/cell_00529_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00868.png", + "label": "Training-labeled/labels/cell_00868_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00139.bmp", + "label": "Training-labeled/labels/cell_00139_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00029.bmp", + "label": "Training-labeled/labels/cell_00029_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00140.bmp", + "label": "Training-labeled/labels/cell_00140_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00429.tif", + "label": "Training-labeled/labels/cell_00429_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00784.png", + "label": "Training-labeled/labels/cell_00784_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00599.tif", + "label": "Training-labeled/labels/cell_00599_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00725.png", + "label": "Training-labeled/labels/cell_00725_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00689.tif", + "label": "Training-labeled/labels/cell_00689_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00688.tif", + "label": "Training-labeled/labels/cell_00688_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00281.tif", + "label": "Training-labeled/labels/cell_00281_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00703.tiff", + "label": "Training-labeled/labels/cell_00703_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00043.bmp", + "label": "Training-labeled/labels/cell_00043_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00092.bmp", + "label": "Training-labeled/labels/cell_00092_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00012.bmp", + "label": "Training-labeled/labels/cell_00012_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00666.tif", + "label": "Training-labeled/labels/cell_00666_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00528.tif", + "label": "Training-labeled/labels/cell_00528_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00536.tif", + "label": "Training-labeled/labels/cell_00536_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00440.tif", + "label": "Training-labeled/labels/cell_00440_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00582.tif", + "label": "Training-labeled/labels/cell_00582_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00617.tif", + "label": "Training-labeled/labels/cell_00617_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00257.tif", + "label": "Training-labeled/labels/cell_00257_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00497.tif", + "label": "Training-labeled/labels/cell_00497_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00637.tif", + "label": "Training-labeled/labels/cell_00637_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00763.png", + "label": "Training-labeled/labels/cell_00763_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00917.png", + "label": "Training-labeled/labels/cell_00917_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00889.png", + "label": "Training-labeled/labels/cell_00889_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00154.png", + "label": "Training-labeled/labels/cell_00154_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00510.tif", + "label": "Training-labeled/labels/cell_00510_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00503.tif", + "label": "Training-labeled/labels/cell_00503_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00859.png", + "label": "Training-labeled/labels/cell_00859_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00603.tif", + "label": "Training-labeled/labels/cell_00603_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00362.tif", + "label": "Training-labeled/labels/cell_00362_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00228.png", + "label": "Training-labeled/labels/cell_00228_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00644.tif", + "label": "Training-labeled/labels/cell_00644_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00768.png", + "label": "Training-labeled/labels/cell_00768_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00446.tif", + "label": "Training-labeled/labels/cell_00446_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00625.tif", + "label": "Training-labeled/labels/cell_00625_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00935.png", + "label": "Training-labeled/labels/cell_00935_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00071.bmp", + "label": "Training-labeled/labels/cell_00071_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00453.tif", + "label": "Training-labeled/labels/cell_00453_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00365.tif", + "label": "Training-labeled/labels/cell_00365_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00417.tif", + "label": "Training-labeled/labels/cell_00417_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00348.tif", + "label": "Training-labeled/labels/cell_00348_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00759.png", + "label": "Training-labeled/labels/cell_00759_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00795.png", + "label": "Training-labeled/labels/cell_00795_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00769.png", + "label": "Training-labeled/labels/cell_00769_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00932.png", + "label": "Training-labeled/labels/cell_00932_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00321.tif", + "label": "Training-labeled/labels/cell_00321_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00216.png", + "label": "Training-labeled/labels/cell_00216_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00111.bmp", + "label": "Training-labeled/labels/cell_00111_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00292.tif", + "label": "Training-labeled/labels/cell_00292_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00783.png", + "label": "Training-labeled/labels/cell_00783_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00822.png", + "label": "Training-labeled/labels/cell_00822_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00122.bmp", + "label": "Training-labeled/labels/cell_00122_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00308.tiff", + "label": "Training-labeled/labels/cell_00308_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00729.png", + "label": "Training-labeled/labels/cell_00729_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00894.png", + "label": "Training-labeled/labels/cell_00894_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00473.tif", + "label": "Training-labeled/labels/cell_00473_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00481.tif", + "label": "Training-labeled/labels/cell_00481_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00702.tiff", + "label": "Training-labeled/labels/cell_00702_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00680.tif", + "label": "Training-labeled/labels/cell_00680_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00456.tif", + "label": "Training-labeled/labels/cell_00456_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00305.tiff", + "label": "Training-labeled/labels/cell_00305_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00956.png", + "label": "Training-labeled/labels/cell_00956_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00944.png", + "label": "Training-labeled/labels/cell_00944_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00208.png", + "label": "Training-labeled/labels/cell_00208_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00218.png", + "label": "Training-labeled/labels/cell_00218_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00701.tiff", + "label": "Training-labeled/labels/cell_00701_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00107.bmp", + "label": "Training-labeled/labels/cell_00107_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00465.tif", + "label": "Training-labeled/labels/cell_00465_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00121.bmp", + "label": "Training-labeled/labels/cell_00121_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00558.tiff", + "label": "Training-labeled/labels/cell_00558_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00596.tif", + "label": "Training-labeled/labels/cell_00596_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00252.tif", + "label": "Training-labeled/labels/cell_00252_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00842.png", + "label": "Training-labeled/labels/cell_00842_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00017.bmp", + "label": "Training-labeled/labels/cell_00017_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00927.png", + "label": "Training-labeled/labels/cell_00927_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00091.bmp", + "label": "Training-labeled/labels/cell_00091_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00118.bmp", + "label": "Training-labeled/labels/cell_00118_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00993.png", + "label": "Training-labeled/labels/cell_00993_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00377.tif", + "label": "Training-labeled/labels/cell_00377_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00975.png", + "label": "Training-labeled/labels/cell_00975_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00508.tif", + "label": "Training-labeled/labels/cell_00508_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00214.png", + "label": "Training-labeled/labels/cell_00214_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00136.bmp", + "label": "Training-labeled/labels/cell_00136_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00034.bmp", + "label": "Training-labeled/labels/cell_00034_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00277.tif", + "label": "Training-labeled/labels/cell_00277_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00724.png", + "label": "Training-labeled/labels/cell_00724_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00349.tif", + "label": "Training-labeled/labels/cell_00349_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00521.tif", + "label": "Training-labeled/labels/cell_00521_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00225.png", + "label": "Training-labeled/labels/cell_00225_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00709.tiff", + "label": "Training-labeled/labels/cell_00709_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00462.tif", + "label": "Training-labeled/labels/cell_00462_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00398.tif", + "label": "Training-labeled/labels/cell_00398_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00683.tif", + "label": "Training-labeled/labels/cell_00683_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00330.tif", + "label": "Training-labeled/labels/cell_00330_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00032.bmp", + "label": "Training-labeled/labels/cell_00032_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00072.bmp", + "label": "Training-labeled/labels/cell_00072_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00881.png", + "label": "Training-labeled/labels/cell_00881_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00965.png", + "label": "Training-labeled/labels/cell_00965_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00874.png", + "label": "Training-labeled/labels/cell_00874_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00662.tif", + "label": "Training-labeled/labels/cell_00662_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00411.tif", + "label": "Training-labeled/labels/cell_00411_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00025.bmp", + "label": "Training-labeled/labels/cell_00025_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00499.tif", + "label": "Training-labeled/labels/cell_00499_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00621.tif", + "label": "Training-labeled/labels/cell_00621_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00142.tif", + "label": "Training-labeled/labels/cell_00142_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00733.png", + "label": "Training-labeled/labels/cell_00733_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00833.png", + "label": "Training-labeled/labels/cell_00833_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00062.bmp", + "label": "Training-labeled/labels/cell_00062_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00203.png", + "label": "Training-labeled/labels/cell_00203_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00985.png", + "label": "Training-labeled/labels/cell_00985_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00041.bmp", + "label": "Training-labeled/labels/cell_00041_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00461.tif", + "label": "Training-labeled/labels/cell_00461_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00996.png", + "label": "Training-labeled/labels/cell_00996_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00086.bmp", + "label": "Training-labeled/labels/cell_00086_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00512.tif", + "label": "Training-labeled/labels/cell_00512_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00320.tif", + "label": "Training-labeled/labels/cell_00320_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00772.png", + "label": "Training-labeled/labels/cell_00772_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00105.bmp", + "label": "Training-labeled/labels/cell_00105_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00862.png", + "label": "Training-labeled/labels/cell_00862_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00870.png", + "label": "Training-labeled/labels/cell_00870_label.tiff", + "fold": 4 + }, + { + "image": "Training-labeled/images/cell_00519.tif", + "label": "Training-labeled/labels/cell_00519_label.tiff", + "fold": 4 + } + ], + "testing": [ + { + "image": "Testing/Public/images/OpenTest_029.bmp", + "label": "Testing/Public/labels/OpenTest_029_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_049.tif", + "label": "Testing/Public/labels/OpenTest_049_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_013.png", + "label": "Testing/Public/labels/OpenTest_013_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_045.png", + "label": "Testing/Public/labels/OpenTest_045_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_003.bmp", + "label": "Testing/Public/labels/OpenTest_003_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_021.png", + "label": "Testing/Public/labels/OpenTest_021_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_019.tif", + "label": "Testing/Public/labels/OpenTest_019_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_007.tif", + "label": "Testing/Public/labels/OpenTest_007_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_002.tif", + "label": "Testing/Public/labels/OpenTest_002_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_028.tif", + "label": "Testing/Public/labels/OpenTest_028_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_042.tiff", + "label": "Testing/Public/labels/OpenTest_042_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_032.tiff", + "label": "Testing/Public/labels/OpenTest_032_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_035.tif", + "label": "Testing/Public/labels/OpenTest_035_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_014.png", + "label": "Testing/Public/labels/OpenTest_014_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_050.tiff", + "label": "Testing/Public/labels/OpenTest_050_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_016.png", + "label": "Testing/Public/labels/OpenTest_016_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_025.tif", + "label": "Testing/Public/labels/OpenTest_025_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_033.tif", + "label": "Testing/Public/labels/OpenTest_033_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_006.png", + "label": "Testing/Public/labels/OpenTest_006_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_038.bmp", + "label": "Testing/Public/labels/OpenTest_038_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_037.tif", + "label": "Testing/Public/labels/OpenTest_037_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_036.bmp", + "label": "Testing/Public/labels/OpenTest_036_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_044.png", + "label": "Testing/Public/labels/OpenTest_044_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_005.tif", + "label": "Testing/Public/labels/OpenTest_005_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_030.tif", + "label": "Testing/Public/labels/OpenTest_030_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_022.tif", + "label": "Testing/Public/labels/OpenTest_022_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_012.bmp", + "label": "Testing/Public/labels/OpenTest_012_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_041.png", + "label": "Testing/Public/labels/OpenTest_041_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_023.png", + "label": "Testing/Public/labels/OpenTest_023_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_040.bmp", + "label": "Testing/Public/labels/OpenTest_040_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_031.png", + "label": "Testing/Public/labels/OpenTest_031_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_027.tif", + "label": "Testing/Public/labels/OpenTest_027_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_043.tiff", + "label": "Testing/Public/labels/OpenTest_043_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_011.tif", + "label": "Testing/Public/labels/OpenTest_011_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_018.bmp", + "label": "Testing/Public/labels/OpenTest_018_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_046.tif", + "label": "Testing/Public/labels/OpenTest_046_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_047.tif", + "label": "Testing/Public/labels/OpenTest_047_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_020.tif", + "label": "Testing/Public/labels/OpenTest_020_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_015.tif", + "label": "Testing/Public/labels/OpenTest_015_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_039.tif", + "label": "Testing/Public/labels/OpenTest_039_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_017.png", + "label": "Testing/Public/labels/OpenTest_017_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_026.tif", + "label": "Testing/Public/labels/OpenTest_026_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_009.tif", + "label": "Testing/Public/labels/OpenTest_009_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_008.tif", + "label": "Testing/Public/labels/OpenTest_008_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_001.png", + "label": "Testing/Public/labels/OpenTest_001_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_024.bmp", + "label": "Testing/Public/labels/OpenTest_024_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_004.tif", + "label": "Testing/Public/labels/OpenTest_004_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_048.tiff", + "label": "Testing/Public/labels/OpenTest_048_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_034.tif", + "label": "Testing/Public/labels/OpenTest_034_label.tiff" + }, + { + "image": "Testing/Public/images/OpenTest_010.tif", + "label": "Testing/Public/labels/OpenTest_010_label.tiff" + } + ] +} diff --git a/vista2d/datalists/omnipose_bact_f_dataset.json b/vista2d/datalists/omnipose_bact_f_dataset.json new file mode 100644 index 0000000..9495bed --- /dev/null +++ b/vista2d/datalists/omnipose_bact_f_dataset.json @@ -0,0 +1,1164 @@ +{ + "training": [ + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy2_tile1_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy2_tile1_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy2_tile1_cyto_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile8_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile8_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile8_cyto_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile10_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile10_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile10_cyto_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile6_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile6_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile6_cyto_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile3_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile3_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile3_cyto_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile14_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile14_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile14_cyto_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy2_tile12_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy2_tile12_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy2_tile12_cyto_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile12_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile12_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile12_cyto_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile2_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile2_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile2_cyto_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile2_membrane.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile2_membrane_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile2_membrane_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile4_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile4_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile4_cyto_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile4_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile4_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile4_cyto_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile4_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile4_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile4_cyto_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile3_membrane.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile3_membrane_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile3_membrane_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile2_membrane.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile2_membrane_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile2_membrane_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile3_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile3_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile3_cyto_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_18.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_18_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_18_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_62.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_62_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_62_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_30.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_30_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_30_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_64.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_64_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_64_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_32.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_32_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_32_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_70.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_70_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_70_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_54.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_54_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_54_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_114.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_114_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_114_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_108.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_108_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_108_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_60.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_60_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_60_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_24.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_24_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_24_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile13_cyto.tif", + "label": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile13_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile13_cyto_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile16_cyto.tif", + "label": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile16_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile16_cyto_flows.tif", + "fold": 0 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile14_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile14_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile14_cyto_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile9_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile9_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile9_cyto_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile15_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile15_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile15_cyto_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile13_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile13_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile13_cyto_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile11_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile11_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile11_cyto_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile12_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile12_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile12_cyto_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile11_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile11_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile11_cyto_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile9_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile9_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile9_cyto_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile5_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile5_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile5_cyto_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile3_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile3_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile3_cyto_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_10.tif", + "label": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_10_masks.tif", + "flows": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_10_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_6.tif", + "label": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_6_masks.tif", + "flows": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_6_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_12.tif", + "label": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_12_masks.tif", + "flows": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_12_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_xy5_tile9_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_xy5_tile9_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_xy5_tile9_cyto_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile2_membrane.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile2_membrane_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile2_membrane_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile3_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile3_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile3_cyto_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile3_membrane.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile3_membrane_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile3_membrane_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile1_membrane.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile1_membrane_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile1_membrane_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_2.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_2_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_2_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_20.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_20_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_20_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_76.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_76_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_76_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_74.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_74_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_74_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_48.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_48_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_48_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_34.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_34_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_34_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_100.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_100_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_100_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_12.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_12_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_12_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_50.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_50_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_50_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_44.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_44_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_44_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_96.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_96_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_96_flows.tif", + "fold": 1 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile7_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile7_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile7_cyto_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile13_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile13_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile13_cyto_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile6_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile6_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile6_cyto_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile8_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile8_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile8_cyto_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile15_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile15_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile15_cyto_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_4.tif", + "label": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_4_masks.tif", + "flows": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_4_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile1_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile1_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile1_cyto_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile1_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile1_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile1_cyto_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile1_membrane.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile1_membrane_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile1_membrane_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile1_membrane.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile1_membrane_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile1_membrane_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile2_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile2_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile2_cyto_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_98.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_98_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_98_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_38.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_38_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_38_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_104.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_104_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_104_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_6.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_6_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_6_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_90.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_90_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_90_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_46.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_46_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_46_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_58.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_58_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_58_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_106.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_106_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_106_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_94.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_94_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_94_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_8.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_8_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_8_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_56.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_56_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_56_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile5_cyto.tif", + "label": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile5_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile5_cyto_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile7_cyto.tif", + "label": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile7_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile7_cyto_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile2_cyto.tif", + "label": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile2_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile2_cyto_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile6_cyto.tif", + "label": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile6_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile6_cyto_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile9_cyto.tif", + "label": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile9_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile9_cyto_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile3_cyto.tif", + "label": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile3_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile3_cyto_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile4_cyto.tif", + "label": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile4_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile4_cyto_flows.tif", + "fold": 2 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile1_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile1_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile1_cyto_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile4_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile4_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile4_cyto_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile7_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile7_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile7_cyto_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy2_tile16_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy2_tile16_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy2_tile16_cyto_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile16_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile16_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile16_cyto_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile5_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile5_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile5_cyto_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_8.tif", + "label": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_8_masks.tif", + "flows": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_8_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_0.tif", + "label": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_0_masks.tif", + "flows": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_0_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile2_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile2_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile2_cyto_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_xy5_tile8_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_xy5_tile8_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_xy5_tile8_cyto_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile4_membrane.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile4_membrane_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy3_tile1_subtile4_membrane_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile4_membrane.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile4_membrane_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile4_membrane_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_xy5_tile7_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_xy5_tile7_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_xy5_tile7_cyto_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_xy5_tile1_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_xy5_tile1_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_xy5_tile1_cyto_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_10.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_10_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_10_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_28.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_28_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_28_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_92.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_92_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_92_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_84.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_84_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_84_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_40.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_40_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_40_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_86.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_86_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_86_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_110.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_110_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_110_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_116.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_116_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_116_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_4.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_4_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_4_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_72.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_72_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_72_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_88.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_88_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_88_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_52.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_52_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_52_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile10_cyto.tif", + "label": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile10_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile10_cyto_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile8_cyto.tif", + "label": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile8_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile8_cyto_flows.tif", + "fold": 3 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile1_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile1_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile1_cyto_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile2_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile2_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy3_tile2_cyto_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile2_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile2_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile2_cyto_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile10_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile10_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile10_cyto_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile4_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile4_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile4_cyto_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile16_cyto.tif", + "label": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile16_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/cex/s_flex_cex_xy6_tile16_cyto_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_2.tif", + "label": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_2_masks.tif", + "flows": "bact_fluor/train_sorted/vibrio/vibrio_ensemble_fluor_2_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile3_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile3_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile3_cyto_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile4_membrane.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile4_membrane_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile4_membrane_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile3_membrane.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile3_membrane_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t010xy1_tile4_subtile3_membrane_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile1_cyto.tif", + "label": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile1_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/bthai/bthai_f_t001xy1_tile1_subtile1_cyto_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_22.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_22_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_22_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_80.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_80_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_80_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_112.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_112_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_112_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_78.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_78_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_78_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_102.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_102_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_102_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_14.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_14_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_14_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_0.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_0_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_0_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_16.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_16_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_16_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_26.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_26_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_26_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_68.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_68_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_68_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_66.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_66_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_66_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_36.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_36_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_36_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_42.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_42_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_42_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_82.tif", + "label": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_82_masks.tif", + "flows": "bact_fluor/train_sorted/wiggins/wiggins_ensemble_fluor_82_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile12_cyto.tif", + "label": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile12_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile12_cyto_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile15_cyto.tif", + "label": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile15_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile15_cyto_flows.tif", + "fold": 4 + }, + { + "image": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile11_cyto.tif", + "label": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile11_cyto_masks.tif", + "flows": "bact_fluor/train_sorted/A22/s_flex_a22_t12xy5c1_tile11_cyto_flows.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "bact_fluor/test_sorted/cex/s_flex_cex_xy5_tile1_cyto.tif", + "label": "bact_fluor/test_sorted/cex/s_flex_cex_xy5_tile1_cyto_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/cex/s_flex_cex_xy4_tile1_cyto.tif", + "label": "bact_fluor/test_sorted/cex/s_flex_cex_xy4_tile1_cyto_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/vibrio/vibrio_ensemble_fluor_3.tif", + "label": "bact_fluor/test_sorted/vibrio/vibrio_ensemble_fluor_3_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/vibrio/vibrio_ensemble_fluor_13.tif", + "label": "bact_fluor/test_sorted/vibrio/vibrio_ensemble_fluor_13_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/vibrio/vibrio_ensemble_fluor_11.tif", + "label": "bact_fluor/test_sorted/vibrio/vibrio_ensemble_fluor_11_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/vibrio/vibrio_ensemble_fluor_7.tif", + "label": "bact_fluor/test_sorted/vibrio/vibrio_ensemble_fluor_7_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/vibrio/vibrio_ensemble_fluor_5.tif", + "label": "bact_fluor/test_sorted/vibrio/vibrio_ensemble_fluor_5_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/vibrio/vibrio_ensemble_fluor_1.tif", + "label": "bact_fluor/test_sorted/vibrio/vibrio_ensemble_fluor_1_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/vibrio/vibrio_ensemble_fluor_9.tif", + "label": "bact_fluor/test_sorted/vibrio/vibrio_ensemble_fluor_9_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/bthai/bthai_f_t010xy2_tile4_cyto.tif", + "label": "bact_fluor/test_sorted/bthai/bthai_f_t010xy2_tile4_cyto_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/bthai/bthai_f_t001xy2_tile1_cyto.tif", + "label": "bact_fluor/test_sorted/bthai/bthai_f_t001xy2_tile1_cyto_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/bthai/bthai_f_t010xy2_tile4_membrane.tif", + "label": "bact_fluor/test_sorted/bthai/bthai_f_t010xy2_tile4_membrane_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/bthai/bthai_f_t010xy3_tile4_membrane.tif", + "label": "bact_fluor/test_sorted/bthai/bthai_f_t010xy3_tile4_membrane_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/bthai/bthai_f_t001xy2_tile1_membrane.tif", + "label": "bact_fluor/test_sorted/bthai/bthai_f_t001xy2_tile1_membrane_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/bthai/bthai_f_t010xy3_tile4_cyto.tif", + "label": "bact_fluor/test_sorted/bthai/bthai_f_t010xy3_tile4_cyto_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_57.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_57_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_41.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_41_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_115.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_115_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_81.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_81_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_91.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_91_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_87.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_87_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_31.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_31_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_45.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_45_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_83.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_83_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_65.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_65_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_15.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_15_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_69.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_69_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_107.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_107_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_89.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_89_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_51.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_51_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_85.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_85_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_95.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_95_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_105.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_105_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_101.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_101_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_21.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_21_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_29.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_29_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_23.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_23_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_59.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_59_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_27.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_27_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_35.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_35_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_33.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_33_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_1.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_1_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_111.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_111_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_75.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_75_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_39.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_39_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_25.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_25_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_5.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_5_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_53.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_53_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_77.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_77_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_73.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_73_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_97.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_97_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_99.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_99_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_49.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_49_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_79.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_79_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_13.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_13_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_9.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_9_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_61.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_61_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_17.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_17_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_93.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_93_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_63.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_63_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_55.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_55_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_3.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_3_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_19.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_19_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_7.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_7_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_67.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_67_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_71.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_71_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_47.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_47_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_109.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_109_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_113.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_113_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_11.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_11_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_43.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_43_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_37.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_37_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_103.tif", + "label": "bact_fluor/test_sorted/wiggins/wiggins_ensemble_fluor_103_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/A22/s_flex_a22_t12xy5c1_tile1_cyto.tif", + "label": "bact_fluor/test_sorted/A22/s_flex_a22_t12xy5c1_tile1_cyto_masks.tif" + }, + { + "image": "bact_fluor/test_sorted/A22/s_flex_a22_t12xy5c1_tile14_cyto.tif", + "label": "bact_fluor/test_sorted/A22/s_flex_a22_t12xy5c1_tile14_cyto_masks.tif" + } + ] +} diff --git a/vista2d/datalists/omnipose_bact_p_dataset.json b/vista2d/datalists/omnipose_bact_p_dataset.json new file mode 100644 index 0000000..702014b --- /dev/null +++ b/vista2d/datalists/omnipose_bact_p_dataset.json @@ -0,0 +1,2092 @@ +{ + "training": [ + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_31.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_31_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_31_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_33.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_33_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_33_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_3.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_3_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_3_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_15.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_15_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_15_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_47.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_47_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_47_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_23.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_23_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_23_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_29.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_29_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_29_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_17.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_17_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_17_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_0.tif", + "label": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_0_masks.tif", + "flows": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_0_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_10.tif", + "label": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_10_masks.tif", + "flows": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_10_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/5I_crop/5I_crop_ensemble_0.tif", + "label": "bact_phase/train_sorted/5I_crop/5I_crop_ensemble_0_masks.tif", + "flows": "bact_phase/train_sorted/5I_crop/5I_crop_ensemble_0_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_1.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_1_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_1_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_6.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_6_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_6_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_10.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_10_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_10_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/cex/cex_t1xy2c1_Tile5.tif", + "label": "bact_phase/train_sorted/cex/cex_t1xy2c1_Tile5_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_t1xy2c1_Tile5_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/cex/cex_t1xy2c1_Tile9.tif", + "label": "bact_phase/train_sorted/cex/cex_t1xy2c1_Tile9_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_t1xy2c1_Tile9_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_15.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_15_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_15_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_7.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_7_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_7_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_19.tif", + "label": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_19_masks.tif", + "flows": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_19_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_5.tif", + "label": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_5_masks.tif", + "flows": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_5_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile_3.tif", + "label": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile_3_masks.tif", + "flows": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile_3_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile_4.tif", + "label": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile_4_masks.tif", + "flows": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile_4_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/bthai/bthai_f_t010xy3_tile_3.tif", + "label": "bact_phase/train_sorted/bthai/bthai_f_t010xy3_tile_3_masks.tif", + "flows": "bact_phase/train_sorted/bthai/bthai_f_t010xy3_tile_3_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile7.tif", + "label": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile7_masks.tif", + "flows": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile7_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/bthai/bthai_f_t010xy3_tile_1.tif", + "label": "bact_phase/train_sorted/bthai/bthai_f_t010xy3_tile_1_masks.tif", + "flows": "bact_phase/train_sorted/bthai/bthai_f_t010xy3_tile_1_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/bthai/bthai_f_t010xy3_tile_2.tif", + "label": "bact_phase/train_sorted/bthai/bthai_f_t010xy3_tile_2_masks.tif", + "flows": "bact_phase/train_sorted/bthai/bthai_f_t010xy3_tile_2_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/bthai/bthai_f_t010xy1_tile_1.tif", + "label": "bact_phase/train_sorted/bthai/bthai_f_t010xy1_tile_1_masks.tif", + "flows": "bact_phase/train_sorted/bthai/bthai_f_t010xy1_tile_1_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/PAO1_staph/PAO1_Staph_ensemble_1.tif", + "label": "bact_phase/train_sorted/PAO1_staph/PAO1_Staph_ensemble_1_masks.tif", + "flows": "bact_phase/train_sorted/PAO1_staph/PAO1_Staph_ensemble_1_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_18.tif", + "label": "bact_phase/train_sorted/caulo/caulo_18_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_18_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_24.tif", + "label": "bact_phase/train_sorted/caulo/caulo_24_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_24_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_22.tif", + "label": "bact_phase/train_sorted/caulo/caulo_22_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_22_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_17.tif", + "label": "bact_phase/train_sorted/caulo/caulo_17_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_17_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/wiggins/img_000000005.tif", + "label": "bact_phase/train_sorted/wiggins/img_000000005_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/img_000000005_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/wiggins/wiggins_ensemble_22.tif", + "label": "bact_phase/train_sorted/wiggins/wiggins_ensemble_22_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/wiggins_ensemble_22_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/wiggins/wiggins_ensemble_10.tif", + "label": "bact_phase/train_sorted/wiggins/wiggins_ensemble_10_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/wiggins_ensemble_10_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/wiggins/wiggins_ensemble_14.tif", + "label": "bact_phase/train_sorted/wiggins/wiggins_ensemble_14_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/wiggins_ensemble_14_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/wiggins/wiggins_ensemble_6.tif", + "label": "bact_phase/train_sorted/wiggins/wiggins_ensemble_6_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/wiggins_ensemble_6_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/wiggins/img_000000000.tif", + "label": "bact_phase/train_sorted/wiggins/img_000000000_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/img_000000000_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_0.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_0_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_0_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_6.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_6_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_6_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_3.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_3_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_3_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_13.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_13_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_13_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_10.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_10_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_10_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_4.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_4_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_4_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_8.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_8_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_8_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_11.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_11_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_11_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile10_phase.tif", + "label": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile10_phase_masks.tif", + "flows": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile10_phase_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile3.tif", + "label": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile3_masks.tif", + "flows": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile3_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY16_1.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY16_1_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY16_1_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY17_4.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY17_4_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY17_4_flows.tif", + "fold": 0 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_7.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_7_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_7_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_21.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_21_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_21_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_27.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_27_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_27_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_12.tif", + "label": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_12_masks.tif", + "flows": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_12_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_4.tif", + "label": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_4_masks.tif", + "flows": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_4_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_6.tif", + "label": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_6_masks.tif", + "flows": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_6_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/5I_crop/5I_crop_ensemble_6.tif", + "label": "bact_phase/train_sorted/5I_crop/5I_crop_ensemble_6_masks.tif", + "flows": "bact_phase/train_sorted/5I_crop/5I_crop_ensemble_6_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/cex/cex_t1xy2c1_Tile2.tif", + "label": "bact_phase/train_sorted/cex/cex_t1xy2c1_Tile2_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_t1xy2c1_Tile2_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_16.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_16_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_16_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_9.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_9_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_9_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_1.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_1_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_1_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_10.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_10_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_10_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_12.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_12_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_12_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_2.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_2_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_2_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_13.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_13_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_13_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_0.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_0_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_0_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_8.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_8_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_8_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_21.tif", + "label": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_21_masks.tif", + "flows": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_21_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_11.tif", + "label": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_11_masks.tif", + "flows": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_11_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/bthai/xy5_001.tif", + "label": "bact_phase/train_sorted/bthai/xy5_001_masks.tif", + "flows": "bact_phase/train_sorted/bthai/xy5_001_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/bthai/bthai_f_t010xy1_tile_3.tif", + "label": "bact_phase/train_sorted/bthai/bthai_f_t010xy1_tile_3_masks.tif", + "flows": "bact_phase/train_sorted/bthai/bthai_f_t010xy1_tile_3_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile_2.tif", + "label": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile_2_masks.tif", + "flows": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile_2_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/bthai/xy5_008.tif", + "label": "bact_phase/train_sorted/bthai/xy5_008_masks.tif", + "flows": "bact_phase/train_sorted/bthai/xy5_008_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/murA/murA_ensemble_4.tif", + "label": "bact_phase/train_sorted/murA/murA_ensemble_4_masks.tif", + "flows": "bact_phase/train_sorted/murA/murA_ensemble_4_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/murA/murA_ensemble_1.tif", + "label": "bact_phase/train_sorted/murA/murA_ensemble_1_masks.tif", + "flows": "bact_phase/train_sorted/murA/murA_ensemble_1_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/murA/murA_ensemble_3.tif", + "label": "bact_phase/train_sorted/murA/murA_ensemble_3_masks.tif", + "flows": "bact_phase/train_sorted/murA/murA_ensemble_3_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/PAO1_staph/PAO1_Staph_ensemble_5.tif", + "label": "bact_phase/train_sorted/PAO1_staph/PAO1_Staph_ensemble_5_masks.tif", + "flows": "bact_phase/train_sorted/PAO1_staph/PAO1_Staph_ensemble_5_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_19.tif", + "label": "bact_phase/train_sorted/caulo/caulo_19_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_19_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_29.tif", + "label": "bact_phase/train_sorted/caulo/caulo_29_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_29_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_9.tif", + "label": "bact_phase/train_sorted/caulo/caulo_9_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_9_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_28.tif", + "label": "bact_phase/train_sorted/caulo/caulo_28_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_28_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_12.tif", + "label": "bact_phase/train_sorted/caulo/caulo_12_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_12_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_4.tif", + "label": "bact_phase/train_sorted/caulo/caulo_4_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_4_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_27.tif", + "label": "bact_phase/train_sorted/caulo/caulo_27_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_27_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_26.tif", + "label": "bact_phase/train_sorted/caulo/caulo_26_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_26_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/serratia/Serratia_Ecoli_T14XY2C1_tile9.tif", + "label": "bact_phase/train_sorted/serratia/Serratia_Ecoli_T14XY2C1_tile9_masks.tif", + "flows": "bact_phase/train_sorted/serratia/Serratia_Ecoli_T14XY2C1_tile9_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/wiggins/wiggins_ensemble_24.tif", + "label": "bact_phase/train_sorted/wiggins/wiggins_ensemble_24_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/wiggins_ensemble_24_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/wiggins/img_000000015.tif", + "label": "bact_phase/train_sorted/wiggins/img_000000015_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/img_000000015_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/wiggins/wiggins_ensemble_4.tif", + "label": "bact_phase/train_sorted/wiggins/wiggins_ensemble_4_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/wiggins_ensemble_4_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_2.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_2_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_2_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile12_phase.tif", + "label": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile12_phase_masks.tif", + "flows": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile12_phase_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile15_phase.tif", + "label": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile15_phase_masks.tif", + "flows": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile15_phase_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile3_phase.tif", + "label": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile3_phase_masks.tif", + "flows": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile3_phase_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile8_phase.tif", + "label": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile8_phase_masks.tif", + "flows": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile8_phase_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_7.tif", + "label": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_7_masks.tif", + "flows": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_7_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_4.tif", + "label": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_4_masks.tif", + "flows": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_4_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY17_3.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY17_3_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY17_3_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY17_2.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY17_2_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY17_2_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY15_2.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY15_2_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY15_2_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY15_4.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY15_4_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY15_4_flows.tif", + "fold": 1 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_41.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_41_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_41_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_25.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_25_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_25_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_43.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_43_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_43_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_1.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_1_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_1_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_2.tif", + "label": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_2_masks.tif", + "flows": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_2_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_8.tif", + "label": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_8_masks.tif", + "flows": "bact_phase/train_sorted/dnaA/dnaA_xy1_ensemble_8_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/5I_crop/5I_crop_ensemble_4.tif", + "label": "bact_phase/train_sorted/5I_crop/5I_crop_ensemble_4_masks.tif", + "flows": "bact_phase/train_sorted/5I_crop/5I_crop_ensemble_4_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/5I_crop/5I_crop_ensemble_2.tif", + "label": "bact_phase/train_sorted/5I_crop/5I_crop_ensemble_2_masks.tif", + "flows": "bact_phase/train_sorted/5I_crop/5I_crop_ensemble_2_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_2.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_2_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_2_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_11.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_11_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_11_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_10.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_10_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_10_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_14.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_14_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_14_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_13.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_13_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_13_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_12.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_12_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_12_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_7.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_7_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_7_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_1.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_1_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_1_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_16.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_16_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_16_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_3.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_3_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_3_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_17.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_17_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_17_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_13.tif", + "label": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_13_masks.tif", + "flows": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_13_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_25.tif", + "label": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_25_masks.tif", + "flows": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_25_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_7.tif", + "label": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_7_masks.tif", + "flows": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_7_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_9.tif", + "label": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_9_masks.tif", + "flows": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_9_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/bthai/xy5_009.tif", + "label": "bact_phase/train_sorted/bthai/xy5_009_masks.tif", + "flows": "bact_phase/train_sorted/bthai/xy5_009_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/bthai/bthai_a_t001xy1_tile1.tif", + "label": "bact_phase/train_sorted/bthai/bthai_a_t001xy1_tile1_masks.tif", + "flows": "bact_phase/train_sorted/bthai/bthai_a_t001xy1_tile1_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/murA/murA_ensemble_5.tif", + "label": "bact_phase/train_sorted/murA/murA_ensemble_5_masks.tif", + "flows": "bact_phase/train_sorted/murA/murA_ensemble_5_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/murA/murA_ensemble_2.tif", + "label": "bact_phase/train_sorted/murA/murA_ensemble_2_masks.tif", + "flows": "bact_phase/train_sorted/murA/murA_ensemble_2_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/PAO1_staph/PAO1_Staph_ensemble_7.tif", + "label": "bact_phase/train_sorted/PAO1_staph/PAO1_Staph_ensemble_7_masks.tif", + "flows": "bact_phase/train_sorted/PAO1_staph/PAO1_Staph_ensemble_7_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/PAO1_staph/PAO1andStaphXY4_tile10.tif", + "label": "bact_phase/train_sorted/PAO1_staph/PAO1andStaphXY4_tile10_masks.tif", + "flows": "bact_phase/train_sorted/PAO1_staph/PAO1andStaphXY4_tile10_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_16.tif", + "label": "bact_phase/train_sorted/caulo/caulo_16_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_16_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_2.tif", + "label": "bact_phase/train_sorted/caulo/caulo_2_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_2_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_23.tif", + "label": "bact_phase/train_sorted/caulo/caulo_23_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_23_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_13.tif", + "label": "bact_phase/train_sorted/caulo/caulo_13_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_13_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_8.tif", + "label": "bact_phase/train_sorted/caulo/caulo_8_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_8_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_25.tif", + "label": "bact_phase/train_sorted/caulo/caulo_25_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_25_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/serratia/Serratia_Ecoli_T14XY2C1_tile8.tif", + "label": "bact_phase/train_sorted/serratia/Serratia_Ecoli_T14XY2C1_tile8_masks.tif", + "flows": "bact_phase/train_sorted/serratia/Serratia_Ecoli_T14XY2C1_tile8_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/serratia/Serratia_Ecoli_T14XY2C1_tile7.tif", + "label": "bact_phase/train_sorted/serratia/Serratia_Ecoli_T14XY2C1_tile7_masks.tif", + "flows": "bact_phase/train_sorted/serratia/Serratia_Ecoli_T14XY2C1_tile7_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/wiggins/img_000000030.tif", + "label": "bact_phase/train_sorted/wiggins/img_000000030_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/img_000000030_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/wiggins/wiggins_ensemble_0.tif", + "label": "bact_phase/train_sorted/wiggins/wiggins_ensemble_0_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/wiggins_ensemble_0_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/wiggins/img_000000023.tif", + "label": "bact_phase/train_sorted/wiggins/img_000000023_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/img_000000023_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_7.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_7_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_7_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_6.tif", + "label": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_6_masks.tif", + "flows": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_6_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_0.tif", + "label": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_0_masks.tif", + "flows": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_0_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile7.tif", + "label": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile7_masks.tif", + "flows": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile7_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy4_tile1.tif", + "label": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy4_tile1_masks.tif", + "flows": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy4_tile1_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY13_1.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY13_1_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY13_1_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY1_2.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY1_2_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY1_2_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY2_2.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY2_2_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY2_2_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY15_3.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY15_3_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY15_3_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY17_5.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY17_5_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY17_5_flows.tif", + "fold": 2 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_9.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_9_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_9_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_37.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_37_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_37_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_35.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_35_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_35_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_19.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_19_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_19_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_11.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_11_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_11_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_13.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_13_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_13_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/5I_crop/5I_crop_ensemble_8.tif", + "label": "bact_phase/train_sorted/5I_crop/5I_crop_ensemble_8_masks.tif", + "flows": "bact_phase/train_sorted/5I_crop/5I_crop_ensemble_8_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_8.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_8_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_8_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_14.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_14_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_14_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_15.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_15_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_15_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_12.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_12_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_12_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_3.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_3_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_3_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_5.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_5_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_5_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_4.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_4_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_4_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_3.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_3_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_3_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_5.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_5_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_5_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_7.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_7_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_7_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_6.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_6_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_6_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_11.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_11_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_11_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_23.tif", + "label": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_23_masks.tif", + "flows": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_23_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_3.tif", + "label": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_3_masks.tif", + "flows": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_3_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_15.tif", + "label": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_15_masks.tif", + "flows": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_15_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/bthai/bthai_f_t010xy3_tile_4.tif", + "label": "bact_phase/train_sorted/bthai/bthai_f_t010xy3_tile_4_masks.tif", + "flows": "bact_phase/train_sorted/bthai/bthai_f_t010xy3_tile_4_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile10.tif", + "label": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile10_masks.tif", + "flows": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile10_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/murA/murA_ensemble_0.tif", + "label": "bact_phase/train_sorted/murA/murA_ensemble_0_masks.tif", + "flows": "bact_phase/train_sorted/murA/murA_ensemble_0_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/PAO1_staph/PAO1andStaphXY4_tile4.tif", + "label": "bact_phase/train_sorted/PAO1_staph/PAO1andStaphXY4_tile4_masks.tif", + "flows": "bact_phase/train_sorted/PAO1_staph/PAO1andStaphXY4_tile4_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/PAO1_staph/PAO1andStaphXY4_tile8.tif", + "label": "bact_phase/train_sorted/PAO1_staph/PAO1andStaphXY4_tile8_masks.tif", + "flows": "bact_phase/train_sorted/PAO1_staph/PAO1andStaphXY4_tile8_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/PAO1_staph/PAO1andStaphXY4_tile15.tif", + "label": "bact_phase/train_sorted/PAO1_staph/PAO1andStaphXY4_tile15_masks.tif", + "flows": "bact_phase/train_sorted/PAO1_staph/PAO1andStaphXY4_tile15_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_20.tif", + "label": "bact_phase/train_sorted/caulo/caulo_20_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_20_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_1.tif", + "label": "bact_phase/train_sorted/caulo/caulo_1_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_1_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_11.tif", + "label": "bact_phase/train_sorted/caulo/caulo_11_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_11_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_7.tif", + "label": "bact_phase/train_sorted/caulo/caulo_7_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_7_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/serratia/Serratia_Ecoli_T14XY2C1_tile6.tif", + "label": "bact_phase/train_sorted/serratia/Serratia_Ecoli_T14XY2C1_tile6_masks.tif", + "flows": "bact_phase/train_sorted/serratia/Serratia_Ecoli_T14XY2C1_tile6_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/wiggins/wiggins_ensemble_2.tif", + "label": "bact_phase/train_sorted/wiggins/wiggins_ensemble_2_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/wiggins_ensemble_2_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/wiggins/wiggins_ensemble_16.tif", + "label": "bact_phase/train_sorted/wiggins/wiggins_ensemble_16_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/wiggins_ensemble_16_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/wiggins/wiggins_ensemble_12.tif", + "label": "bact_phase/train_sorted/wiggins/wiggins_ensemble_12_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/wiggins_ensemble_12_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/wiggins/wiggins_ensemble_20.tif", + "label": "bact_phase/train_sorted/wiggins/wiggins_ensemble_20_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/wiggins_ensemble_20_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_9.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_9_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_9_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile16_phase.tif", + "label": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile16_phase_masks.tif", + "flows": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile16_phase_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile2_phase.tif", + "label": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile2_phase_masks.tif", + "flows": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile2_phase_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile11_phase.tif", + "label": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile11_phase_masks.tif", + "flows": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile11_phase_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile7_phase.tif", + "label": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile7_phase_masks.tif", + "flows": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile7_phase_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile16.tif", + "label": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile16_masks.tif", + "flows": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile16_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_3.tif", + "label": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_3_masks.tif", + "flows": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_3_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_1.tif", + "label": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_1_masks.tif", + "flows": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_1_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile10.tif", + "label": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile10_masks.tif", + "flows": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile10_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_2.tif", + "label": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_2_masks.tif", + "flows": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_2_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile8.tif", + "label": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile8_masks.tif", + "flows": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile8_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_5.tif", + "label": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_5_masks.tif", + "flows": "bact_phase/train_sorted/PSVB/PSVB_ensemble_a_5_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY2_1.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY2_1_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY2_1_flows.tif", + "fold": 3 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_45.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_45_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_45_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_5.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_5_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_5_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_39.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_39_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_39_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/ftsN/ftsN_ensemble_49.tif", + "label": "bact_phase/train_sorted/ftsN/ftsN_ensemble_49_masks.tif", + "flows": "bact_phase/train_sorted/ftsN/ftsN_ensemble_49_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_11.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_11_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_11_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_5.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_5_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_5_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_2.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_2_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_2_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_13.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_13_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_13_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_16.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_16_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_16_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_4.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_4_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_4_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_9.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_9_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_9_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy6c1_tile_6.tif", + "label": "bact_phase/train_sorted/cex/cex_xy6c1_tile_6_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy6c1_tile_6_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/cex/cex_xy3c1_tile_8.tif", + "label": "bact_phase/train_sorted/cex/cex_xy3c1_tile_8_masks.tif", + "flows": "bact_phase/train_sorted/cex/cex_xy3c1_tile_8_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_4.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_4_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_4_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_9.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_9_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_9_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_14.tif", + "label": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_14_masks.tif", + "flows": "bact_phase/train_sorted/vibrio/vibrio_ensemble_2_14_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_1.tif", + "label": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_1_masks.tif", + "flows": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_1_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_17.tif", + "label": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_17_masks.tif", + "flows": "bact_phase/train_sorted/ecoli_mut/Az_branch_ec_17_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/francisella/francisella_xy3_tile3.tif", + "label": "bact_phase/train_sorted/francisella/francisella_xy3_tile3_masks.tif", + "flows": "bact_phase/train_sorted/francisella/francisella_xy3_tile3_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/francisella/francisella_xy3_tile7.tif", + "label": "bact_phase/train_sorted/francisella/francisella_xy3_tile7_masks.tif", + "flows": "bact_phase/train_sorted/francisella/francisella_xy3_tile7_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/bthai/bthai_f_t010xy1_tile_2.tif", + "label": "bact_phase/train_sorted/bthai/bthai_f_t010xy1_tile_2_masks.tif", + "flows": "bact_phase/train_sorted/bthai/bthai_f_t010xy1_tile_2_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/bthai/xy5_007.tif", + "label": "bact_phase/train_sorted/bthai/xy5_007_masks.tif", + "flows": "bact_phase/train_sorted/bthai/xy5_007_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/bthai/bthai_f_t010xy1_tile_4.tif", + "label": "bact_phase/train_sorted/bthai/bthai_f_t010xy1_tile_4_masks.tif", + "flows": "bact_phase/train_sorted/bthai/bthai_f_t010xy1_tile_4_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile_1.tif", + "label": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile_1_masks.tif", + "flows": "bact_phase/train_sorted/bthai/bthai_f_t001xy1_tile_1_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/PAO1_staph/PAO1_Staph_ensemble_3.tif", + "label": "bact_phase/train_sorted/PAO1_staph/PAO1_Staph_ensemble_3_masks.tif", + "flows": "bact_phase/train_sorted/PAO1_staph/PAO1_Staph_ensemble_3_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/PAO1_staph/PAO1andStaphXY4_tile1.tif", + "label": "bact_phase/train_sorted/PAO1_staph/PAO1andStaphXY4_tile1_masks.tif", + "flows": "bact_phase/train_sorted/PAO1_staph/PAO1andStaphXY4_tile1_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_21.tif", + "label": "bact_phase/train_sorted/caulo/caulo_21_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_21_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_5.tif", + "label": "bact_phase/train_sorted/caulo/caulo_5_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_5_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_3.tif", + "label": "bact_phase/train_sorted/caulo/caulo_3_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_3_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/caulo/caulo_10.tif", + "label": "bact_phase/train_sorted/caulo/caulo_10_masks.tif", + "flows": "bact_phase/train_sorted/caulo/caulo_10_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/wiggins/img_000000047.tif", + "label": "bact_phase/train_sorted/wiggins/img_000000047_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/img_000000047_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/wiggins/img_000000035.tif", + "label": "bact_phase/train_sorted/wiggins/img_000000035_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/img_000000035_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/wiggins/wiggins_ensemble_8.tif", + "label": "bact_phase/train_sorted/wiggins/wiggins_ensemble_8_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/wiggins_ensemble_8_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/wiggins/wiggins_ensemble_18.tif", + "label": "bact_phase/train_sorted/wiggins/wiggins_ensemble_18_masks.tif", + "flows": "bact_phase/train_sorted/wiggins/wiggins_ensemble_18_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_1.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_1_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_1_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_14.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_14_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_14_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_12.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_12_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_12_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_5.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_5_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_5_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_15.tif", + "label": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_15_masks.tif", + "flows": "bact_phase/train_sorted/hpylori/Hpylori_ensemble_15_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile13_phase.tif", + "label": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile13_phase_masks.tif", + "flows": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile13_phase_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile4_phase.tif", + "label": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile4_phase_masks.tif", + "flows": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile4_phase_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile6_phase.tif", + "label": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile6_phase_masks.tif", + "flows": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile6_phase_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile5_phase.tif", + "label": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile5_phase_masks.tif", + "flows": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile5_phase_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile9_phase.tif", + "label": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile9_phase_masks.tif", + "flows": "bact_phase/train_sorted/A22/s_flex_a22_t12xy5c1_tile9_phase_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile14.tif", + "label": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile14_masks.tif", + "flows": "bact_phase/train_sorted/PSVB/PSVB_b_t-1xy1_tile14_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY14_2.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY14_2_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY14_2_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY1_1.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY1_1_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY1_1_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY16_2.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY16_2_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY16_2_flows.tif", + "fold": 4 + }, + { + "image": "bact_phase/train_sorted/streptomyces/streptomyces_XY14_1.tif", + "label": "bact_phase/train_sorted/streptomyces/streptomyces_XY14_1_masks.tif", + "flows": "bact_phase/train_sorted/streptomyces/streptomyces_XY14_1_flows.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_38.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_38_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_30.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_30_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_24.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_24_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_32.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_32_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_26.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_26_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_4.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_4_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_16.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_16_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_28.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_28_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_44.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_44_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_2.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_2_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_6.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_6_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_8.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_8_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_48.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_48_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_0.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_0_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_46.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_46_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_20.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_20_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_22.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_22_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_14.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_14_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_36.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_36_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_10.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_10_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_40.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_40_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_42.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_42_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_34.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_34_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_18.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_18_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_12.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_12_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ftsN/ftsN_ensemble_50.tif", + "label": "bact_phase/test_sorted/ftsN/ftsN_ensemble_50_masks.tif" + }, + { + "image": "bact_phase/test_sorted/dnaA/dnaA_xy1_ensemble_9.tif", + "label": "bact_phase/test_sorted/dnaA/dnaA_xy1_ensemble_9_masks.tif" + }, + { + "image": "bact_phase/test_sorted/dnaA/dnaA_xy1_ensemble_7.tif", + "label": "bact_phase/test_sorted/dnaA/dnaA_xy1_ensemble_7_masks.tif" + }, + { + "image": "bact_phase/test_sorted/dnaA/dnaA_xy1_ensemble_13.tif", + "label": "bact_phase/test_sorted/dnaA/dnaA_xy1_ensemble_13_masks.tif" + }, + { + "image": "bact_phase/test_sorted/dnaA/dnaA_xy1_ensemble_1.tif", + "label": "bact_phase/test_sorted/dnaA/dnaA_xy1_ensemble_1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/dnaA/dnaA_xy1_ensemble_11.tif", + "label": "bact_phase/test_sorted/dnaA/dnaA_xy1_ensemble_11_masks.tif" + }, + { + "image": "bact_phase/test_sorted/dnaA/dnaA_xy1_ensemble_3.tif", + "label": "bact_phase/test_sorted/dnaA/dnaA_xy1_ensemble_3_masks.tif" + }, + { + "image": "bact_phase/test_sorted/dnaA/dnaA_xy1_ensemble_5.tif", + "label": "bact_phase/test_sorted/dnaA/dnaA_xy1_ensemble_5_masks.tif" + }, + { + "image": "bact_phase/test_sorted/5I_crop/5I_crop_ensemble_9.tif", + "label": "bact_phase/test_sorted/5I_crop/5I_crop_ensemble_9_masks.tif" + }, + { + "image": "bact_phase/test_sorted/5I_crop/5I_crop_ensemble_1.tif", + "label": "bact_phase/test_sorted/5I_crop/5I_crop_ensemble_1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/5I_crop/5I_crop_ensemble_5.tif", + "label": "bact_phase/test_sorted/5I_crop/5I_crop_ensemble_5_masks.tif" + }, + { + "image": "bact_phase/test_sorted/5I_crop/5I_crop_ensemble_3.tif", + "label": "bact_phase/test_sorted/5I_crop/5I_crop_ensemble_3_masks.tif" + }, + { + "image": "bact_phase/test_sorted/5I_crop/5I_crop_ensemble_7.tif", + "label": "bact_phase/test_sorted/5I_crop/5I_crop_ensemble_7_masks.tif" + }, + { + "image": "bact_phase/test_sorted/cex/cex_xy4c1.tif", + "label": "bact_phase/test_sorted/cex/cex_xy4c1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/cex/cex_xy5c1.tif", + "label": "bact_phase/test_sorted/cex/cex_xy5c1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/cex/cex_xy1c1.tif", + "label": "bact_phase/test_sorted/cex/cex_xy1c1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/vibrio/vibrio_ensemble_2_15.tif", + "label": "bact_phase/test_sorted/vibrio/vibrio_ensemble_2_15_masks.tif" + }, + { + "image": "bact_phase/test_sorted/vibrio/vibrio_ensemble_2_19.tif", + "label": "bact_phase/test_sorted/vibrio/vibrio_ensemble_2_19_masks.tif" + }, + { + "image": "bact_phase/test_sorted/vibrio/vibrio_ensemble_2_18.tif", + "label": "bact_phase/test_sorted/vibrio/vibrio_ensemble_2_18_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_22.tif", + "label": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_22_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_26.tif", + "label": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_26_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_6.tif", + "label": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_6_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_27.tif", + "label": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_27_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_24.tif", + "label": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_24_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_0.tif", + "label": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_0_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_10.tif", + "label": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_10_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_16.tif", + "label": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_16_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_4.tif", + "label": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_4_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_8.tif", + "label": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_8_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_20.tif", + "label": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_20_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_2.tif", + "label": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_2_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_12.tif", + "label": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_12_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_14.tif", + "label": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_14_masks.tif" + }, + { + "image": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_18.tif", + "label": "bact_phase/test_sorted/ecoli_mut/Az_branch_ec_18_masks.tif" + }, + { + "image": "bact_phase/test_sorted/bthai/bthai_f_t001xy2_tile1.tif", + "label": "bact_phase/test_sorted/bthai/bthai_f_t001xy2_tile1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/bthai/bthai_f_t010xy2_tile4.tif", + "label": "bact_phase/test_sorted/bthai/bthai_f_t010xy2_tile4_masks.tif" + }, + { + "image": "bact_phase/test_sorted/bthai/bthai_f_t001xy3_tile1.tif", + "label": "bact_phase/test_sorted/bthai/bthai_f_t001xy3_tile1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/murA/murA_ensemble_6.tif", + "label": "bact_phase/test_sorted/murA/murA_ensemble_6_masks.tif" + }, + { + "image": "bact_phase/test_sorted/murA/murA_ensemble_0.tif", + "label": "bact_phase/test_sorted/murA/murA_ensemble_0_masks.tif" + }, + { + "image": "bact_phase/test_sorted/murA/murA_ensemble_4.tif", + "label": "bact_phase/test_sorted/murA/murA_ensemble_4_masks.tif" + }, + { + "image": "bact_phase/test_sorted/murA/murA_ensemble_2.tif", + "label": "bact_phase/test_sorted/murA/murA_ensemble_2_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PAO1_staph/PAO1_Staph_ensemble_6.tif", + "label": "bact_phase/test_sorted/PAO1_staph/PAO1_Staph_ensemble_6_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PAO1_staph/PAO1_Staph_ensemble_0.tif", + "label": "bact_phase/test_sorted/PAO1_staph/PAO1_Staph_ensemble_0_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PAO1_staph/PAO1_Staph_ensemble_2.tif", + "label": "bact_phase/test_sorted/PAO1_staph/PAO1_Staph_ensemble_2_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PAO1_staph/PAO1_Staph_ensemble_4.tif", + "label": "bact_phase/test_sorted/PAO1_staph/PAO1_Staph_ensemble_4_masks.tif" + }, + { + "image": "bact_phase/test_sorted/caulo/caulo_14.tif", + "label": "bact_phase/test_sorted/caulo/caulo_14_masks.tif" + }, + { + "image": "bact_phase/test_sorted/caulo/caulo_15.tif", + "label": "bact_phase/test_sorted/caulo/caulo_15_masks.tif" + }, + { + "image": "bact_phase/test_sorted/caulo/caulo_6.tif", + "label": "bact_phase/test_sorted/caulo/caulo_6_masks.tif" + }, + { + "image": "bact_phase/test_sorted/serratia/Serratia_Ecoli_T13XY3_tile10.tif", + "label": "bact_phase/test_sorted/serratia/Serratia_Ecoli_T13XY3_tile10_masks.tif" + }, + { + "image": "bact_phase/test_sorted/serratia/Serratia_Ecoli_T13XY3_tile6.tif", + "label": "bact_phase/test_sorted/serratia/Serratia_Ecoli_T13XY3_tile6_masks.tif" + }, + { + "image": "bact_phase/test_sorted/serratia/Serratia_Ecoli_T13XY3_tile7.tif", + "label": "bact_phase/test_sorted/serratia/Serratia_Ecoli_T13XY3_tile7_masks.tif" + }, + { + "image": "bact_phase/test_sorted/wiggins/wiggins_ensemble_15.tif", + "label": "bact_phase/test_sorted/wiggins/wiggins_ensemble_15_masks.tif" + }, + { + "image": "bact_phase/test_sorted/wiggins/wiggins_ensemble_13.tif", + "label": "bact_phase/test_sorted/wiggins/wiggins_ensemble_13_masks.tif" + }, + { + "image": "bact_phase/test_sorted/wiggins/wiggins_ensemble_25.tif", + "label": "bact_phase/test_sorted/wiggins/wiggins_ensemble_25_masks.tif" + }, + { + "image": "bact_phase/test_sorted/wiggins/wiggins_ensemble_1.tif", + "label": "bact_phase/test_sorted/wiggins/wiggins_ensemble_1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/wiggins/wiggins_ensemble_19.tif", + "label": "bact_phase/test_sorted/wiggins/wiggins_ensemble_19_masks.tif" + }, + { + "image": "bact_phase/test_sorted/wiggins/wiggins_ensemble_26.tif", + "label": "bact_phase/test_sorted/wiggins/wiggins_ensemble_26_masks.tif" + }, + { + "image": "bact_phase/test_sorted/wiggins/wiggins_ensemble_5.tif", + "label": "bact_phase/test_sorted/wiggins/wiggins_ensemble_5_masks.tif" + }, + { + "image": "bact_phase/test_sorted/wiggins/wiggins_ensemble_7.tif", + "label": "bact_phase/test_sorted/wiggins/wiggins_ensemble_7_masks.tif" + }, + { + "image": "bact_phase/test_sorted/wiggins/wiggins_ensemble_9.tif", + "label": "bact_phase/test_sorted/wiggins/wiggins_ensemble_9_masks.tif" + }, + { + "image": "bact_phase/test_sorted/wiggins/wiggins_ensemble_23.tif", + "label": "bact_phase/test_sorted/wiggins/wiggins_ensemble_23_masks.tif" + }, + { + "image": "bact_phase/test_sorted/wiggins/wiggins_ensemble_11.tif", + "label": "bact_phase/test_sorted/wiggins/wiggins_ensemble_11_masks.tif" + }, + { + "image": "bact_phase/test_sorted/wiggins/wiggins_ensemble_17.tif", + "label": "bact_phase/test_sorted/wiggins/wiggins_ensemble_17_masks.tif" + }, + { + "image": "bact_phase/test_sorted/wiggins/wiggins_ensemble_3.tif", + "label": "bact_phase/test_sorted/wiggins/wiggins_ensemble_3_masks.tif" + }, + { + "image": "bact_phase/test_sorted/wiggins/wiggins_ensemble_21.tif", + "label": "bact_phase/test_sorted/wiggins/wiggins_ensemble_21_masks.tif" + }, + { + "image": "bact_phase/test_sorted/hpylori/Hpylori2_5.tif", + "label": "bact_phase/test_sorted/hpylori/Hpylori2_5_masks.tif" + }, + { + "image": "bact_phase/test_sorted/hpylori/Hpylori2_7.tif", + "label": "bact_phase/test_sorted/hpylori/Hpylori2_7_masks.tif" + }, + { + "image": "bact_phase/test_sorted/hpylori/Hpylori2_6.tif", + "label": "bact_phase/test_sorted/hpylori/Hpylori2_6_masks.tif" + }, + { + "image": "bact_phase/test_sorted/hpylori/Hpylori2_3.tif", + "label": "bact_phase/test_sorted/hpylori/Hpylori2_3_masks.tif" + }, + { + "image": "bact_phase/test_sorted/hpylori/Hpylori2_1.tif", + "label": "bact_phase/test_sorted/hpylori/Hpylori2_1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/hpylori/Hpylori2_4.tif", + "label": "bact_phase/test_sorted/hpylori/Hpylori2_4_masks.tif" + }, + { + "image": "bact_phase/test_sorted/hpylori/Hpylori2_2.tif", + "label": "bact_phase/test_sorted/hpylori/Hpylori2_2_masks.tif" + }, + { + "image": "bact_phase/test_sorted/hpylori/Hpylori2_8.tif", + "label": "bact_phase/test_sorted/hpylori/Hpylori2_8_masks.tif" + }, + { + "image": "bact_phase/test_sorted/hpylori/Hpylori_ensemble_17.tif", + "label": "bact_phase/test_sorted/hpylori/Hpylori_ensemble_17_masks.tif" + }, + { + "image": "bact_phase/test_sorted/A22/s_flex_a22_t12xy5c1_tile14_phase.tif", + "label": "bact_phase/test_sorted/A22/s_flex_a22_t12xy5c1_tile14_phase_masks.tif" + }, + { + "image": "bact_phase/test_sorted/A22/s_flex_a22_t12xy5c1_tile1_phase.tif", + "label": "bact_phase/test_sorted/A22/s_flex_a22_t12xy5c1_tile1_phase_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_11.tif", + "label": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_11_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_4.tif", + "label": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_4_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_7.tif", + "label": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_7_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_3.tif", + "label": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_3_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_5.tif", + "label": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_5_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_9.tif", + "label": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_9_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_10.tif", + "label": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_10_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_8.tif", + "label": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_8_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_1.tif", + "label": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_0.tif", + "label": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_0_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_12.tif", + "label": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_12_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_6.tif", + "label": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_6_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PSVB/PSVB_ensemble_a_8.tif", + "label": "bact_phase/test_sorted/PSVB/PSVB_ensemble_a_8_masks.tif" + }, + { + "image": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_2.tif", + "label": "bact_phase/test_sorted/PSVB/PSVB_ensemble_c_2_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY3_2.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY3_2_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY11_1.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY11_1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY4_4.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY4_4_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY11_5.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY11_5_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY11_4.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY11_4_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY8_2.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY8_2_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY8_4.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY8_4_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY2_3.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY2_3_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY4_2.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY4_2_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY4_5.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY4_5_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY12_5.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY12_5_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY11_6.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY11_6_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY8_3.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY8_3_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY6_1.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY6_1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY10_2.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY10_2_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY4_3.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY4_3_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY9_1.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY9_1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY6_4.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY6_4_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY12_3.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY12_3_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY8_1.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY8_1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY11_2.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY11_2_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY5_1.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY5_1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY3_1.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY3_1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY11_3.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY11_3_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY7_1.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY7_1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY6_2.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY6_2_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY12_2.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY12_2_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY15_1.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY15_1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY7_2.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY7_2_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY6_3.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY6_3_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY12_4.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY12_4_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY17_1.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY17_1_masks.tif" + }, + { + "image": "bact_phase/test_sorted/streptomyces/streptomyces_XY12_1.tif", + "label": "bact_phase/test_sorted/streptomyces/streptomyces_XY12_1_masks.tif" + } + ] +} diff --git a/vista2d/datalists/omnipose_worm_dataset.json b/vista2d/datalists/omnipose_worm_dataset.json new file mode 100644 index 0000000..ffcc652 --- /dev/null +++ b/vista2d/datalists/omnipose_worm_dataset.json @@ -0,0 +1,606 @@ +{ + "training": [ + { + "image": "worm/train/c_elegans_wormpose_38.tif", + "label": "worm/train/c_elegans_wormpose_38_masks.tif", + "flows": "worm/train/c_elegans_wormpose_38_flows.tif", + "fold": 0 + }, + { + "image": "worm/train/celegans_bbc010_45.tif", + "label": "worm/train/celegans_bbc010_45_masks.tif", + "flows": "worm/train/celegans_bbc010_45_flows.tif", + "fold": 0 + }, + { + "image": "worm/train/celegans_bbc010_34.tif", + "label": "worm/train/celegans_bbc010_34_masks.tif", + "flows": "worm/train/celegans_bbc010_34_flows.tif", + "fold": 0 + }, + { + "image": "worm/train/celegans_bbc010_61.tif", + "label": "worm/train/celegans_bbc010_61_masks.tif", + "flows": "worm/train/celegans_bbc010_61_flows.tif", + "fold": 0 + }, + { + "image": "worm/train/celegans_bbc010_27.tif", + "label": "worm/train/celegans_bbc010_27_masks.tif", + "flows": "worm/train/celegans_bbc010_27_flows.tif", + "fold": 0 + }, + { + "image": "worm/train/celegans_bbc010_49.tif", + "label": "worm/train/celegans_bbc010_49_masks.tif", + "flows": "worm/train/celegans_bbc010_49_flows.tif", + "fold": 0 + }, + { + "image": "worm/train/celegans_bbc010_56.tif", + "label": "worm/train/celegans_bbc010_56_masks.tif", + "flows": "worm/train/celegans_bbc010_56_flows.tif", + "fold": 0 + }, + { + "image": "worm/train/c_elegans_wormpose_22.tif", + "label": "worm/train/c_elegans_wormpose_22_masks.tif", + "flows": "worm/train/c_elegans_wormpose_22_flows.tif", + "fold": 0 + }, + { + "image": "worm/train/c_elegans_wormpose_44.tif", + "label": "worm/train/c_elegans_wormpose_44_masks.tif", + "flows": "worm/train/c_elegans_wormpose_44_flows.tif", + "fold": 0 + }, + { + "image": "worm/train/celegans_bbc010_63.tif", + "label": "worm/train/celegans_bbc010_63_masks.tif", + "flows": "worm/train/celegans_bbc010_63_flows.tif", + "fold": 0 + }, + { + "image": "worm/train/celegans_bbc010_30.tif", + "label": "worm/train/celegans_bbc010_30_masks.tif", + "flows": "worm/train/celegans_bbc010_30_flows.tif", + "fold": 0 + }, + { + "image": "worm/train/celegans_bbc010_72.tif", + "label": "worm/train/celegans_bbc010_72_masks.tif", + "flows": "worm/train/celegans_bbc010_72_flows.tif", + "fold": 0 + }, + { + "image": "worm/train/c_elegans_wormpose_26.tif", + "label": "worm/train/c_elegans_wormpose_26_masks.tif", + "flows": "worm/train/c_elegans_wormpose_26_flows.tif", + "fold": 1 + }, + { + "image": "worm/train/celegans_bbc010_10.tif", + "label": "worm/train/celegans_bbc010_10_masks.tif", + "flows": "worm/train/celegans_bbc010_10_flows.tif", + "fold": 1 + }, + { + "image": "worm/train/celegans_bbc010_25.tif", + "label": "worm/train/celegans_bbc010_25_masks.tif", + "flows": "worm/train/celegans_bbc010_25_flows.tif", + "fold": 1 + }, + { + "image": "worm/train/c_elegans_wormpose_4.tif", + "label": "worm/train/c_elegans_wormpose_4_masks.tif", + "flows": "worm/train/c_elegans_wormpose_4_flows.tif", + "fold": 1 + }, + { + "image": "worm/train/celegans_bbc010_67.tif", + "label": "worm/train/celegans_bbc010_67_masks.tif", + "flows": "worm/train/celegans_bbc010_67_flows.tif", + "fold": 1 + }, + { + "image": "worm/train/c_elegans_wormpose_30.tif", + "label": "worm/train/c_elegans_wormpose_30_masks.tif", + "flows": "worm/train/c_elegans_wormpose_30_flows.tif", + "fold": 1 + }, + { + "image": "worm/train/c_elegans_wormpose_6.tif", + "label": "worm/train/c_elegans_wormpose_6_masks.tif", + "flows": "worm/train/c_elegans_wormpose_6_flows.tif", + "fold": 1 + }, + { + "image": "worm/train/celegans_bbc010_16.tif", + "label": "worm/train/celegans_bbc010_16_masks.tif", + "flows": "worm/train/celegans_bbc010_16_flows.tif", + "fold": 1 + }, + { + "image": "worm/train/celegans_bbc010_2.tif", + "label": "worm/train/celegans_bbc010_2_masks.tif", + "flows": "worm/train/celegans_bbc010_2_flows.tif", + "fold": 1 + }, + { + "image": "worm/train/celegans_bbc010_0.tif", + "label": "worm/train/celegans_bbc010_0_masks.tif", + "flows": "worm/train/celegans_bbc010_0_flows.tif", + "fold": 1 + }, + { + "image": "worm/train/celegans_bbc010_4.tif", + "label": "worm/train/celegans_bbc010_4_masks.tif", + "flows": "worm/train/celegans_bbc010_4_flows.tif", + "fold": 1 + }, + { + "image": "worm/train/celegans_bbc010_18.tif", + "label": "worm/train/celegans_bbc010_18_masks.tif", + "flows": "worm/train/celegans_bbc010_18_flows.tif", + "fold": 1 + }, + { + "image": "worm/train/celegans_bbc010_69.tif", + "label": "worm/train/celegans_bbc010_69_masks.tif", + "flows": "worm/train/celegans_bbc010_69_flows.tif", + "fold": 2 + }, + { + "image": "worm/train/c_elegans_wormpose_42.tif", + "label": "worm/train/c_elegans_wormpose_42_masks.tif", + "flows": "worm/train/c_elegans_wormpose_42_flows.tif", + "fold": 2 + }, + { + "image": "worm/train/celegans_bbc010_58.tif", + "label": "worm/train/celegans_bbc010_58_masks.tif", + "flows": "worm/train/celegans_bbc010_58_flows.tif", + "fold": 2 + }, + { + "image": "worm/train/celegans_bbc010_70.tif", + "label": "worm/train/celegans_bbc010_70_masks.tif", + "flows": "worm/train/celegans_bbc010_70_flows.tif", + "fold": 2 + }, + { + "image": "worm/train/c_elegans_wormpose_20.tif", + "label": "worm/train/c_elegans_wormpose_20_masks.tif", + "flows": "worm/train/c_elegans_wormpose_20_flows.tif", + "fold": 2 + }, + { + "image": "worm/train/c_elegans_wormpose_16.tif", + "label": "worm/train/c_elegans_wormpose_16_masks.tif", + "flows": "worm/train/c_elegans_wormpose_16_flows.tif", + "fold": 2 + }, + { + "image": "worm/train/celegans_bbc010_54.tif", + "label": "worm/train/celegans_bbc010_54_masks.tif", + "flows": "worm/train/celegans_bbc010_54_flows.tif", + "fold": 2 + }, + { + "image": "worm/train/c_elegans_wormpose_14.tif", + "label": "worm/train/c_elegans_wormpose_14_masks.tif", + "flows": "worm/train/c_elegans_wormpose_14_flows.tif", + "fold": 2 + }, + { + "image": "worm/train/c_elegans_wormpose_2.tif", + "label": "worm/train/c_elegans_wormpose_2_masks.tif", + "flows": "worm/train/c_elegans_wormpose_2_flows.tif", + "fold": 2 + }, + { + "image": "worm/train/c_elegans_wormpose_0.tif", + "label": "worm/train/c_elegans_wormpose_0_masks.tif", + "flows": "worm/train/c_elegans_wormpose_0_flows.tif", + "fold": 2 + }, + { + "image": "worm/train/c_elegans_wormpose_10.tif", + "label": "worm/train/c_elegans_wormpose_10_masks.tif", + "flows": "worm/train/c_elegans_wormpose_10_flows.tif", + "fold": 2 + }, + { + "image": "worm/train/celegans_bbc010_23.tif", + "label": "worm/train/celegans_bbc010_23_masks.tif", + "flows": "worm/train/celegans_bbc010_23_flows.tif", + "fold": 2 + }, + { + "image": "worm/train/celegans_bbc010_52.tif", + "label": "worm/train/celegans_bbc010_52_masks.tif", + "flows": "worm/train/celegans_bbc010_52_flows.tif", + "fold": 3 + }, + { + "image": "worm/train/c_elegans_wormpose_18.tif", + "label": "worm/train/c_elegans_wormpose_18_masks.tif", + "flows": "worm/train/c_elegans_wormpose_18_flows.tif", + "fold": 3 + }, + { + "image": "worm/train/celegans_bbc010_47.tif", + "label": "worm/train/celegans_bbc010_47_masks.tif", + "flows": "worm/train/celegans_bbc010_47_flows.tif", + "fold": 3 + }, + { + "image": "worm/train/celegans_bbc010_50.tif", + "label": "worm/train/celegans_bbc010_50_masks.tif", + "flows": "worm/train/celegans_bbc010_50_flows.tif", + "fold": 3 + }, + { + "image": "worm/train/c_elegans_wormpose_32.tif", + "label": "worm/train/c_elegans_wormpose_32_masks.tif", + "flows": "worm/train/c_elegans_wormpose_32_flows.tif", + "fold": 3 + }, + { + "image": "worm/train/celegans_bbc010_29.tif", + "label": "worm/train/celegans_bbc010_29_masks.tif", + "flows": "worm/train/celegans_bbc010_29_flows.tif", + "fold": 3 + }, + { + "image": "worm/train/c_elegans_wormpose_8.tif", + "label": "worm/train/c_elegans_wormpose_8_masks.tif", + "flows": "worm/train/c_elegans_wormpose_8_flows.tif", + "fold": 3 + }, + { + "image": "worm/train/celegans_bbc010_6.tif", + "label": "worm/train/celegans_bbc010_6_masks.tif", + "flows": "worm/train/celegans_bbc010_6_flows.tif", + "fold": 3 + }, + { + "image": "worm/train/celegans_bbc010_8.tif", + "label": "worm/train/celegans_bbc010_8_masks.tif", + "flows": "worm/train/celegans_bbc010_8_flows.tif", + "fold": 3 + }, + { + "image": "worm/train/c_elegans_wormpose_40.tif", + "label": "worm/train/c_elegans_wormpose_40_masks.tif", + "flows": "worm/train/c_elegans_wormpose_40_flows.tif", + "fold": 3 + }, + { + "image": "worm/train/celegans_bbc010_36.tif", + "label": "worm/train/celegans_bbc010_36_masks.tif", + "flows": "worm/train/celegans_bbc010_36_flows.tif", + "fold": 3 + }, + { + "image": "worm/train/celegans_bbc010_65.tif", + "label": "worm/train/celegans_bbc010_65_masks.tif", + "flows": "worm/train/celegans_bbc010_65_flows.tif", + "fold": 3 + }, + { + "image": "worm/train/c_elegans_wormpose_34.tif", + "label": "worm/train/c_elegans_wormpose_34_masks.tif", + "flows": "worm/train/c_elegans_wormpose_34_flows.tif", + "fold": 4 + }, + { + "image": "worm/train/c_elegans_wormpose_12.tif", + "label": "worm/train/c_elegans_wormpose_12_masks.tif", + "flows": "worm/train/c_elegans_wormpose_12_flows.tif", + "fold": 4 + }, + { + "image": "worm/train/celegans_bbc010_32.tif", + "label": "worm/train/celegans_bbc010_32_masks.tif", + "flows": "worm/train/celegans_bbc010_32_flows.tif", + "fold": 4 + }, + { + "image": "worm/train/celegans_bbc010_38.tif", + "label": "worm/train/celegans_bbc010_38_masks.tif", + "flows": "worm/train/celegans_bbc010_38_flows.tif", + "fold": 4 + }, + { + "image": "worm/train/celegans_bbc010_12.tif", + "label": "worm/train/celegans_bbc010_12_masks.tif", + "flows": "worm/train/celegans_bbc010_12_flows.tif", + "fold": 4 + }, + { + "image": "worm/train/c_elegans_wormpose_28.tif", + "label": "worm/train/c_elegans_wormpose_28_masks.tif", + "flows": "worm/train/c_elegans_wormpose_28_flows.tif", + "fold": 4 + }, + { + "image": "worm/train/c_elegans_wormpose_24.tif", + "label": "worm/train/c_elegans_wormpose_24_masks.tif", + "flows": "worm/train/c_elegans_wormpose_24_flows.tif", + "fold": 4 + }, + { + "image": "worm/train/celegans_bbc010_21.tif", + "label": "worm/train/celegans_bbc010_21_masks.tif", + "flows": "worm/train/celegans_bbc010_21_flows.tif", + "fold": 4 + }, + { + "image": "worm/train/celegans_bbc010_14.tif", + "label": "worm/train/celegans_bbc010_14_masks.tif", + "flows": "worm/train/celegans_bbc010_14_flows.tif", + "fold": 4 + }, + { + "image": "worm/train/celegans_bbc010_43.tif", + "label": "worm/train/celegans_bbc010_43_masks.tif", + "flows": "worm/train/celegans_bbc010_43_flows.tif", + "fold": 4 + }, + { + "image": "worm/train/celegans_bbc010_41.tif", + "label": "worm/train/celegans_bbc010_41_masks.tif", + "flows": "worm/train/celegans_bbc010_41_flows.tif", + "fold": 4 + }, + { + "image": "worm/train/c_elegans_wormpose_36.tif", + "label": "worm/train/c_elegans_wormpose_36_masks.tif", + "flows": "worm/train/c_elegans_wormpose_36_flows.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "worm/test/c_elegans_wormpose_19.tif", + "label": "worm/test/c_elegans_wormpose_19_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_5.tif", + "label": "worm/test/celegans_bbc010_5_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_51.tif", + "label": "worm/test/celegans_bbc010_51_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_55.tif", + "label": "worm/test/celegans_bbc010_55_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_28.tif", + "label": "worm/test/celegans_bbc010_28_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_37.tif", + "label": "worm/test/celegans_bbc010_37_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_39.tif", + "label": "worm/test/c_elegans_wormpose_39_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_9.tif", + "label": "worm/test/c_elegans_wormpose_9_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_15.tif", + "label": "worm/test/celegans_bbc010_15_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_41.tif", + "label": "worm/test/c_elegans_wormpose_41_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_31.tif", + "label": "worm/test/celegans_bbc010_31_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_17.tif", + "label": "worm/test/celegans_bbc010_17_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_35.tif", + "label": "worm/test/celegans_bbc010_35_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_24.tif", + "label": "worm/test/celegans_bbc010_24_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_46.tif", + "label": "worm/test/celegans_bbc010_46_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_37.tif", + "label": "worm/test/c_elegans_wormpose_37_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_23.tif", + "label": "worm/test/c_elegans_wormpose_23_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_25.tif", + "label": "worm/test/c_elegans_wormpose_25_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_60.tif", + "label": "worm/test/celegans_bbc010_60_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_1.tif", + "label": "worm/test/celegans_bbc010_1_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_5.tif", + "label": "worm/test/c_elegans_wormpose_5_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_3.tif", + "label": "worm/test/c_elegans_wormpose_3_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_17.tif", + "label": "worm/test/c_elegans_wormpose_17_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_1.tif", + "label": "worm/test/c_elegans_wormpose_1_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_73.tif", + "label": "worm/test/celegans_bbc010_73_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_29.tif", + "label": "worm/test/c_elegans_wormpose_29_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_27.tif", + "label": "worm/test/c_elegans_wormpose_27_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_57.tif", + "label": "worm/test/celegans_bbc010_57_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_40.tif", + "label": "worm/test/celegans_bbc010_40_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_26.tif", + "label": "worm/test/celegans_bbc010_26_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_21.tif", + "label": "worm/test/c_elegans_wormpose_21_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_33.tif", + "label": "worm/test/celegans_bbc010_33_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_35.tif", + "label": "worm/test/c_elegans_wormpose_35_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_64.tif", + "label": "worm/test/celegans_bbc010_64_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_62.tif", + "label": "worm/test/celegans_bbc010_62_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_45.tif", + "label": "worm/test/c_elegans_wormpose_45_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_71.tif", + "label": "worm/test/celegans_bbc010_71_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_13.tif", + "label": "worm/test/celegans_bbc010_13_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_15.tif", + "label": "worm/test/c_elegans_wormpose_15_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_68.tif", + "label": "worm/test/celegans_bbc010_68_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_19.tif", + "label": "worm/test/celegans_bbc010_19_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_9.tif", + "label": "worm/test/celegans_bbc010_9_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_33.tif", + "label": "worm/test/c_elegans_wormpose_33_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_59.tif", + "label": "worm/test/celegans_bbc010_59_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_43.tif", + "label": "worm/test/c_elegans_wormpose_43_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_13.tif", + "label": "worm/test/c_elegans_wormpose_13_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_11.tif", + "label": "worm/test/c_elegans_wormpose_11_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_7.tif", + "label": "worm/test/c_elegans_wormpose_7_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_53.tif", + "label": "worm/test/celegans_bbc010_53_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_20.tif", + "label": "worm/test/celegans_bbc010_20_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_7.tif", + "label": "worm/test/celegans_bbc010_7_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_3.tif", + "label": "worm/test/celegans_bbc010_3_masks.tif" + }, + { + "image": "worm/test/c_elegans_wormpose_31.tif", + "label": "worm/test/c_elegans_wormpose_31_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_66.tif", + "label": "worm/test/celegans_bbc010_66_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_39.tif", + "label": "worm/test/celegans_bbc010_39_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_48.tif", + "label": "worm/test/celegans_bbc010_48_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_22.tif", + "label": "worm/test/celegans_bbc010_22_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_42.tif", + "label": "worm/test/celegans_bbc010_42_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_11.tif", + "label": "worm/test/celegans_bbc010_11_masks.tif" + }, + { + "image": "worm/test/celegans_bbc010_44.tif", + "label": "worm/test/celegans_bbc010_44_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_breast_datalist.json b/vista2d/datalists/tissuenet_breast_datalist.json new file mode 100644 index 0000000..f6cebca --- /dev/null +++ b/vista2d/datalists/tissuenet_breast_datalist.json @@ -0,0 +1,10537 @@ +{ + "training": [ + { + "image": "val/breast_imc_4.tif", + "label": "val/breast_imc_4_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_5.tif", + "label": "val/breast_imc_5_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_6.tif", + "label": "val/breast_imc_6_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_11.tif", + "label": "val/breast_imc_11_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_17.tif", + "label": "val/breast_imc_17_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_29.tif", + "label": "val/breast_imc_29_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_31.tif", + "label": "val/breast_imc_31_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_34.tif", + "label": "val/breast_imc_34_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_9.tif", + "label": "val/breast_mibi_9_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_20.tif", + "label": "val/breast_mibi_20_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_24.tif", + "label": "val/breast_mibi_24_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_27.tif", + "label": "val/breast_mibi_27_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_28.tif", + "label": "val/breast_mibi_28_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_29.tif", + "label": "val/breast_mibi_29_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_52.tif", + "label": "val/breast_mibi_52_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_54.tif", + "label": "val/breast_mibi_54_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_63.tif", + "label": "val/breast_mibi_63_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_64.tif", + "label": "val/breast_mibi_64_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_69.tif", + "label": "val/breast_mibi_69_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_72.tif", + "label": "val/breast_mibi_72_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_2.tif", + "label": "val/breast_vectra_2_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_6.tif", + "label": "val/breast_vectra_6_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_16.tif", + "label": "val/breast_vectra_16_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_20.tif", + "label": "val/breast_vectra_20_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_33.tif", + "label": "val/breast_vectra_33_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_42.tif", + "label": "val/breast_vectra_42_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_46.tif", + "label": "val/breast_vectra_46_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_53.tif", + "label": "val/breast_vectra_53_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_54.tif", + "label": "val/breast_vectra_54_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_60.tif", + "label": "val/breast_vectra_60_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_61.tif", + "label": "val/breast_vectra_61_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_63.tif", + "label": "val/breast_vectra_63_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_75.tif", + "label": "val/breast_vectra_75_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_78.tif", + "label": "val/breast_vectra_78_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_81.tif", + "label": "val/breast_vectra_81_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_82.tif", + "label": "val/breast_vectra_82_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_98.tif", + "label": "val/breast_vectra_98_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_99.tif", + "label": "val/breast_vectra_99_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_104.tif", + "label": "val/breast_vectra_104_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_110.tif", + "label": "val/breast_vectra_110_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_118.tif", + "label": "val/breast_vectra_118_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_121.tif", + "label": "val/breast_vectra_121_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_124.tif", + "label": "val/breast_vectra_124_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_130.tif", + "label": "val/breast_vectra_130_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_144.tif", + "label": "val/breast_vectra_144_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_147.tif", + "label": "val/breast_vectra_147_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_149.tif", + "label": "val/breast_vectra_149_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_157.tif", + "label": "val/breast_vectra_157_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_163.tif", + "label": "val/breast_vectra_163_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_166.tif", + "label": "val/breast_vectra_166_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_167.tif", + "label": "val/breast_vectra_167_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_168.tif", + "label": "val/breast_vectra_168_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_172.tif", + "label": "val/breast_vectra_172_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_177.tif", + "label": "val/breast_vectra_177_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_181.tif", + "label": "val/breast_vectra_181_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_183.tif", + "label": "val/breast_vectra_183_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_186.tif", + "label": "val/breast_vectra_186_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_194.tif", + "label": "val/breast_vectra_194_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_198.tif", + "label": "val/breast_vectra_198_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_199.tif", + "label": "val/breast_vectra_199_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_200.tif", + "label": "val/breast_vectra_200_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_203.tif", + "label": "val/breast_vectra_203_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_204.tif", + "label": "val/breast_vectra_204_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_213.tif", + "label": "val/breast_vectra_213_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_214.tif", + "label": "val/breast_vectra_214_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_218.tif", + "label": "val/breast_vectra_218_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_229.tif", + "label": "val/breast_vectra_229_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_236.tif", + "label": "val/breast_vectra_236_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_237.tif", + "label": "val/breast_vectra_237_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_240.tif", + "label": "val/breast_vectra_240_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_254.tif", + "label": "val/breast_vectra_254_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_256.tif", + "label": "val/breast_vectra_256_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_257.tif", + "label": "val/breast_vectra_257_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_274.tif", + "label": "val/breast_vectra_274_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_277.tif", + "label": "val/breast_vectra_277_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_278.tif", + "label": "val/breast_vectra_278_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_280.tif", + "label": "val/breast_vectra_280_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_285.tif", + "label": "val/breast_vectra_285_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_289.tif", + "label": "val/breast_vectra_289_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_291.tif", + "label": "val/breast_vectra_291_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_292.tif", + "label": "val/breast_vectra_292_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_293.tif", + "label": "val/breast_vectra_293_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_297.tif", + "label": "val/breast_vectra_297_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_299.tif", + "label": "val/breast_vectra_299_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_301.tif", + "label": "val/breast_vectra_301_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_304.tif", + "label": "val/breast_vectra_304_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_310.tif", + "label": "val/breast_vectra_310_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_316.tif", + "label": "val/breast_vectra_316_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_317.tif", + "label": "val/breast_vectra_317_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_323.tif", + "label": "val/breast_vectra_323_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_329.tif", + "label": "val/breast_vectra_329_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_330.tif", + "label": "val/breast_vectra_330_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_341.tif", + "label": "val/breast_vectra_341_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_343.tif", + "label": "val/breast_vectra_343_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_348.tif", + "label": "val/breast_vectra_348_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_350.tif", + "label": "val/breast_vectra_350_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_12.tif", + "label": "val/breast_imc_12_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_13.tif", + "label": "val/breast_imc_13_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_18.tif", + "label": "val/breast_imc_18_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_23.tif", + "label": "val/breast_imc_23_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_27.tif", + "label": "val/breast_imc_27_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_1.tif", + "label": "val/breast_mibi_1_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_2.tif", + "label": "val/breast_mibi_2_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_3.tif", + "label": "val/breast_mibi_3_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_8.tif", + "label": "val/breast_mibi_8_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_21.tif", + "label": "val/breast_mibi_21_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_23.tif", + "label": "val/breast_mibi_23_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_31.tif", + "label": "val/breast_mibi_31_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_35.tif", + "label": "val/breast_mibi_35_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_40.tif", + "label": "val/breast_mibi_40_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_42.tif", + "label": "val/breast_mibi_42_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_43.tif", + "label": "val/breast_mibi_43_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_44.tif", + "label": "val/breast_mibi_44_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_47.tif", + "label": "val/breast_mibi_47_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_50.tif", + "label": "val/breast_mibi_50_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_51.tif", + "label": "val/breast_mibi_51_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_53.tif", + "label": "val/breast_mibi_53_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_55.tif", + "label": "val/breast_mibi_55_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_57.tif", + "label": "val/breast_mibi_57_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_60.tif", + "label": "val/breast_mibi_60_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_68.tif", + "label": "val/breast_mibi_68_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_79.tif", + "label": "val/breast_mibi_79_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_81.tif", + "label": "val/breast_mibi_81_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_82.tif", + "label": "val/breast_mibi_82_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_84.tif", + "label": "val/breast_mibi_84_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_87.tif", + "label": "val/breast_mibi_87_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_1.tif", + "label": "val/breast_vectra_1_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_9.tif", + "label": "val/breast_vectra_9_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_13.tif", + "label": "val/breast_vectra_13_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_31.tif", + "label": "val/breast_vectra_31_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_35.tif", + "label": "val/breast_vectra_35_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_36.tif", + "label": "val/breast_vectra_36_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_38.tif", + "label": "val/breast_vectra_38_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_39.tif", + "label": "val/breast_vectra_39_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_45.tif", + "label": "val/breast_vectra_45_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_47.tif", + "label": "val/breast_vectra_47_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_59.tif", + "label": "val/breast_vectra_59_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_66.tif", + "label": "val/breast_vectra_66_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_71.tif", + "label": "val/breast_vectra_71_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_87.tif", + "label": "val/breast_vectra_87_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_88.tif", + "label": "val/breast_vectra_88_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_92.tif", + "label": "val/breast_vectra_92_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_95.tif", + "label": "val/breast_vectra_95_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_97.tif", + "label": "val/breast_vectra_97_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_116.tif", + "label": "val/breast_vectra_116_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_119.tif", + "label": "val/breast_vectra_119_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_120.tif", + "label": "val/breast_vectra_120_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_123.tif", + "label": "val/breast_vectra_123_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_131.tif", + "label": "val/breast_vectra_131_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_132.tif", + "label": "val/breast_vectra_132_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_134.tif", + "label": "val/breast_vectra_134_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_148.tif", + "label": "val/breast_vectra_148_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_151.tif", + "label": "val/breast_vectra_151_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_159.tif", + "label": "val/breast_vectra_159_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_161.tif", + "label": "val/breast_vectra_161_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_164.tif", + "label": "val/breast_vectra_164_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_184.tif", + "label": "val/breast_vectra_184_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_185.tif", + "label": "val/breast_vectra_185_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_189.tif", + "label": "val/breast_vectra_189_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_196.tif", + "label": "val/breast_vectra_196_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_197.tif", + "label": "val/breast_vectra_197_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_202.tif", + "label": "val/breast_vectra_202_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_216.tif", + "label": "val/breast_vectra_216_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_217.tif", + "label": "val/breast_vectra_217_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_227.tif", + "label": "val/breast_vectra_227_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_228.tif", + "label": "val/breast_vectra_228_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_232.tif", + "label": "val/breast_vectra_232_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_234.tif", + "label": "val/breast_vectra_234_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_235.tif", + "label": "val/breast_vectra_235_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_242.tif", + "label": "val/breast_vectra_242_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_244.tif", + "label": "val/breast_vectra_244_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_247.tif", + "label": "val/breast_vectra_247_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_249.tif", + "label": "val/breast_vectra_249_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_250.tif", + "label": "val/breast_vectra_250_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_259.tif", + "label": "val/breast_vectra_259_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_262.tif", + "label": "val/breast_vectra_262_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_271.tif", + "label": "val/breast_vectra_271_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_281.tif", + "label": "val/breast_vectra_281_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_283.tif", + "label": "val/breast_vectra_283_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_288.tif", + "label": "val/breast_vectra_288_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_296.tif", + "label": "val/breast_vectra_296_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_302.tif", + "label": "val/breast_vectra_302_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_305.tif", + "label": "val/breast_vectra_305_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_308.tif", + "label": "val/breast_vectra_308_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_312.tif", + "label": "val/breast_vectra_312_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_315.tif", + "label": "val/breast_vectra_315_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_332.tif", + "label": "val/breast_vectra_332_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_333.tif", + "label": "val/breast_vectra_333_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_338.tif", + "label": "val/breast_vectra_338_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_344.tif", + "label": "val/breast_vectra_344_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_349.tif", + "label": "val/breast_vectra_349_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_352.tif", + "label": "val/breast_vectra_352_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_0.tif", + "label": "val/breast_imc_0_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_8.tif", + "label": "val/breast_imc_8_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_9.tif", + "label": "val/breast_imc_9_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_14.tif", + "label": "val/breast_imc_14_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_16.tif", + "label": "val/breast_imc_16_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_19.tif", + "label": "val/breast_imc_19_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_28.tif", + "label": "val/breast_imc_28_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_32.tif", + "label": "val/breast_imc_32_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_0.tif", + "label": "val/breast_mibi_0_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_4.tif", + "label": "val/breast_mibi_4_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_6.tif", + "label": "val/breast_mibi_6_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_10.tif", + "label": "val/breast_mibi_10_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_13.tif", + "label": "val/breast_mibi_13_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_15.tif", + "label": "val/breast_mibi_15_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_17.tif", + "label": "val/breast_mibi_17_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_32.tif", + "label": "val/breast_mibi_32_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_41.tif", + "label": "val/breast_mibi_41_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_46.tif", + "label": "val/breast_mibi_46_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_61.tif", + "label": "val/breast_mibi_61_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_62.tif", + "label": "val/breast_mibi_62_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_67.tif", + "label": "val/breast_mibi_67_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_70.tif", + "label": "val/breast_mibi_70_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_73.tif", + "label": "val/breast_mibi_73_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_74.tif", + "label": "val/breast_mibi_74_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_75.tif", + "label": "val/breast_mibi_75_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_85.tif", + "label": "val/breast_mibi_85_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_86.tif", + "label": "val/breast_mibi_86_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_5.tif", + "label": "val/breast_vectra_5_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_12.tif", + "label": "val/breast_vectra_12_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_19.tif", + "label": "val/breast_vectra_19_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_21.tif", + "label": "val/breast_vectra_21_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_24.tif", + "label": "val/breast_vectra_24_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_28.tif", + "label": "val/breast_vectra_28_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_32.tif", + "label": "val/breast_vectra_32_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_34.tif", + "label": "val/breast_vectra_34_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_37.tif", + "label": "val/breast_vectra_37_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_41.tif", + "label": "val/breast_vectra_41_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_43.tif", + "label": "val/breast_vectra_43_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_48.tif", + "label": "val/breast_vectra_48_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_49.tif", + "label": "val/breast_vectra_49_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_62.tif", + "label": "val/breast_vectra_62_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_65.tif", + "label": "val/breast_vectra_65_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_80.tif", + "label": "val/breast_vectra_80_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_85.tif", + "label": "val/breast_vectra_85_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_96.tif", + "label": "val/breast_vectra_96_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_101.tif", + "label": "val/breast_vectra_101_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_102.tif", + "label": "val/breast_vectra_102_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_103.tif", + "label": "val/breast_vectra_103_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_106.tif", + "label": "val/breast_vectra_106_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_107.tif", + "label": "val/breast_vectra_107_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_112.tif", + "label": "val/breast_vectra_112_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_125.tif", + "label": "val/breast_vectra_125_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_135.tif", + "label": "val/breast_vectra_135_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_141.tif", + "label": "val/breast_vectra_141_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_142.tif", + "label": "val/breast_vectra_142_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_145.tif", + "label": "val/breast_vectra_145_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_146.tif", + "label": "val/breast_vectra_146_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_158.tif", + "label": "val/breast_vectra_158_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_160.tif", + "label": "val/breast_vectra_160_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_165.tif", + "label": "val/breast_vectra_165_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_174.tif", + "label": "val/breast_vectra_174_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_178.tif", + "label": "val/breast_vectra_178_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_179.tif", + "label": "val/breast_vectra_179_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_180.tif", + "label": "val/breast_vectra_180_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_188.tif", + "label": "val/breast_vectra_188_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_205.tif", + "label": "val/breast_vectra_205_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_208.tif", + "label": "val/breast_vectra_208_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_215.tif", + "label": "val/breast_vectra_215_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_219.tif", + "label": "val/breast_vectra_219_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_224.tif", + "label": "val/breast_vectra_224_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_246.tif", + "label": "val/breast_vectra_246_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_248.tif", + "label": "val/breast_vectra_248_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_252.tif", + "label": "val/breast_vectra_252_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_253.tif", + "label": "val/breast_vectra_253_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_260.tif", + "label": "val/breast_vectra_260_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_266.tif", + "label": "val/breast_vectra_266_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_268.tif", + "label": "val/breast_vectra_268_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_275.tif", + "label": "val/breast_vectra_275_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_282.tif", + "label": "val/breast_vectra_282_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_286.tif", + "label": "val/breast_vectra_286_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_290.tif", + "label": "val/breast_vectra_290_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_300.tif", + "label": "val/breast_vectra_300_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_309.tif", + "label": "val/breast_vectra_309_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_311.tif", + "label": "val/breast_vectra_311_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_318.tif", + "label": "val/breast_vectra_318_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_320.tif", + "label": "val/breast_vectra_320_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_321.tif", + "label": "val/breast_vectra_321_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_324.tif", + "label": "val/breast_vectra_324_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_325.tif", + "label": "val/breast_vectra_325_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_326.tif", + "label": "val/breast_vectra_326_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_328.tif", + "label": "val/breast_vectra_328_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_331.tif", + "label": "val/breast_vectra_331_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_335.tif", + "label": "val/breast_vectra_335_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_340.tif", + "label": "val/breast_vectra_340_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_345.tif", + "label": "val/breast_vectra_345_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_351.tif", + "label": "val/breast_vectra_351_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_2.tif", + "label": "val/breast_imc_2_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_10.tif", + "label": "val/breast_imc_10_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_20.tif", + "label": "val/breast_imc_20_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_21.tif", + "label": "val/breast_imc_21_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_24.tif", + "label": "val/breast_imc_24_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_33.tif", + "label": "val/breast_imc_33_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_35.tif", + "label": "val/breast_imc_35_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_36.tif", + "label": "val/breast_imc_36_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_7.tif", + "label": "val/breast_mibi_7_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_14.tif", + "label": "val/breast_mibi_14_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_16.tif", + "label": "val/breast_mibi_16_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_18.tif", + "label": "val/breast_mibi_18_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_19.tif", + "label": "val/breast_mibi_19_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_22.tif", + "label": "val/breast_mibi_22_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_25.tif", + "label": "val/breast_mibi_25_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_36.tif", + "label": "val/breast_mibi_36_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_37.tif", + "label": "val/breast_mibi_37_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_39.tif", + "label": "val/breast_mibi_39_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_56.tif", + "label": "val/breast_mibi_56_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_58.tif", + "label": "val/breast_mibi_58_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_59.tif", + "label": "val/breast_mibi_59_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_65.tif", + "label": "val/breast_mibi_65_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_76.tif", + "label": "val/breast_mibi_76_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_78.tif", + "label": "val/breast_mibi_78_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_80.tif", + "label": "val/breast_mibi_80_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_4.tif", + "label": "val/breast_vectra_4_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_8.tif", + "label": "val/breast_vectra_8_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_11.tif", + "label": "val/breast_vectra_11_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_14.tif", + "label": "val/breast_vectra_14_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_22.tif", + "label": "val/breast_vectra_22_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_23.tif", + "label": "val/breast_vectra_23_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_25.tif", + "label": "val/breast_vectra_25_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_26.tif", + "label": "val/breast_vectra_26_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_44.tif", + "label": "val/breast_vectra_44_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_50.tif", + "label": "val/breast_vectra_50_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_51.tif", + "label": "val/breast_vectra_51_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_55.tif", + "label": "val/breast_vectra_55_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_56.tif", + "label": "val/breast_vectra_56_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_57.tif", + "label": "val/breast_vectra_57_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_58.tif", + "label": "val/breast_vectra_58_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_64.tif", + "label": "val/breast_vectra_64_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_67.tif", + "label": "val/breast_vectra_67_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_68.tif", + "label": "val/breast_vectra_68_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_72.tif", + "label": "val/breast_vectra_72_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_73.tif", + "label": "val/breast_vectra_73_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_74.tif", + "label": "val/breast_vectra_74_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_76.tif", + "label": "val/breast_vectra_76_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_79.tif", + "label": "val/breast_vectra_79_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_84.tif", + "label": "val/breast_vectra_84_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_86.tif", + "label": "val/breast_vectra_86_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_91.tif", + "label": "val/breast_vectra_91_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_93.tif", + "label": "val/breast_vectra_93_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_94.tif", + "label": "val/breast_vectra_94_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_105.tif", + "label": "val/breast_vectra_105_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_108.tif", + "label": "val/breast_vectra_108_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_114.tif", + "label": "val/breast_vectra_114_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_122.tif", + "label": "val/breast_vectra_122_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_127.tif", + "label": "val/breast_vectra_127_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_133.tif", + "label": "val/breast_vectra_133_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_136.tif", + "label": "val/breast_vectra_136_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_137.tif", + "label": "val/breast_vectra_137_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_143.tif", + "label": "val/breast_vectra_143_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_152.tif", + "label": "val/breast_vectra_152_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_169.tif", + "label": "val/breast_vectra_169_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_170.tif", + "label": "val/breast_vectra_170_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_173.tif", + "label": "val/breast_vectra_173_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_175.tif", + "label": "val/breast_vectra_175_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_176.tif", + "label": "val/breast_vectra_176_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_192.tif", + "label": "val/breast_vectra_192_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_195.tif", + "label": "val/breast_vectra_195_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_201.tif", + "label": "val/breast_vectra_201_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_206.tif", + "label": "val/breast_vectra_206_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_207.tif", + "label": "val/breast_vectra_207_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_211.tif", + "label": "val/breast_vectra_211_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_212.tif", + "label": "val/breast_vectra_212_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_220.tif", + "label": "val/breast_vectra_220_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_221.tif", + "label": "val/breast_vectra_221_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_222.tif", + "label": "val/breast_vectra_222_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_223.tif", + "label": "val/breast_vectra_223_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_225.tif", + "label": "val/breast_vectra_225_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_233.tif", + "label": "val/breast_vectra_233_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_238.tif", + "label": "val/breast_vectra_238_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_239.tif", + "label": "val/breast_vectra_239_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_243.tif", + "label": "val/breast_vectra_243_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_251.tif", + "label": "val/breast_vectra_251_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_263.tif", + "label": "val/breast_vectra_263_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_284.tif", + "label": "val/breast_vectra_284_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_294.tif", + "label": "val/breast_vectra_294_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_295.tif", + "label": "val/breast_vectra_295_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_303.tif", + "label": "val/breast_vectra_303_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_306.tif", + "label": "val/breast_vectra_306_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_307.tif", + "label": "val/breast_vectra_307_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_327.tif", + "label": "val/breast_vectra_327_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_337.tif", + "label": "val/breast_vectra_337_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_342.tif", + "label": "val/breast_vectra_342_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_346.tif", + "label": "val/breast_vectra_346_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_1.tif", + "label": "val/breast_imc_1_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_3.tif", + "label": "val/breast_imc_3_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_7.tif", + "label": "val/breast_imc_7_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_15.tif", + "label": "val/breast_imc_15_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_22.tif", + "label": "val/breast_imc_22_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_25.tif", + "label": "val/breast_imc_25_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_26.tif", + "label": "val/breast_imc_26_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_30.tif", + "label": "val/breast_imc_30_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_37.tif", + "label": "val/breast_imc_37_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_5.tif", + "label": "val/breast_mibi_5_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_11.tif", + "label": "val/breast_mibi_11_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_12.tif", + "label": "val/breast_mibi_12_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_26.tif", + "label": "val/breast_mibi_26_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_30.tif", + "label": "val/breast_mibi_30_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_33.tif", + "label": "val/breast_mibi_33_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_34.tif", + "label": "val/breast_mibi_34_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_38.tif", + "label": "val/breast_mibi_38_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_45.tif", + "label": "val/breast_mibi_45_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_48.tif", + "label": "val/breast_mibi_48_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_49.tif", + "label": "val/breast_mibi_49_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_66.tif", + "label": "val/breast_mibi_66_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_71.tif", + "label": "val/breast_mibi_71_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_77.tif", + "label": "val/breast_mibi_77_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_83.tif", + "label": "val/breast_mibi_83_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_0.tif", + "label": "val/breast_vectra_0_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_3.tif", + "label": "val/breast_vectra_3_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_7.tif", + "label": "val/breast_vectra_7_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_10.tif", + "label": "val/breast_vectra_10_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_15.tif", + "label": "val/breast_vectra_15_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_17.tif", + "label": "val/breast_vectra_17_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_18.tif", + "label": "val/breast_vectra_18_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_27.tif", + "label": "val/breast_vectra_27_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_29.tif", + "label": "val/breast_vectra_29_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_30.tif", + "label": "val/breast_vectra_30_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_40.tif", + "label": "val/breast_vectra_40_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_52.tif", + "label": "val/breast_vectra_52_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_69.tif", + "label": "val/breast_vectra_69_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_70.tif", + "label": "val/breast_vectra_70_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_77.tif", + "label": "val/breast_vectra_77_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_83.tif", + "label": "val/breast_vectra_83_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_89.tif", + "label": "val/breast_vectra_89_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_90.tif", + "label": "val/breast_vectra_90_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_100.tif", + "label": "val/breast_vectra_100_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_109.tif", + "label": "val/breast_vectra_109_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_111.tif", + "label": "val/breast_vectra_111_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_113.tif", + "label": "val/breast_vectra_113_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_115.tif", + "label": "val/breast_vectra_115_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_117.tif", + "label": "val/breast_vectra_117_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_126.tif", + "label": "val/breast_vectra_126_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_128.tif", + "label": "val/breast_vectra_128_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_129.tif", + "label": "val/breast_vectra_129_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_138.tif", + "label": "val/breast_vectra_138_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_139.tif", + "label": "val/breast_vectra_139_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_140.tif", + "label": "val/breast_vectra_140_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_150.tif", + "label": "val/breast_vectra_150_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_153.tif", + "label": "val/breast_vectra_153_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_154.tif", + "label": "val/breast_vectra_154_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_155.tif", + "label": "val/breast_vectra_155_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_156.tif", + "label": "val/breast_vectra_156_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_162.tif", + "label": "val/breast_vectra_162_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_171.tif", + "label": "val/breast_vectra_171_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_182.tif", + "label": "val/breast_vectra_182_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_187.tif", + "label": "val/breast_vectra_187_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_190.tif", + "label": "val/breast_vectra_190_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_191.tif", + "label": "val/breast_vectra_191_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_193.tif", + "label": "val/breast_vectra_193_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_209.tif", + "label": "val/breast_vectra_209_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_210.tif", + "label": "val/breast_vectra_210_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_226.tif", + "label": "val/breast_vectra_226_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_230.tif", + "label": "val/breast_vectra_230_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_231.tif", + "label": "val/breast_vectra_231_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_241.tif", + "label": "val/breast_vectra_241_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_245.tif", + "label": "val/breast_vectra_245_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_255.tif", + "label": "val/breast_vectra_255_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_258.tif", + "label": "val/breast_vectra_258_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_261.tif", + "label": "val/breast_vectra_261_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_264.tif", + "label": "val/breast_vectra_264_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_265.tif", + "label": "val/breast_vectra_265_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_267.tif", + "label": "val/breast_vectra_267_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_269.tif", + "label": "val/breast_vectra_269_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_270.tif", + "label": "val/breast_vectra_270_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_272.tif", + "label": "val/breast_vectra_272_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_273.tif", + "label": "val/breast_vectra_273_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_276.tif", + "label": "val/breast_vectra_276_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_279.tif", + "label": "val/breast_vectra_279_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_287.tif", + "label": "val/breast_vectra_287_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_298.tif", + "label": "val/breast_vectra_298_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_313.tif", + "label": "val/breast_vectra_313_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_314.tif", + "label": "val/breast_vectra_314_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_319.tif", + "label": "val/breast_vectra_319_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_322.tif", + "label": "val/breast_vectra_322_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_334.tif", + "label": "val/breast_vectra_334_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_336.tif", + "label": "val/breast_vectra_336_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_339.tif", + "label": "val/breast_vectra_339_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_347.tif", + "label": "val/breast_vectra_347_masks.tif", + "fold": 0 + }, + { + "image": "train/breast_imc_0_3.tif", + "label": "train/breast_imc_0_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_3_0.tif", + "label": "train/breast_imc_3_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_4_3.tif", + "label": "train/breast_imc_4_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_7_2.tif", + "label": "train/breast_imc_7_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_9_1.tif", + "label": "train/breast_imc_9_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_12_0.tif", + "label": "train/breast_imc_12_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_12_1.tif", + "label": "train/breast_imc_12_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_12_3.tif", + "label": "train/breast_imc_12_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_13_1.tif", + "label": "train/breast_imc_13_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_14_0.tif", + "label": "train/breast_imc_14_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_15_0.tif", + "label": "train/breast_imc_15_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_16_1.tif", + "label": "train/breast_imc_16_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_18_1.tif", + "label": "train/breast_imc_18_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_18_3.tif", + "label": "train/breast_imc_18_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_20_0.tif", + "label": "train/breast_imc_20_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_20_1.tif", + "label": "train/breast_imc_20_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_21_3.tif", + "label": "train/breast_imc_21_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_22_0.tif", + "label": "train/breast_imc_22_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_22_3.tif", + "label": "train/breast_imc_22_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_23_2.tif", + "label": "train/breast_imc_23_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_25_1.tif", + "label": "train/breast_imc_25_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_26_0.tif", + "label": "train/breast_imc_26_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_26_3.tif", + "label": "train/breast_imc_26_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_27_0.tif", + "label": "train/breast_imc_27_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_27_3.tif", + "label": "train/breast_imc_27_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_28_3.tif", + "label": "train/breast_imc_28_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_29_3.tif", + "label": "train/breast_imc_29_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_30_0.tif", + "label": "train/breast_imc_30_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_1_1.tif", + "label": "train/breast_mibi_1_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_3_0.tif", + "label": "train/breast_mibi_3_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_3_2.tif", + "label": "train/breast_mibi_3_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_7_2.tif", + "label": "train/breast_mibi_7_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_7_3.tif", + "label": "train/breast_mibi_7_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_9_3.tif", + "label": "train/breast_mibi_9_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_10_1.tif", + "label": "train/breast_mibi_10_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_12_1.tif", + "label": "train/breast_mibi_12_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_13_1.tif", + "label": "train/breast_mibi_13_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_14_2.tif", + "label": "train/breast_mibi_14_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_15_2.tif", + "label": "train/breast_mibi_15_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_16_2.tif", + "label": "train/breast_mibi_16_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_17_2.tif", + "label": "train/breast_mibi_17_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_18_1.tif", + "label": "train/breast_mibi_18_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_19_0.tif", + "label": "train/breast_mibi_19_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_23_3.tif", + "label": "train/breast_mibi_23_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_24_3.tif", + "label": "train/breast_mibi_24_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_25_3.tif", + "label": "train/breast_mibi_25_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_27_0.tif", + "label": "train/breast_mibi_27_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_30_0.tif", + "label": "train/breast_mibi_30_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_31_3.tif", + "label": "train/breast_mibi_31_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_32_2.tif", + "label": "train/breast_mibi_32_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_32_3.tif", + "label": "train/breast_mibi_32_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_34_0.tif", + "label": "train/breast_mibi_34_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_34_3.tif", + "label": "train/breast_mibi_34_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_35_0.tif", + "label": "train/breast_mibi_35_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_35_2.tif", + "label": "train/breast_mibi_35_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_38_3.tif", + "label": "train/breast_mibi_38_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_40_0.tif", + "label": "train/breast_mibi_40_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_41_0.tif", + "label": "train/breast_mibi_41_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_42_3.tif", + "label": "train/breast_mibi_42_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_43_1.tif", + "label": "train/breast_mibi_43_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_43_2.tif", + "label": "train/breast_mibi_43_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_44_0.tif", + "label": "train/breast_mibi_44_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_45_1.tif", + "label": "train/breast_mibi_45_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_45_3.tif", + "label": "train/breast_mibi_45_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_46_2.tif", + "label": "train/breast_mibi_46_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_48_1.tif", + "label": "train/breast_mibi_48_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_49_1.tif", + "label": "train/breast_mibi_49_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_50_2.tif", + "label": "train/breast_mibi_50_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_53_1.tif", + "label": "train/breast_mibi_53_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_60_0.tif", + "label": "train/breast_mibi_60_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_61_3.tif", + "label": "train/breast_mibi_61_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_63_2.tif", + "label": "train/breast_mibi_63_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_64_2.tif", + "label": "train/breast_mibi_64_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_65_2.tif", + "label": "train/breast_mibi_65_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_67_3.tif", + "label": "train/breast_mibi_67_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_68_0.tif", + "label": "train/breast_mibi_68_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_68_3.tif", + "label": "train/breast_mibi_68_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_69_0.tif", + "label": "train/breast_mibi_69_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_70_0.tif", + "label": "train/breast_mibi_70_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_70_1.tif", + "label": "train/breast_mibi_70_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_71_2.tif", + "label": "train/breast_mibi_71_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_72_2.tif", + "label": "train/breast_mibi_72_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_73_2.tif", + "label": "train/breast_mibi_73_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_74_0.tif", + "label": "train/breast_mibi_74_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_75_0.tif", + "label": "train/breast_mibi_75_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_76_0.tif", + "label": "train/breast_mibi_76_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_0_2.tif", + "label": "train/breast_vectra_0_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_0_3.tif", + "label": "train/breast_vectra_0_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_1_2.tif", + "label": "train/breast_vectra_1_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_5_0.tif", + "label": "train/breast_vectra_5_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_6_0.tif", + "label": "train/breast_vectra_6_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_9_2.tif", + "label": "train/breast_vectra_9_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_10_0.tif", + "label": "train/breast_vectra_10_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_10_1.tif", + "label": "train/breast_vectra_10_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_11_3.tif", + "label": "train/breast_vectra_11_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_12_2.tif", + "label": "train/breast_vectra_12_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_13_3.tif", + "label": "train/breast_vectra_13_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_14_0.tif", + "label": "train/breast_vectra_14_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_14_2.tif", + "label": "train/breast_vectra_14_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_15_3.tif", + "label": "train/breast_vectra_15_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_20_0.tif", + "label": "train/breast_vectra_20_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_20_1.tif", + "label": "train/breast_vectra_20_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_21_1.tif", + "label": "train/breast_vectra_21_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_21_3.tif", + "label": "train/breast_vectra_21_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_22_3.tif", + "label": "train/breast_vectra_22_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_23_3.tif", + "label": "train/breast_vectra_23_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_26_2.tif", + "label": "train/breast_vectra_26_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_28_1.tif", + "label": "train/breast_vectra_28_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_29_0.tif", + "label": "train/breast_vectra_29_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_30_1.tif", + "label": "train/breast_vectra_30_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_33_0.tif", + "label": "train/breast_vectra_33_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_33_3.tif", + "label": "train/breast_vectra_33_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_34_1.tif", + "label": "train/breast_vectra_34_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_34_3.tif", + "label": "train/breast_vectra_34_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_36_0.tif", + "label": "train/breast_vectra_36_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_38_0.tif", + "label": "train/breast_vectra_38_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_38_1.tif", + "label": "train/breast_vectra_38_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_39_1.tif", + "label": "train/breast_vectra_39_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_39_2.tif", + "label": "train/breast_vectra_39_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_39_3.tif", + "label": "train/breast_vectra_39_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_43_0.tif", + "label": "train/breast_vectra_43_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_45_0.tif", + "label": "train/breast_vectra_45_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_47_0.tif", + "label": "train/breast_vectra_47_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_47_1.tif", + "label": "train/breast_vectra_47_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_48_0.tif", + "label": "train/breast_vectra_48_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_48_2.tif", + "label": "train/breast_vectra_48_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_51_3.tif", + "label": "train/breast_vectra_51_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_53_1.tif", + "label": "train/breast_vectra_53_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_53_2.tif", + "label": "train/breast_vectra_53_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_55_0.tif", + "label": "train/breast_vectra_55_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_56_0.tif", + "label": "train/breast_vectra_56_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_58_3.tif", + "label": "train/breast_vectra_58_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_60_3.tif", + "label": "train/breast_vectra_60_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_63_1.tif", + "label": "train/breast_vectra_63_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_64_1.tif", + "label": "train/breast_vectra_64_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_65_2.tif", + "label": "train/breast_vectra_65_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_65_3.tif", + "label": "train/breast_vectra_65_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_66_3.tif", + "label": "train/breast_vectra_66_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_71_1.tif", + "label": "train/breast_vectra_71_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_72_1.tif", + "label": "train/breast_vectra_72_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_72_2.tif", + "label": "train/breast_vectra_72_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_72_3.tif", + "label": "train/breast_vectra_72_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_73_3.tif", + "label": "train/breast_vectra_73_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_74_0.tif", + "label": "train/breast_vectra_74_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_75_2.tif", + "label": "train/breast_vectra_75_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_76_2.tif", + "label": "train/breast_vectra_76_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_77_0.tif", + "label": "train/breast_vectra_77_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_77_2.tif", + "label": "train/breast_vectra_77_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_78_3.tif", + "label": "train/breast_vectra_78_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_79_1.tif", + "label": "train/breast_vectra_79_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_81_1.tif", + "label": "train/breast_vectra_81_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_81_3.tif", + "label": "train/breast_vectra_81_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_82_3.tif", + "label": "train/breast_vectra_82_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_86_2.tif", + "label": "train/breast_vectra_86_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_87_1.tif", + "label": "train/breast_vectra_87_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_89_3.tif", + "label": "train/breast_vectra_89_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_90_1.tif", + "label": "train/breast_vectra_90_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_92_2.tif", + "label": "train/breast_vectra_92_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_93_0.tif", + "label": "train/breast_vectra_93_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_93_1.tif", + "label": "train/breast_vectra_93_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_94_1.tif", + "label": "train/breast_vectra_94_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_95_1.tif", + "label": "train/breast_vectra_95_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_96_2.tif", + "label": "train/breast_vectra_96_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_98_1.tif", + "label": "train/breast_vectra_98_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_98_2.tif", + "label": "train/breast_vectra_98_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_100_1.tif", + "label": "train/breast_vectra_100_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_103_0.tif", + "label": "train/breast_vectra_103_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_103_3.tif", + "label": "train/breast_vectra_103_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_104_1.tif", + "label": "train/breast_vectra_104_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_104_2.tif", + "label": "train/breast_vectra_104_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_107_2.tif", + "label": "train/breast_vectra_107_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_113_0.tif", + "label": "train/breast_vectra_113_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_113_2.tif", + "label": "train/breast_vectra_113_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_114_2.tif", + "label": "train/breast_vectra_114_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_114_3.tif", + "label": "train/breast_vectra_114_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_115_2.tif", + "label": "train/breast_vectra_115_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_116_0.tif", + "label": "train/breast_vectra_116_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_116_2.tif", + "label": "train/breast_vectra_116_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_119_3.tif", + "label": "train/breast_vectra_119_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_120_1.tif", + "label": "train/breast_vectra_120_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_120_2.tif", + "label": "train/breast_vectra_120_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_121_0.tif", + "label": "train/breast_vectra_121_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_121_2.tif", + "label": "train/breast_vectra_121_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_121_3.tif", + "label": "train/breast_vectra_121_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_122_1.tif", + "label": "train/breast_vectra_122_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_127_3.tif", + "label": "train/breast_vectra_127_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_132_0.tif", + "label": "train/breast_vectra_132_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_135_2.tif", + "label": "train/breast_vectra_135_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_136_0.tif", + "label": "train/breast_vectra_136_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_136_3.tif", + "label": "train/breast_vectra_136_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_138_2.tif", + "label": "train/breast_vectra_138_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_138_3.tif", + "label": "train/breast_vectra_138_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_139_1.tif", + "label": "train/breast_vectra_139_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_140_3.tif", + "label": "train/breast_vectra_140_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_141_3.tif", + "label": "train/breast_vectra_141_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_143_1.tif", + "label": "train/breast_vectra_143_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_143_3.tif", + "label": "train/breast_vectra_143_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_144_0.tif", + "label": "train/breast_vectra_144_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_144_1.tif", + "label": "train/breast_vectra_144_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_145_0.tif", + "label": "train/breast_vectra_145_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_145_1.tif", + "label": "train/breast_vectra_145_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_145_3.tif", + "label": "train/breast_vectra_145_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_146_0.tif", + "label": "train/breast_vectra_146_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_147_0.tif", + "label": "train/breast_vectra_147_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_151_1.tif", + "label": "train/breast_vectra_151_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_153_3.tif", + "label": "train/breast_vectra_153_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_156_0.tif", + "label": "train/breast_vectra_156_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_156_1.tif", + "label": "train/breast_vectra_156_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_157_3.tif", + "label": "train/breast_vectra_157_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_158_2.tif", + "label": "train/breast_vectra_158_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_159_3.tif", + "label": "train/breast_vectra_159_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_160_0.tif", + "label": "train/breast_vectra_160_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_161_0.tif", + "label": "train/breast_vectra_161_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_161_1.tif", + "label": "train/breast_vectra_161_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_161_2.tif", + "label": "train/breast_vectra_161_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_162_1.tif", + "label": "train/breast_vectra_162_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_162_2.tif", + "label": "train/breast_vectra_162_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_165_0.tif", + "label": "train/breast_vectra_165_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_168_1.tif", + "label": "train/breast_vectra_168_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_169_0.tif", + "label": "train/breast_vectra_169_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_169_2.tif", + "label": "train/breast_vectra_169_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_170_1.tif", + "label": "train/breast_vectra_170_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_170_3.tif", + "label": "train/breast_vectra_170_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_171_2.tif", + "label": "train/breast_vectra_171_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_171_3.tif", + "label": "train/breast_vectra_171_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_175_2.tif", + "label": "train/breast_vectra_175_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_176_2.tif", + "label": "train/breast_vectra_176_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_176_3.tif", + "label": "train/breast_vectra_176_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_178_0.tif", + "label": "train/breast_vectra_178_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_178_2.tif", + "label": "train/breast_vectra_178_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_179_0.tif", + "label": "train/breast_vectra_179_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_179_1.tif", + "label": "train/breast_vectra_179_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_179_2.tif", + "label": "train/breast_vectra_179_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_179_3.tif", + "label": "train/breast_vectra_179_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_181_1.tif", + "label": "train/breast_vectra_181_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_184_1.tif", + "label": "train/breast_vectra_184_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_185_1.tif", + "label": "train/breast_vectra_185_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_187_1.tif", + "label": "train/breast_vectra_187_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_188_2.tif", + "label": "train/breast_vectra_188_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_189_0.tif", + "label": "train/breast_vectra_189_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_189_3.tif", + "label": "train/breast_vectra_189_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_190_0.tif", + "label": "train/breast_vectra_190_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_190_1.tif", + "label": "train/breast_vectra_190_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_191_0.tif", + "label": "train/breast_vectra_191_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_191_1.tif", + "label": "train/breast_vectra_191_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_192_1.tif", + "label": "train/breast_vectra_192_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_194_0.tif", + "label": "train/breast_vectra_194_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_195_0.tif", + "label": "train/breast_vectra_195_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_196_2.tif", + "label": "train/breast_vectra_196_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_197_0.tif", + "label": "train/breast_vectra_197_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_197_1.tif", + "label": "train/breast_vectra_197_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_197_2.tif", + "label": "train/breast_vectra_197_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_198_2.tif", + "label": "train/breast_vectra_198_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_200_1.tif", + "label": "train/breast_vectra_200_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_201_1.tif", + "label": "train/breast_vectra_201_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_202_2.tif", + "label": "train/breast_vectra_202_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_202_3.tif", + "label": "train/breast_vectra_202_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_203_2.tif", + "label": "train/breast_vectra_203_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_205_1.tif", + "label": "train/breast_vectra_205_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_207_0.tif", + "label": "train/breast_vectra_207_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_208_1.tif", + "label": "train/breast_vectra_208_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_208_3.tif", + "label": "train/breast_vectra_208_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_209_0.tif", + "label": "train/breast_vectra_209_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_210_0.tif", + "label": "train/breast_vectra_210_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_210_2.tif", + "label": "train/breast_vectra_210_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_211_0.tif", + "label": "train/breast_vectra_211_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_212_1.tif", + "label": "train/breast_vectra_212_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_214_0.tif", + "label": "train/breast_vectra_214_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_214_3.tif", + "label": "train/breast_vectra_214_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_217_0.tif", + "label": "train/breast_vectra_217_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_219_3.tif", + "label": "train/breast_vectra_219_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_220_0.tif", + "label": "train/breast_vectra_220_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_222_1.tif", + "label": "train/breast_vectra_222_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_224_2.tif", + "label": "train/breast_vectra_224_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_225_0.tif", + "label": "train/breast_vectra_225_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_227_1.tif", + "label": "train/breast_vectra_227_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_228_1.tif", + "label": "train/breast_vectra_228_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_229_3.tif", + "label": "train/breast_vectra_229_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_231_0.tif", + "label": "train/breast_vectra_231_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_233_1.tif", + "label": "train/breast_vectra_233_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_234_1.tif", + "label": "train/breast_vectra_234_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_236_0.tif", + "label": "train/breast_vectra_236_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_237_0.tif", + "label": "train/breast_vectra_237_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_240_1.tif", + "label": "train/breast_vectra_240_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_242_1.tif", + "label": "train/breast_vectra_242_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_245_1.tif", + "label": "train/breast_vectra_245_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_247_2.tif", + "label": "train/breast_vectra_247_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_248_0.tif", + "label": "train/breast_vectra_248_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_248_3.tif", + "label": "train/breast_vectra_248_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_249_0.tif", + "label": "train/breast_vectra_249_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_250_0.tif", + "label": "train/breast_vectra_250_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_250_2.tif", + "label": "train/breast_vectra_250_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_253_1.tif", + "label": "train/breast_vectra_253_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_253_3.tif", + "label": "train/breast_vectra_253_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_255_3.tif", + "label": "train/breast_vectra_255_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_257_1.tif", + "label": "train/breast_vectra_257_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_1_2.tif", + "label": "train/breast_imc_1_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_2_0.tif", + "label": "train/breast_imc_2_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_2_1.tif", + "label": "train/breast_imc_2_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_2_2.tif", + "label": "train/breast_imc_2_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_4_1.tif", + "label": "train/breast_imc_4_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_6_3.tif", + "label": "train/breast_imc_6_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_8_2.tif", + "label": "train/breast_imc_8_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_8_3.tif", + "label": "train/breast_imc_8_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_10_1.tif", + "label": "train/breast_imc_10_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_11_3.tif", + "label": "train/breast_imc_11_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_14_2.tif", + "label": "train/breast_imc_14_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_15_2.tif", + "label": "train/breast_imc_15_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_16_3.tif", + "label": "train/breast_imc_16_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_19_0.tif", + "label": "train/breast_imc_19_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_19_2.tif", + "label": "train/breast_imc_19_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_20_3.tif", + "label": "train/breast_imc_20_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_21_1.tif", + "label": "train/breast_imc_21_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_22_2.tif", + "label": "train/breast_imc_22_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_24_2.tif", + "label": "train/breast_imc_24_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_24_3.tif", + "label": "train/breast_imc_24_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_31_1.tif", + "label": "train/breast_imc_31_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_31_2.tif", + "label": "train/breast_imc_31_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_0_3.tif", + "label": "train/breast_mibi_0_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_1_2.tif", + "label": "train/breast_mibi_1_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_1_3.tif", + "label": "train/breast_mibi_1_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_2_3.tif", + "label": "train/breast_mibi_2_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_5_0.tif", + "label": "train/breast_mibi_5_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_6_2.tif", + "label": "train/breast_mibi_6_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_7_0.tif", + "label": "train/breast_mibi_7_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_8_3.tif", + "label": "train/breast_mibi_8_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_9_1.tif", + "label": "train/breast_mibi_9_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_13_0.tif", + "label": "train/breast_mibi_13_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_15_0.tif", + "label": "train/breast_mibi_15_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_15_1.tif", + "label": "train/breast_mibi_15_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_15_3.tif", + "label": "train/breast_mibi_15_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_16_3.tif", + "label": "train/breast_mibi_16_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_18_0.tif", + "label": "train/breast_mibi_18_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_18_2.tif", + "label": "train/breast_mibi_18_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_19_1.tif", + "label": "train/breast_mibi_19_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_19_3.tif", + "label": "train/breast_mibi_19_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_20_0.tif", + "label": "train/breast_mibi_20_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_20_3.tif", + "label": "train/breast_mibi_20_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_21_3.tif", + "label": "train/breast_mibi_21_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_22_0.tif", + "label": "train/breast_mibi_22_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_23_0.tif", + "label": "train/breast_mibi_23_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_24_2.tif", + "label": "train/breast_mibi_24_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_25_0.tif", + "label": "train/breast_mibi_25_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_26_2.tif", + "label": "train/breast_mibi_26_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_27_1.tif", + "label": "train/breast_mibi_27_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_27_3.tif", + "label": "train/breast_mibi_27_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_28_1.tif", + "label": "train/breast_mibi_28_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_28_2.tif", + "label": "train/breast_mibi_28_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_29_0.tif", + "label": "train/breast_mibi_29_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_30_2.tif", + "label": "train/breast_mibi_30_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_33_0.tif", + "label": "train/breast_mibi_33_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_33_2.tif", + "label": "train/breast_mibi_33_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_36_2.tif", + "label": "train/breast_mibi_36_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_36_3.tif", + "label": "train/breast_mibi_36_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_38_0.tif", + "label": "train/breast_mibi_38_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_39_0.tif", + "label": "train/breast_mibi_39_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_39_2.tif", + "label": "train/breast_mibi_39_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_42_2.tif", + "label": "train/breast_mibi_42_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_43_3.tif", + "label": "train/breast_mibi_43_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_44_2.tif", + "label": "train/breast_mibi_44_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_45_2.tif", + "label": "train/breast_mibi_45_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_46_3.tif", + "label": "train/breast_mibi_46_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_48_0.tif", + "label": "train/breast_mibi_48_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_48_3.tif", + "label": "train/breast_mibi_48_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_50_1.tif", + "label": "train/breast_mibi_50_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_50_3.tif", + "label": "train/breast_mibi_50_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_51_3.tif", + "label": "train/breast_mibi_51_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_52_0.tif", + "label": "train/breast_mibi_52_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_54_3.tif", + "label": "train/breast_mibi_54_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_55_0.tif", + "label": "train/breast_mibi_55_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_55_1.tif", + "label": "train/breast_mibi_55_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_55_2.tif", + "label": "train/breast_mibi_55_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_55_3.tif", + "label": "train/breast_mibi_55_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_56_3.tif", + "label": "train/breast_mibi_56_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_58_3.tif", + "label": "train/breast_mibi_58_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_60_2.tif", + "label": "train/breast_mibi_60_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_61_0.tif", + "label": "train/breast_mibi_61_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_63_3.tif", + "label": "train/breast_mibi_63_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_66_0.tif", + "label": "train/breast_mibi_66_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_66_1.tif", + "label": "train/breast_mibi_66_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_66_3.tif", + "label": "train/breast_mibi_66_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_68_1.tif", + "label": "train/breast_mibi_68_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_69_3.tif", + "label": "train/breast_mibi_69_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_72_3.tif", + "label": "train/breast_mibi_72_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_73_1.tif", + "label": "train/breast_mibi_73_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_74_2.tif", + "label": "train/breast_mibi_74_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_75_2.tif", + "label": "train/breast_mibi_75_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_76_3.tif", + "label": "train/breast_mibi_76_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_77_3.tif", + "label": "train/breast_mibi_77_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_3_0.tif", + "label": "train/breast_vectra_3_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_3_1.tif", + "label": "train/breast_vectra_3_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_5_2.tif", + "label": "train/breast_vectra_5_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_7_3.tif", + "label": "train/breast_vectra_7_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_8_1.tif", + "label": "train/breast_vectra_8_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_10_2.tif", + "label": "train/breast_vectra_10_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_11_0.tif", + "label": "train/breast_vectra_11_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_12_3.tif", + "label": "train/breast_vectra_12_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_13_1.tif", + "label": "train/breast_vectra_13_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_13_2.tif", + "label": "train/breast_vectra_13_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_17_1.tif", + "label": "train/breast_vectra_17_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_18_0.tif", + "label": "train/breast_vectra_18_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_19_0.tif", + "label": "train/breast_vectra_19_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_22_0.tif", + "label": "train/breast_vectra_22_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_22_1.tif", + "label": "train/breast_vectra_22_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_23_2.tif", + "label": "train/breast_vectra_23_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_24_0.tif", + "label": "train/breast_vectra_24_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_24_1.tif", + "label": "train/breast_vectra_24_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_24_2.tif", + "label": "train/breast_vectra_24_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_25_1.tif", + "label": "train/breast_vectra_25_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_26_3.tif", + "label": "train/breast_vectra_26_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_29_2.tif", + "label": "train/breast_vectra_29_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_29_3.tif", + "label": "train/breast_vectra_29_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_32_3.tif", + "label": "train/breast_vectra_32_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_33_1.tif", + "label": "train/breast_vectra_33_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_35_1.tif", + "label": "train/breast_vectra_35_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_36_3.tif", + "label": "train/breast_vectra_36_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_37_1.tif", + "label": "train/breast_vectra_37_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_39_0.tif", + "label": "train/breast_vectra_39_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_40_2.tif", + "label": "train/breast_vectra_40_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_41_3.tif", + "label": "train/breast_vectra_41_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_43_1.tif", + "label": "train/breast_vectra_43_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_43_2.tif", + "label": "train/breast_vectra_43_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_44_0.tif", + "label": "train/breast_vectra_44_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_45_2.tif", + "label": "train/breast_vectra_45_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_45_3.tif", + "label": "train/breast_vectra_45_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_47_3.tif", + "label": "train/breast_vectra_47_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_48_3.tif", + "label": "train/breast_vectra_48_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_49_0.tif", + "label": "train/breast_vectra_49_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_49_2.tif", + "label": "train/breast_vectra_49_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_49_3.tif", + "label": "train/breast_vectra_49_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_50_0.tif", + "label": "train/breast_vectra_50_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_50_3.tif", + "label": "train/breast_vectra_50_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_51_0.tif", + "label": "train/breast_vectra_51_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_52_1.tif", + "label": "train/breast_vectra_52_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_52_2.tif", + "label": "train/breast_vectra_52_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_55_1.tif", + "label": "train/breast_vectra_55_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_55_3.tif", + "label": "train/breast_vectra_55_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_57_1.tif", + "label": "train/breast_vectra_57_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_58_2.tif", + "label": "train/breast_vectra_58_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_59_3.tif", + "label": "train/breast_vectra_59_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_60_2.tif", + "label": "train/breast_vectra_60_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_61_1.tif", + "label": "train/breast_vectra_61_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_63_0.tif", + "label": "train/breast_vectra_63_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_65_0.tif", + "label": "train/breast_vectra_65_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_65_1.tif", + "label": "train/breast_vectra_65_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_66_1.tif", + "label": "train/breast_vectra_66_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_68_1.tif", + "label": "train/breast_vectra_68_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_69_2.tif", + "label": "train/breast_vectra_69_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_69_3.tif", + "label": "train/breast_vectra_69_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_71_0.tif", + "label": "train/breast_vectra_71_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_74_1.tif", + "label": "train/breast_vectra_74_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_78_2.tif", + "label": "train/breast_vectra_78_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_80_1.tif", + "label": "train/breast_vectra_80_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_80_3.tif", + "label": "train/breast_vectra_80_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_81_2.tif", + "label": "train/breast_vectra_81_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_82_0.tif", + "label": "train/breast_vectra_82_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_84_0.tif", + "label": "train/breast_vectra_84_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_84_1.tif", + "label": "train/breast_vectra_84_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_84_2.tif", + "label": "train/breast_vectra_84_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_85_0.tif", + "label": "train/breast_vectra_85_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_85_2.tif", + "label": "train/breast_vectra_85_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_86_1.tif", + "label": "train/breast_vectra_86_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_87_2.tif", + "label": "train/breast_vectra_87_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_87_3.tif", + "label": "train/breast_vectra_87_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_91_0.tif", + "label": "train/breast_vectra_91_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_92_0.tif", + "label": "train/breast_vectra_92_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_92_1.tif", + "label": "train/breast_vectra_92_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_94_3.tif", + "label": "train/breast_vectra_94_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_96_0.tif", + "label": "train/breast_vectra_96_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_96_1.tif", + "label": "train/breast_vectra_96_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_96_3.tif", + "label": "train/breast_vectra_96_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_97_2.tif", + "label": "train/breast_vectra_97_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_99_3.tif", + "label": "train/breast_vectra_99_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_101_1.tif", + "label": "train/breast_vectra_101_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_101_2.tif", + "label": "train/breast_vectra_101_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_103_1.tif", + "label": "train/breast_vectra_103_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_105_0.tif", + "label": "train/breast_vectra_105_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_105_1.tif", + "label": "train/breast_vectra_105_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_106_3.tif", + "label": "train/breast_vectra_106_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_107_0.tif", + "label": "train/breast_vectra_107_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_109_1.tif", + "label": "train/breast_vectra_109_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_110_0.tif", + "label": "train/breast_vectra_110_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_112_0.tif", + "label": "train/breast_vectra_112_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_112_3.tif", + "label": "train/breast_vectra_112_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_113_1.tif", + "label": "train/breast_vectra_113_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_113_3.tif", + "label": "train/breast_vectra_113_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_119_0.tif", + "label": "train/breast_vectra_119_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_119_2.tif", + "label": "train/breast_vectra_119_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_121_1.tif", + "label": "train/breast_vectra_121_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_123_3.tif", + "label": "train/breast_vectra_123_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_124_0.tif", + "label": "train/breast_vectra_124_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_125_0.tif", + "label": "train/breast_vectra_125_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_125_1.tif", + "label": "train/breast_vectra_125_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_125_3.tif", + "label": "train/breast_vectra_125_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_126_1.tif", + "label": "train/breast_vectra_126_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_127_0.tif", + "label": "train/breast_vectra_127_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_127_2.tif", + "label": "train/breast_vectra_127_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_128_0.tif", + "label": "train/breast_vectra_128_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_128_3.tif", + "label": "train/breast_vectra_128_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_131_2.tif", + "label": "train/breast_vectra_131_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_134_0.tif", + "label": "train/breast_vectra_134_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_134_2.tif", + "label": "train/breast_vectra_134_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_137_3.tif", + "label": "train/breast_vectra_137_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_138_1.tif", + "label": "train/breast_vectra_138_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_141_0.tif", + "label": "train/breast_vectra_141_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_142_2.tif", + "label": "train/breast_vectra_142_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_143_2.tif", + "label": "train/breast_vectra_143_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_145_2.tif", + "label": "train/breast_vectra_145_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_147_1.tif", + "label": "train/breast_vectra_147_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_147_2.tif", + "label": "train/breast_vectra_147_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_148_0.tif", + "label": "train/breast_vectra_148_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_148_3.tif", + "label": "train/breast_vectra_148_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_150_3.tif", + "label": "train/breast_vectra_150_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_152_0.tif", + "label": "train/breast_vectra_152_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_153_2.tif", + "label": "train/breast_vectra_153_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_155_0.tif", + "label": "train/breast_vectra_155_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_157_0.tif", + "label": "train/breast_vectra_157_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_157_1.tif", + "label": "train/breast_vectra_157_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_159_0.tif", + "label": "train/breast_vectra_159_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_160_1.tif", + "label": "train/breast_vectra_160_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_163_0.tif", + "label": "train/breast_vectra_163_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_163_1.tif", + "label": "train/breast_vectra_163_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_164_2.tif", + "label": "train/breast_vectra_164_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_167_0.tif", + "label": "train/breast_vectra_167_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_171_1.tif", + "label": "train/breast_vectra_171_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_172_1.tif", + "label": "train/breast_vectra_172_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_173_0.tif", + "label": "train/breast_vectra_173_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_173_1.tif", + "label": "train/breast_vectra_173_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_173_2.tif", + "label": "train/breast_vectra_173_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_175_0.tif", + "label": "train/breast_vectra_175_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_175_1.tif", + "label": "train/breast_vectra_175_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_180_2.tif", + "label": "train/breast_vectra_180_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_180_3.tif", + "label": "train/breast_vectra_180_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_181_2.tif", + "label": "train/breast_vectra_181_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_182_0.tif", + "label": "train/breast_vectra_182_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_184_0.tif", + "label": "train/breast_vectra_184_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_185_0.tif", + "label": "train/breast_vectra_185_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_185_2.tif", + "label": "train/breast_vectra_185_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_185_3.tif", + "label": "train/breast_vectra_185_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_186_2.tif", + "label": "train/breast_vectra_186_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_188_3.tif", + "label": "train/breast_vectra_188_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_189_2.tif", + "label": "train/breast_vectra_189_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_191_3.tif", + "label": "train/breast_vectra_191_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_194_3.tif", + "label": "train/breast_vectra_194_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_196_3.tif", + "label": "train/breast_vectra_196_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_200_2.tif", + "label": "train/breast_vectra_200_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_200_3.tif", + "label": "train/breast_vectra_200_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_201_2.tif", + "label": "train/breast_vectra_201_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_201_3.tif", + "label": "train/breast_vectra_201_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_203_0.tif", + "label": "train/breast_vectra_203_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_203_1.tif", + "label": "train/breast_vectra_203_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_204_1.tif", + "label": "train/breast_vectra_204_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_206_0.tif", + "label": "train/breast_vectra_206_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_206_1.tif", + "label": "train/breast_vectra_206_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_207_2.tif", + "label": "train/breast_vectra_207_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_208_0.tif", + "label": "train/breast_vectra_208_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_209_3.tif", + "label": "train/breast_vectra_209_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_213_0.tif", + "label": "train/breast_vectra_213_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_213_2.tif", + "label": "train/breast_vectra_213_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_214_2.tif", + "label": "train/breast_vectra_214_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_215_2.tif", + "label": "train/breast_vectra_215_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_216_0.tif", + "label": "train/breast_vectra_216_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_217_1.tif", + "label": "train/breast_vectra_217_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_218_1.tif", + "label": "train/breast_vectra_218_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_218_2.tif", + "label": "train/breast_vectra_218_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_221_3.tif", + "label": "train/breast_vectra_221_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_223_3.tif", + "label": "train/breast_vectra_223_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_225_1.tif", + "label": "train/breast_vectra_225_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_225_2.tif", + "label": "train/breast_vectra_225_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_227_3.tif", + "label": "train/breast_vectra_227_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_228_3.tif", + "label": "train/breast_vectra_228_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_231_1.tif", + "label": "train/breast_vectra_231_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_232_2.tif", + "label": "train/breast_vectra_232_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_232_3.tif", + "label": "train/breast_vectra_232_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_235_2.tif", + "label": "train/breast_vectra_235_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_236_3.tif", + "label": "train/breast_vectra_236_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_238_1.tif", + "label": "train/breast_vectra_238_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_240_0.tif", + "label": "train/breast_vectra_240_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_240_2.tif", + "label": "train/breast_vectra_240_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_240_3.tif", + "label": "train/breast_vectra_240_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_241_0.tif", + "label": "train/breast_vectra_241_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_244_2.tif", + "label": "train/breast_vectra_244_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_246_0.tif", + "label": "train/breast_vectra_246_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_248_1.tif", + "label": "train/breast_vectra_248_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_248_2.tif", + "label": "train/breast_vectra_248_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_249_2.tif", + "label": "train/breast_vectra_249_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_251_0.tif", + "label": "train/breast_vectra_251_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_251_1.tif", + "label": "train/breast_vectra_251_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_255_0.tif", + "label": "train/breast_vectra_255_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_256_2.tif", + "label": "train/breast_vectra_256_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_257_2.tif", + "label": "train/breast_vectra_257_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_0_0.tif", + "label": "train/breast_imc_0_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_0_1.tif", + "label": "train/breast_imc_0_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_0_2.tif", + "label": "train/breast_imc_0_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_1_1.tif", + "label": "train/breast_imc_1_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_2_3.tif", + "label": "train/breast_imc_2_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_3_1.tif", + "label": "train/breast_imc_3_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_4_0.tif", + "label": "train/breast_imc_4_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_5_3.tif", + "label": "train/breast_imc_5_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_7_0.tif", + "label": "train/breast_imc_7_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_7_3.tif", + "label": "train/breast_imc_7_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_8_0.tif", + "label": "train/breast_imc_8_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_8_1.tif", + "label": "train/breast_imc_8_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_9_2.tif", + "label": "train/breast_imc_9_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_9_3.tif", + "label": "train/breast_imc_9_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_10_0.tif", + "label": "train/breast_imc_10_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_11_1.tif", + "label": "train/breast_imc_11_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_11_2.tif", + "label": "train/breast_imc_11_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_12_2.tif", + "label": "train/breast_imc_12_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_13_2.tif", + "label": "train/breast_imc_13_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_14_1.tif", + "label": "train/breast_imc_14_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_14_3.tif", + "label": "train/breast_imc_14_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_15_1.tif", + "label": "train/breast_imc_15_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_16_0.tif", + "label": "train/breast_imc_16_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_16_2.tif", + "label": "train/breast_imc_16_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_17_0.tif", + "label": "train/breast_imc_17_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_17_1.tif", + "label": "train/breast_imc_17_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_18_0.tif", + "label": "train/breast_imc_18_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_18_2.tif", + "label": "train/breast_imc_18_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_21_0.tif", + "label": "train/breast_imc_21_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_24_1.tif", + "label": "train/breast_imc_24_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_25_3.tif", + "label": "train/breast_imc_25_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_26_2.tif", + "label": "train/breast_imc_26_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_27_2.tif", + "label": "train/breast_imc_27_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_28_1.tif", + "label": "train/breast_imc_28_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_29_1.tif", + "label": "train/breast_imc_29_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_30_1.tif", + "label": "train/breast_imc_30_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_31_3.tif", + "label": "train/breast_imc_31_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_2_0.tif", + "label": "train/breast_mibi_2_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_2_1.tif", + "label": "train/breast_mibi_2_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_5_3.tif", + "label": "train/breast_mibi_5_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_8_0.tif", + "label": "train/breast_mibi_8_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_8_1.tif", + "label": "train/breast_mibi_8_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_9_0.tif", + "label": "train/breast_mibi_9_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_11_0.tif", + "label": "train/breast_mibi_11_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_11_3.tif", + "label": "train/breast_mibi_11_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_14_1.tif", + "label": "train/breast_mibi_14_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_14_3.tif", + "label": "train/breast_mibi_14_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_16_1.tif", + "label": "train/breast_mibi_16_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_22_2.tif", + "label": "train/breast_mibi_22_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_24_0.tif", + "label": "train/breast_mibi_24_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_26_1.tif", + "label": "train/breast_mibi_26_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_27_2.tif", + "label": "train/breast_mibi_27_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_29_1.tif", + "label": "train/breast_mibi_29_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_29_3.tif", + "label": "train/breast_mibi_29_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_30_3.tif", + "label": "train/breast_mibi_30_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_32_0.tif", + "label": "train/breast_mibi_32_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_32_1.tif", + "label": "train/breast_mibi_32_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_34_1.tif", + "label": "train/breast_mibi_34_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_37_0.tif", + "label": "train/breast_mibi_37_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_37_1.tif", + "label": "train/breast_mibi_37_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_38_1.tif", + "label": "train/breast_mibi_38_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_38_2.tif", + "label": "train/breast_mibi_38_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_40_3.tif", + "label": "train/breast_mibi_40_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_41_1.tif", + "label": "train/breast_mibi_41_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_41_2.tif", + "label": "train/breast_mibi_41_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_41_3.tif", + "label": "train/breast_mibi_41_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_42_1.tif", + "label": "train/breast_mibi_42_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_43_0.tif", + "label": "train/breast_mibi_43_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_44_3.tif", + "label": "train/breast_mibi_44_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_45_0.tif", + "label": "train/breast_mibi_45_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_47_2.tif", + "label": "train/breast_mibi_47_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_48_2.tif", + "label": "train/breast_mibi_48_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_49_2.tif", + "label": "train/breast_mibi_49_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_51_0.tif", + "label": "train/breast_mibi_51_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_52_3.tif", + "label": "train/breast_mibi_52_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_53_0.tif", + "label": "train/breast_mibi_53_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_54_1.tif", + "label": "train/breast_mibi_54_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_56_2.tif", + "label": "train/breast_mibi_56_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_57_2.tif", + "label": "train/breast_mibi_57_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_59_0.tif", + "label": "train/breast_mibi_59_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_59_2.tif", + "label": "train/breast_mibi_59_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_59_3.tif", + "label": "train/breast_mibi_59_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_61_2.tif", + "label": "train/breast_mibi_61_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_64_1.tif", + "label": "train/breast_mibi_64_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_64_3.tif", + "label": "train/breast_mibi_64_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_65_0.tif", + "label": "train/breast_mibi_65_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_70_3.tif", + "label": "train/breast_mibi_70_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_71_3.tif", + "label": "train/breast_mibi_71_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_74_1.tif", + "label": "train/breast_mibi_74_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_74_3.tif", + "label": "train/breast_mibi_74_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_76_1.tif", + "label": "train/breast_mibi_76_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_76_2.tif", + "label": "train/breast_mibi_76_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_77_1.tif", + "label": "train/breast_mibi_77_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_0_1.tif", + "label": "train/breast_vectra_0_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_1_1.tif", + "label": "train/breast_vectra_1_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_2_0.tif", + "label": "train/breast_vectra_2_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_3_3.tif", + "label": "train/breast_vectra_3_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_4_1.tif", + "label": "train/breast_vectra_4_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_4_3.tif", + "label": "train/breast_vectra_4_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_5_3.tif", + "label": "train/breast_vectra_5_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_8_0.tif", + "label": "train/breast_vectra_8_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_8_2.tif", + "label": "train/breast_vectra_8_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_9_3.tif", + "label": "train/breast_vectra_9_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_10_3.tif", + "label": "train/breast_vectra_10_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_11_2.tif", + "label": "train/breast_vectra_11_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_13_0.tif", + "label": "train/breast_vectra_13_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_15_2.tif", + "label": "train/breast_vectra_15_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_16_0.tif", + "label": "train/breast_vectra_16_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_16_3.tif", + "label": "train/breast_vectra_16_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_17_2.tif", + "label": "train/breast_vectra_17_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_22_2.tif", + "label": "train/breast_vectra_22_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_27_0.tif", + "label": "train/breast_vectra_27_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_27_1.tif", + "label": "train/breast_vectra_27_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_27_2.tif", + "label": "train/breast_vectra_27_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_28_2.tif", + "label": "train/breast_vectra_28_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_28_3.tif", + "label": "train/breast_vectra_28_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_30_0.tif", + "label": "train/breast_vectra_30_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_31_3.tif", + "label": "train/breast_vectra_31_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_32_0.tif", + "label": "train/breast_vectra_32_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_34_0.tif", + "label": "train/breast_vectra_34_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_34_2.tif", + "label": "train/breast_vectra_34_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_35_2.tif", + "label": "train/breast_vectra_35_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_36_1.tif", + "label": "train/breast_vectra_36_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_38_2.tif", + "label": "train/breast_vectra_38_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_41_0.tif", + "label": "train/breast_vectra_41_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_44_3.tif", + "label": "train/breast_vectra_44_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_46_1.tif", + "label": "train/breast_vectra_46_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_50_1.tif", + "label": "train/breast_vectra_50_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_51_2.tif", + "label": "train/breast_vectra_51_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_53_3.tif", + "label": "train/breast_vectra_53_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_54_3.tif", + "label": "train/breast_vectra_54_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_56_1.tif", + "label": "train/breast_vectra_56_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_57_2.tif", + "label": "train/breast_vectra_57_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_57_3.tif", + "label": "train/breast_vectra_57_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_58_0.tif", + "label": "train/breast_vectra_58_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_58_1.tif", + "label": "train/breast_vectra_58_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_59_2.tif", + "label": "train/breast_vectra_59_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_60_0.tif", + "label": "train/breast_vectra_60_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_61_2.tif", + "label": "train/breast_vectra_61_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_63_2.tif", + "label": "train/breast_vectra_63_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_64_2.tif", + "label": "train/breast_vectra_64_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_64_3.tif", + "label": "train/breast_vectra_64_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_67_0.tif", + "label": "train/breast_vectra_67_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_67_1.tif", + "label": "train/breast_vectra_67_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_67_2.tif", + "label": "train/breast_vectra_67_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_67_3.tif", + "label": "train/breast_vectra_67_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_70_0.tif", + "label": "train/breast_vectra_70_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_71_2.tif", + "label": "train/breast_vectra_71_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_75_1.tif", + "label": "train/breast_vectra_75_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_76_0.tif", + "label": "train/breast_vectra_76_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_76_1.tif", + "label": "train/breast_vectra_76_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_78_0.tif", + "label": "train/breast_vectra_78_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_79_3.tif", + "label": "train/breast_vectra_79_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_81_0.tif", + "label": "train/breast_vectra_81_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_82_1.tif", + "label": "train/breast_vectra_82_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_83_0.tif", + "label": "train/breast_vectra_83_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_83_1.tif", + "label": "train/breast_vectra_83_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_83_2.tif", + "label": "train/breast_vectra_83_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_84_3.tif", + "label": "train/breast_vectra_84_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_88_1.tif", + "label": "train/breast_vectra_88_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_89_1.tif", + "label": "train/breast_vectra_89_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_89_2.tif", + "label": "train/breast_vectra_89_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_90_0.tif", + "label": "train/breast_vectra_90_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_91_3.tif", + "label": "train/breast_vectra_91_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_93_3.tif", + "label": "train/breast_vectra_93_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_94_0.tif", + "label": "train/breast_vectra_94_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_95_0.tif", + "label": "train/breast_vectra_95_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_95_3.tif", + "label": "train/breast_vectra_95_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_97_0.tif", + "label": "train/breast_vectra_97_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_97_3.tif", + "label": "train/breast_vectra_97_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_100_0.tif", + "label": "train/breast_vectra_100_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_100_2.tif", + "label": "train/breast_vectra_100_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_102_3.tif", + "label": "train/breast_vectra_102_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_104_3.tif", + "label": "train/breast_vectra_104_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_105_3.tif", + "label": "train/breast_vectra_105_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_106_0.tif", + "label": "train/breast_vectra_106_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_106_2.tif", + "label": "train/breast_vectra_106_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_108_0.tif", + "label": "train/breast_vectra_108_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_109_0.tif", + "label": "train/breast_vectra_109_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_110_1.tif", + "label": "train/breast_vectra_110_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_111_1.tif", + "label": "train/breast_vectra_111_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_112_2.tif", + "label": "train/breast_vectra_112_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_115_0.tif", + "label": "train/breast_vectra_115_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_117_1.tif", + "label": "train/breast_vectra_117_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_118_1.tif", + "label": "train/breast_vectra_118_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_122_2.tif", + "label": "train/breast_vectra_122_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_122_3.tif", + "label": "train/breast_vectra_122_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_125_2.tif", + "label": "train/breast_vectra_125_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_128_1.tif", + "label": "train/breast_vectra_128_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_129_1.tif", + "label": "train/breast_vectra_129_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_129_3.tif", + "label": "train/breast_vectra_129_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_130_1.tif", + "label": "train/breast_vectra_130_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_130_2.tif", + "label": "train/breast_vectra_130_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_132_1.tif", + "label": "train/breast_vectra_132_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_132_2.tif", + "label": "train/breast_vectra_132_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_133_0.tif", + "label": "train/breast_vectra_133_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_135_0.tif", + "label": "train/breast_vectra_135_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_135_3.tif", + "label": "train/breast_vectra_135_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_136_1.tif", + "label": "train/breast_vectra_136_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_136_2.tif", + "label": "train/breast_vectra_136_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_138_0.tif", + "label": "train/breast_vectra_138_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_139_0.tif", + "label": "train/breast_vectra_139_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_140_0.tif", + "label": "train/breast_vectra_140_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_142_0.tif", + "label": "train/breast_vectra_142_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_142_3.tif", + "label": "train/breast_vectra_142_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_143_0.tif", + "label": "train/breast_vectra_143_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_146_2.tif", + "label": "train/breast_vectra_146_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_146_3.tif", + "label": "train/breast_vectra_146_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_149_0.tif", + "label": "train/breast_vectra_149_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_149_2.tif", + "label": "train/breast_vectra_149_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_150_0.tif", + "label": "train/breast_vectra_150_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_150_1.tif", + "label": "train/breast_vectra_150_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_151_3.tif", + "label": "train/breast_vectra_151_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_154_2.tif", + "label": "train/breast_vectra_154_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_154_3.tif", + "label": "train/breast_vectra_154_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_155_2.tif", + "label": "train/breast_vectra_155_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_155_3.tif", + "label": "train/breast_vectra_155_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_157_2.tif", + "label": "train/breast_vectra_157_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_159_2.tif", + "label": "train/breast_vectra_159_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_160_3.tif", + "label": "train/breast_vectra_160_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_163_2.tif", + "label": "train/breast_vectra_163_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_164_1.tif", + "label": "train/breast_vectra_164_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_165_1.tif", + "label": "train/breast_vectra_165_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_165_3.tif", + "label": "train/breast_vectra_165_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_166_0.tif", + "label": "train/breast_vectra_166_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_167_1.tif", + "label": "train/breast_vectra_167_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_168_0.tif", + "label": "train/breast_vectra_168_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_169_1.tif", + "label": "train/breast_vectra_169_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_169_3.tif", + "label": "train/breast_vectra_169_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_171_0.tif", + "label": "train/breast_vectra_171_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_172_2.tif", + "label": "train/breast_vectra_172_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_172_3.tif", + "label": "train/breast_vectra_172_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_173_3.tif", + "label": "train/breast_vectra_173_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_174_2.tif", + "label": "train/breast_vectra_174_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_176_0.tif", + "label": "train/breast_vectra_176_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_177_0.tif", + "label": "train/breast_vectra_177_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_178_1.tif", + "label": "train/breast_vectra_178_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_182_1.tif", + "label": "train/breast_vectra_182_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_182_2.tif", + "label": "train/breast_vectra_182_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_182_3.tif", + "label": "train/breast_vectra_182_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_183_0.tif", + "label": "train/breast_vectra_183_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_183_1.tif", + "label": "train/breast_vectra_183_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_184_3.tif", + "label": "train/breast_vectra_184_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_187_0.tif", + "label": "train/breast_vectra_187_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_190_3.tif", + "label": "train/breast_vectra_190_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_191_2.tif", + "label": "train/breast_vectra_191_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_192_0.tif", + "label": "train/breast_vectra_192_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_193_1.tif", + "label": "train/breast_vectra_193_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_193_3.tif", + "label": "train/breast_vectra_193_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_194_2.tif", + "label": "train/breast_vectra_194_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_195_1.tif", + "label": "train/breast_vectra_195_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_195_3.tif", + "label": "train/breast_vectra_195_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_196_0.tif", + "label": "train/breast_vectra_196_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_206_2.tif", + "label": "train/breast_vectra_206_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_206_3.tif", + "label": "train/breast_vectra_206_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_207_1.tif", + "label": "train/breast_vectra_207_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_207_3.tif", + "label": "train/breast_vectra_207_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_211_1.tif", + "label": "train/breast_vectra_211_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_211_2.tif", + "label": "train/breast_vectra_211_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_214_1.tif", + "label": "train/breast_vectra_214_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_216_3.tif", + "label": "train/breast_vectra_216_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_218_3.tif", + "label": "train/breast_vectra_218_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_219_0.tif", + "label": "train/breast_vectra_219_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_221_0.tif", + "label": "train/breast_vectra_221_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_221_1.tif", + "label": "train/breast_vectra_221_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_222_3.tif", + "label": "train/breast_vectra_222_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_224_0.tif", + "label": "train/breast_vectra_224_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_224_3.tif", + "label": "train/breast_vectra_224_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_227_2.tif", + "label": "train/breast_vectra_227_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_228_2.tif", + "label": "train/breast_vectra_228_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_231_3.tif", + "label": "train/breast_vectra_231_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_232_1.tif", + "label": "train/breast_vectra_232_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_233_3.tif", + "label": "train/breast_vectra_233_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_235_1.tif", + "label": "train/breast_vectra_235_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_236_1.tif", + "label": "train/breast_vectra_236_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_238_0.tif", + "label": "train/breast_vectra_238_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_238_3.tif", + "label": "train/breast_vectra_238_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_239_2.tif", + "label": "train/breast_vectra_239_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_239_3.tif", + "label": "train/breast_vectra_239_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_241_3.tif", + "label": "train/breast_vectra_241_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_245_2.tif", + "label": "train/breast_vectra_245_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_246_3.tif", + "label": "train/breast_vectra_246_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_247_1.tif", + "label": "train/breast_vectra_247_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_249_1.tif", + "label": "train/breast_vectra_249_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_249_3.tif", + "label": "train/breast_vectra_249_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_251_3.tif", + "label": "train/breast_vectra_251_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_252_0.tif", + "label": "train/breast_vectra_252_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_252_2.tif", + "label": "train/breast_vectra_252_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_254_1.tif", + "label": "train/breast_vectra_254_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_255_1.tif", + "label": "train/breast_vectra_255_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_255_2.tif", + "label": "train/breast_vectra_255_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_256_0.tif", + "label": "train/breast_vectra_256_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_256_1.tif", + "label": "train/breast_vectra_256_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_256_3.tif", + "label": "train/breast_vectra_256_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_258_1.tif", + "label": "train/breast_vectra_258_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_1_0.tif", + "label": "train/breast_imc_1_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_1_3.tif", + "label": "train/breast_imc_1_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_3_2.tif", + "label": "train/breast_imc_3_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_4_2.tif", + "label": "train/breast_imc_4_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_5_2.tif", + "label": "train/breast_imc_5_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_6_2.tif", + "label": "train/breast_imc_6_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_7_1.tif", + "label": "train/breast_imc_7_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_9_0.tif", + "label": "train/breast_imc_9_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_10_2.tif", + "label": "train/breast_imc_10_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_13_0.tif", + "label": "train/breast_imc_13_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_17_2.tif", + "label": "train/breast_imc_17_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_17_3.tif", + "label": "train/breast_imc_17_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_20_2.tif", + "label": "train/breast_imc_20_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_22_1.tif", + "label": "train/breast_imc_22_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_23_0.tif", + "label": "train/breast_imc_23_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_23_1.tif", + "label": "train/breast_imc_23_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_23_3.tif", + "label": "train/breast_imc_23_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_25_2.tif", + "label": "train/breast_imc_25_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_26_1.tif", + "label": "train/breast_imc_26_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_28_0.tif", + "label": "train/breast_imc_28_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_28_2.tif", + "label": "train/breast_imc_28_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_29_0.tif", + "label": "train/breast_imc_29_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_29_2.tif", + "label": "train/breast_imc_29_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_30_2.tif", + "label": "train/breast_imc_30_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_31_0.tif", + "label": "train/breast_imc_31_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_0_0.tif", + "label": "train/breast_mibi_0_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_1_0.tif", + "label": "train/breast_mibi_1_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_4_2.tif", + "label": "train/breast_mibi_4_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_4_3.tif", + "label": "train/breast_mibi_4_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_6_1.tif", + "label": "train/breast_mibi_6_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_7_1.tif", + "label": "train/breast_mibi_7_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_8_2.tif", + "label": "train/breast_mibi_8_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_10_0.tif", + "label": "train/breast_mibi_10_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_11_1.tif", + "label": "train/breast_mibi_11_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_12_2.tif", + "label": "train/breast_mibi_12_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_12_3.tif", + "label": "train/breast_mibi_12_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_14_0.tif", + "label": "train/breast_mibi_14_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_16_0.tif", + "label": "train/breast_mibi_16_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_17_1.tif", + "label": "train/breast_mibi_17_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_18_3.tif", + "label": "train/breast_mibi_18_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_21_0.tif", + "label": "train/breast_mibi_21_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_21_1.tif", + "label": "train/breast_mibi_21_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_21_2.tif", + "label": "train/breast_mibi_21_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_22_1.tif", + "label": "train/breast_mibi_22_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_23_1.tif", + "label": "train/breast_mibi_23_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_24_1.tif", + "label": "train/breast_mibi_24_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_25_2.tif", + "label": "train/breast_mibi_25_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_26_0.tif", + "label": "train/breast_mibi_26_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_29_2.tif", + "label": "train/breast_mibi_29_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_30_1.tif", + "label": "train/breast_mibi_30_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_31_2.tif", + "label": "train/breast_mibi_31_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_33_1.tif", + "label": "train/breast_mibi_33_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_35_3.tif", + "label": "train/breast_mibi_35_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_36_0.tif", + "label": "train/breast_mibi_36_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_36_1.tif", + "label": "train/breast_mibi_36_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_39_1.tif", + "label": "train/breast_mibi_39_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_39_3.tif", + "label": "train/breast_mibi_39_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_40_1.tif", + "label": "train/breast_mibi_40_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_42_0.tif", + "label": "train/breast_mibi_42_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_44_1.tif", + "label": "train/breast_mibi_44_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_46_0.tif", + "label": "train/breast_mibi_46_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_50_0.tif", + "label": "train/breast_mibi_50_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_51_1.tif", + "label": "train/breast_mibi_51_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_51_2.tif", + "label": "train/breast_mibi_51_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_52_1.tif", + "label": "train/breast_mibi_52_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_53_2.tif", + "label": "train/breast_mibi_53_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_53_3.tif", + "label": "train/breast_mibi_53_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_54_0.tif", + "label": "train/breast_mibi_54_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_54_2.tif", + "label": "train/breast_mibi_54_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_56_0.tif", + "label": "train/breast_mibi_56_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_56_1.tif", + "label": "train/breast_mibi_56_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_57_0.tif", + "label": "train/breast_mibi_57_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_57_3.tif", + "label": "train/breast_mibi_57_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_58_0.tif", + "label": "train/breast_mibi_58_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_58_1.tif", + "label": "train/breast_mibi_58_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_58_2.tif", + "label": "train/breast_mibi_58_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_59_1.tif", + "label": "train/breast_mibi_59_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_60_3.tif", + "label": "train/breast_mibi_60_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_61_1.tif", + "label": "train/breast_mibi_61_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_62_1.tif", + "label": "train/breast_mibi_62_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_62_2.tif", + "label": "train/breast_mibi_62_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_62_3.tif", + "label": "train/breast_mibi_62_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_63_0.tif", + "label": "train/breast_mibi_63_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_63_1.tif", + "label": "train/breast_mibi_63_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_65_1.tif", + "label": "train/breast_mibi_65_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_66_2.tif", + "label": "train/breast_mibi_66_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_67_0.tif", + "label": "train/breast_mibi_67_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_67_1.tif", + "label": "train/breast_mibi_67_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_68_2.tif", + "label": "train/breast_mibi_68_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_69_2.tif", + "label": "train/breast_mibi_69_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_71_0.tif", + "label": "train/breast_mibi_71_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_75_1.tif", + "label": "train/breast_mibi_75_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_77_0.tif", + "label": "train/breast_mibi_77_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_1_3.tif", + "label": "train/breast_vectra_1_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_2_1.tif", + "label": "train/breast_vectra_2_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_3_2.tif", + "label": "train/breast_vectra_3_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_6_2.tif", + "label": "train/breast_vectra_6_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_6_3.tif", + "label": "train/breast_vectra_6_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_9_0.tif", + "label": "train/breast_vectra_9_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_12_0.tif", + "label": "train/breast_vectra_12_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_14_3.tif", + "label": "train/breast_vectra_14_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_15_0.tif", + "label": "train/breast_vectra_15_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_15_1.tif", + "label": "train/breast_vectra_15_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_16_2.tif", + "label": "train/breast_vectra_16_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_17_3.tif", + "label": "train/breast_vectra_17_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_18_2.tif", + "label": "train/breast_vectra_18_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_19_1.tif", + "label": "train/breast_vectra_19_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_19_2.tif", + "label": "train/breast_vectra_19_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_19_3.tif", + "label": "train/breast_vectra_19_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_20_2.tif", + "label": "train/breast_vectra_20_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_20_3.tif", + "label": "train/breast_vectra_20_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_23_1.tif", + "label": "train/breast_vectra_23_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_25_0.tif", + "label": "train/breast_vectra_25_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_25_3.tif", + "label": "train/breast_vectra_25_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_26_0.tif", + "label": "train/breast_vectra_26_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_27_3.tif", + "label": "train/breast_vectra_27_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_28_0.tif", + "label": "train/breast_vectra_28_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_29_1.tif", + "label": "train/breast_vectra_29_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_30_3.tif", + "label": "train/breast_vectra_30_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_31_1.tif", + "label": "train/breast_vectra_31_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_32_2.tif", + "label": "train/breast_vectra_32_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_33_2.tif", + "label": "train/breast_vectra_33_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_37_0.tif", + "label": "train/breast_vectra_37_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_37_2.tif", + "label": "train/breast_vectra_37_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_40_0.tif", + "label": "train/breast_vectra_40_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_40_3.tif", + "label": "train/breast_vectra_40_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_41_1.tif", + "label": "train/breast_vectra_41_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_42_0.tif", + "label": "train/breast_vectra_42_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_42_3.tif", + "label": "train/breast_vectra_42_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_44_2.tif", + "label": "train/breast_vectra_44_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_51_1.tif", + "label": "train/breast_vectra_51_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_52_3.tif", + "label": "train/breast_vectra_52_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_53_0.tif", + "label": "train/breast_vectra_53_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_54_2.tif", + "label": "train/breast_vectra_54_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_55_2.tif", + "label": "train/breast_vectra_55_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_56_3.tif", + "label": "train/breast_vectra_56_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_59_0.tif", + "label": "train/breast_vectra_59_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_59_1.tif", + "label": "train/breast_vectra_59_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_61_0.tif", + "label": "train/breast_vectra_61_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_62_0.tif", + "label": "train/breast_vectra_62_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_62_3.tif", + "label": "train/breast_vectra_62_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_66_0.tif", + "label": "train/breast_vectra_66_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_69_0.tif", + "label": "train/breast_vectra_69_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_70_1.tif", + "label": "train/breast_vectra_70_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_70_3.tif", + "label": "train/breast_vectra_70_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_73_1.tif", + "label": "train/breast_vectra_73_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_73_2.tif", + "label": "train/breast_vectra_73_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_74_2.tif", + "label": "train/breast_vectra_74_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_75_3.tif", + "label": "train/breast_vectra_75_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_76_3.tif", + "label": "train/breast_vectra_76_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_79_0.tif", + "label": "train/breast_vectra_79_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_79_2.tif", + "label": "train/breast_vectra_79_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_80_2.tif", + "label": "train/breast_vectra_80_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_82_2.tif", + "label": "train/breast_vectra_82_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_83_3.tif", + "label": "train/breast_vectra_83_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_85_1.tif", + "label": "train/breast_vectra_85_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_85_3.tif", + "label": "train/breast_vectra_85_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_86_3.tif", + "label": "train/breast_vectra_86_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_88_2.tif", + "label": "train/breast_vectra_88_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_88_3.tif", + "label": "train/breast_vectra_88_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_89_0.tif", + "label": "train/breast_vectra_89_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_90_2.tif", + "label": "train/breast_vectra_90_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_90_3.tif", + "label": "train/breast_vectra_90_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_91_1.tif", + "label": "train/breast_vectra_91_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_93_2.tif", + "label": "train/breast_vectra_93_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_94_2.tif", + "label": "train/breast_vectra_94_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_95_2.tif", + "label": "train/breast_vectra_95_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_98_3.tif", + "label": "train/breast_vectra_98_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_99_0.tif", + "label": "train/breast_vectra_99_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_99_2.tif", + "label": "train/breast_vectra_99_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_101_0.tif", + "label": "train/breast_vectra_101_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_102_0.tif", + "label": "train/breast_vectra_102_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_102_2.tif", + "label": "train/breast_vectra_102_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_103_2.tif", + "label": "train/breast_vectra_103_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_104_0.tif", + "label": "train/breast_vectra_104_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_105_2.tif", + "label": "train/breast_vectra_105_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_108_1.tif", + "label": "train/breast_vectra_108_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_108_2.tif", + "label": "train/breast_vectra_108_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_108_3.tif", + "label": "train/breast_vectra_108_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_111_2.tif", + "label": "train/breast_vectra_111_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_111_3.tif", + "label": "train/breast_vectra_111_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_114_1.tif", + "label": "train/breast_vectra_114_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_115_3.tif", + "label": "train/breast_vectra_115_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_117_0.tif", + "label": "train/breast_vectra_117_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_118_0.tif", + "label": "train/breast_vectra_118_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_118_3.tif", + "label": "train/breast_vectra_118_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_119_1.tif", + "label": "train/breast_vectra_119_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_120_0.tif", + "label": "train/breast_vectra_120_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_120_3.tif", + "label": "train/breast_vectra_120_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_123_0.tif", + "label": "train/breast_vectra_123_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_123_2.tif", + "label": "train/breast_vectra_123_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_124_1.tif", + "label": "train/breast_vectra_124_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_124_2.tif", + "label": "train/breast_vectra_124_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_124_3.tif", + "label": "train/breast_vectra_124_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_126_0.tif", + "label": "train/breast_vectra_126_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_126_2.tif", + "label": "train/breast_vectra_126_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_126_3.tif", + "label": "train/breast_vectra_126_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_129_0.tif", + "label": "train/breast_vectra_129_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_129_2.tif", + "label": "train/breast_vectra_129_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_130_3.tif", + "label": "train/breast_vectra_130_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_132_3.tif", + "label": "train/breast_vectra_132_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_134_1.tif", + "label": "train/breast_vectra_134_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_134_3.tif", + "label": "train/breast_vectra_134_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_137_0.tif", + "label": "train/breast_vectra_137_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_137_1.tif", + "label": "train/breast_vectra_137_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_137_2.tif", + "label": "train/breast_vectra_137_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_139_2.tif", + "label": "train/breast_vectra_139_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_141_1.tif", + "label": "train/breast_vectra_141_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_141_2.tif", + "label": "train/breast_vectra_141_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_142_1.tif", + "label": "train/breast_vectra_142_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_144_2.tif", + "label": "train/breast_vectra_144_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_148_1.tif", + "label": "train/breast_vectra_148_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_149_1.tif", + "label": "train/breast_vectra_149_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_150_2.tif", + "label": "train/breast_vectra_150_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_151_0.tif", + "label": "train/breast_vectra_151_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_152_3.tif", + "label": "train/breast_vectra_152_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_153_1.tif", + "label": "train/breast_vectra_153_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_154_1.tif", + "label": "train/breast_vectra_154_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_156_2.tif", + "label": "train/breast_vectra_156_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_158_1.tif", + "label": "train/breast_vectra_158_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_160_2.tif", + "label": "train/breast_vectra_160_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_161_3.tif", + "label": "train/breast_vectra_161_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_162_3.tif", + "label": "train/breast_vectra_162_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_165_2.tif", + "label": "train/breast_vectra_165_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_166_1.tif", + "label": "train/breast_vectra_166_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_166_2.tif", + "label": "train/breast_vectra_166_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_166_3.tif", + "label": "train/breast_vectra_166_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_168_2.tif", + "label": "train/breast_vectra_168_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_168_3.tif", + "label": "train/breast_vectra_168_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_170_2.tif", + "label": "train/breast_vectra_170_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_172_0.tif", + "label": "train/breast_vectra_172_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_174_0.tif", + "label": "train/breast_vectra_174_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_174_3.tif", + "label": "train/breast_vectra_174_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_175_3.tif", + "label": "train/breast_vectra_175_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_176_1.tif", + "label": "train/breast_vectra_176_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_177_1.tif", + "label": "train/breast_vectra_177_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_181_3.tif", + "label": "train/breast_vectra_181_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_184_2.tif", + "label": "train/breast_vectra_184_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_186_0.tif", + "label": "train/breast_vectra_186_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_186_1.tif", + "label": "train/breast_vectra_186_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_188_0.tif", + "label": "train/breast_vectra_188_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_189_1.tif", + "label": "train/breast_vectra_189_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_192_2.tif", + "label": "train/breast_vectra_192_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_192_3.tif", + "label": "train/breast_vectra_192_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_196_1.tif", + "label": "train/breast_vectra_196_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_197_3.tif", + "label": "train/breast_vectra_197_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_198_1.tif", + "label": "train/breast_vectra_198_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_199_1.tif", + "label": "train/breast_vectra_199_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_199_2.tif", + "label": "train/breast_vectra_199_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_200_0.tif", + "label": "train/breast_vectra_200_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_201_0.tif", + "label": "train/breast_vectra_201_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_202_1.tif", + "label": "train/breast_vectra_202_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_204_0.tif", + "label": "train/breast_vectra_204_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_204_3.tif", + "label": "train/breast_vectra_204_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_205_0.tif", + "label": "train/breast_vectra_205_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_205_2.tif", + "label": "train/breast_vectra_205_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_205_3.tif", + "label": "train/breast_vectra_205_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_210_3.tif", + "label": "train/breast_vectra_210_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_211_3.tif", + "label": "train/breast_vectra_211_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_212_2.tif", + "label": "train/breast_vectra_212_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_212_3.tif", + "label": "train/breast_vectra_212_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_213_1.tif", + "label": "train/breast_vectra_213_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_215_1.tif", + "label": "train/breast_vectra_215_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_217_2.tif", + "label": "train/breast_vectra_217_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_217_3.tif", + "label": "train/breast_vectra_217_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_219_1.tif", + "label": "train/breast_vectra_219_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_219_2.tif", + "label": "train/breast_vectra_219_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_220_3.tif", + "label": "train/breast_vectra_220_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_223_0.tif", + "label": "train/breast_vectra_223_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_223_1.tif", + "label": "train/breast_vectra_223_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_226_0.tif", + "label": "train/breast_vectra_226_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_226_2.tif", + "label": "train/breast_vectra_226_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_227_0.tif", + "label": "train/breast_vectra_227_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_228_0.tif", + "label": "train/breast_vectra_228_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_230_3.tif", + "label": "train/breast_vectra_230_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_232_0.tif", + "label": "train/breast_vectra_232_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_234_0.tif", + "label": "train/breast_vectra_234_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_234_3.tif", + "label": "train/breast_vectra_234_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_235_3.tif", + "label": "train/breast_vectra_235_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_236_2.tif", + "label": "train/breast_vectra_236_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_237_1.tif", + "label": "train/breast_vectra_237_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_237_2.tif", + "label": "train/breast_vectra_237_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_239_1.tif", + "label": "train/breast_vectra_239_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_241_2.tif", + "label": "train/breast_vectra_241_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_242_2.tif", + "label": "train/breast_vectra_242_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_243_3.tif", + "label": "train/breast_vectra_243_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_245_0.tif", + "label": "train/breast_vectra_245_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_250_3.tif", + "label": "train/breast_vectra_250_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_252_1.tif", + "label": "train/breast_vectra_252_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_252_3.tif", + "label": "train/breast_vectra_252_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_254_0.tif", + "label": "train/breast_vectra_254_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_254_2.tif", + "label": "train/breast_vectra_254_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_254_3.tif", + "label": "train/breast_vectra_254_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_257_0.tif", + "label": "train/breast_vectra_257_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_258_0.tif", + "label": "train/breast_vectra_258_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_3_3.tif", + "label": "train/breast_imc_3_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_5_0.tif", + "label": "train/breast_imc_5_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_5_1.tif", + "label": "train/breast_imc_5_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_6_0.tif", + "label": "train/breast_imc_6_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_6_1.tif", + "label": "train/breast_imc_6_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_10_3.tif", + "label": "train/breast_imc_10_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_11_0.tif", + "label": "train/breast_imc_11_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_13_3.tif", + "label": "train/breast_imc_13_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_15_3.tif", + "label": "train/breast_imc_15_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_19_1.tif", + "label": "train/breast_imc_19_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_19_3.tif", + "label": "train/breast_imc_19_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_21_2.tif", + "label": "train/breast_imc_21_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_24_0.tif", + "label": "train/breast_imc_24_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_25_0.tif", + "label": "train/breast_imc_25_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_27_1.tif", + "label": "train/breast_imc_27_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_30_3.tif", + "label": "train/breast_imc_30_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_0_1.tif", + "label": "train/breast_mibi_0_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_0_2.tif", + "label": "train/breast_mibi_0_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_2_2.tif", + "label": "train/breast_mibi_2_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_3_1.tif", + "label": "train/breast_mibi_3_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_3_3.tif", + "label": "train/breast_mibi_3_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_4_0.tif", + "label": "train/breast_mibi_4_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_4_1.tif", + "label": "train/breast_mibi_4_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_5_1.tif", + "label": "train/breast_mibi_5_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_5_2.tif", + "label": "train/breast_mibi_5_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_6_0.tif", + "label": "train/breast_mibi_6_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_6_3.tif", + "label": "train/breast_mibi_6_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_9_2.tif", + "label": "train/breast_mibi_9_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_10_2.tif", + "label": "train/breast_mibi_10_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_10_3.tif", + "label": "train/breast_mibi_10_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_11_2.tif", + "label": "train/breast_mibi_11_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_12_0.tif", + "label": "train/breast_mibi_12_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_13_2.tif", + "label": "train/breast_mibi_13_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_13_3.tif", + "label": "train/breast_mibi_13_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_17_0.tif", + "label": "train/breast_mibi_17_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_17_3.tif", + "label": "train/breast_mibi_17_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_19_2.tif", + "label": "train/breast_mibi_19_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_20_1.tif", + "label": "train/breast_mibi_20_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_20_2.tif", + "label": "train/breast_mibi_20_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_22_3.tif", + "label": "train/breast_mibi_22_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_23_2.tif", + "label": "train/breast_mibi_23_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_25_1.tif", + "label": "train/breast_mibi_25_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_26_3.tif", + "label": "train/breast_mibi_26_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_28_0.tif", + "label": "train/breast_mibi_28_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_28_3.tif", + "label": "train/breast_mibi_28_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_31_0.tif", + "label": "train/breast_mibi_31_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_31_1.tif", + "label": "train/breast_mibi_31_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_33_3.tif", + "label": "train/breast_mibi_33_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_34_2.tif", + "label": "train/breast_mibi_34_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_35_1.tif", + "label": "train/breast_mibi_35_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_37_2.tif", + "label": "train/breast_mibi_37_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_37_3.tif", + "label": "train/breast_mibi_37_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_40_2.tif", + "label": "train/breast_mibi_40_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_46_1.tif", + "label": "train/breast_mibi_46_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_47_0.tif", + "label": "train/breast_mibi_47_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_47_1.tif", + "label": "train/breast_mibi_47_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_47_3.tif", + "label": "train/breast_mibi_47_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_49_0.tif", + "label": "train/breast_mibi_49_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_49_3.tif", + "label": "train/breast_mibi_49_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_52_2.tif", + "label": "train/breast_mibi_52_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_57_1.tif", + "label": "train/breast_mibi_57_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_60_1.tif", + "label": "train/breast_mibi_60_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_62_0.tif", + "label": "train/breast_mibi_62_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_64_0.tif", + "label": "train/breast_mibi_64_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_65_3.tif", + "label": "train/breast_mibi_65_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_67_2.tif", + "label": "train/breast_mibi_67_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_69_1.tif", + "label": "train/breast_mibi_69_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_70_2.tif", + "label": "train/breast_mibi_70_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_71_1.tif", + "label": "train/breast_mibi_71_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_72_0.tif", + "label": "train/breast_mibi_72_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_72_1.tif", + "label": "train/breast_mibi_72_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_73_0.tif", + "label": "train/breast_mibi_73_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_73_3.tif", + "label": "train/breast_mibi_73_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_75_3.tif", + "label": "train/breast_mibi_75_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_77_2.tif", + "label": "train/breast_mibi_77_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_0_0.tif", + "label": "train/breast_vectra_0_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_1_0.tif", + "label": "train/breast_vectra_1_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_2_2.tif", + "label": "train/breast_vectra_2_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_2_3.tif", + "label": "train/breast_vectra_2_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_4_0.tif", + "label": "train/breast_vectra_4_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_4_2.tif", + "label": "train/breast_vectra_4_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_5_1.tif", + "label": "train/breast_vectra_5_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_6_1.tif", + "label": "train/breast_vectra_6_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_7_0.tif", + "label": "train/breast_vectra_7_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_7_1.tif", + "label": "train/breast_vectra_7_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_7_2.tif", + "label": "train/breast_vectra_7_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_8_3.tif", + "label": "train/breast_vectra_8_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_9_1.tif", + "label": "train/breast_vectra_9_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_11_1.tif", + "label": "train/breast_vectra_11_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_12_1.tif", + "label": "train/breast_vectra_12_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_14_1.tif", + "label": "train/breast_vectra_14_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_16_1.tif", + "label": "train/breast_vectra_16_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_17_0.tif", + "label": "train/breast_vectra_17_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_18_1.tif", + "label": "train/breast_vectra_18_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_18_3.tif", + "label": "train/breast_vectra_18_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_21_0.tif", + "label": "train/breast_vectra_21_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_21_2.tif", + "label": "train/breast_vectra_21_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_23_0.tif", + "label": "train/breast_vectra_23_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_24_3.tif", + "label": "train/breast_vectra_24_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_25_2.tif", + "label": "train/breast_vectra_25_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_26_1.tif", + "label": "train/breast_vectra_26_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_30_2.tif", + "label": "train/breast_vectra_30_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_31_0.tif", + "label": "train/breast_vectra_31_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_31_2.tif", + "label": "train/breast_vectra_31_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_32_1.tif", + "label": "train/breast_vectra_32_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_35_0.tif", + "label": "train/breast_vectra_35_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_35_3.tif", + "label": "train/breast_vectra_35_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_36_2.tif", + "label": "train/breast_vectra_36_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_37_3.tif", + "label": "train/breast_vectra_37_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_38_3.tif", + "label": "train/breast_vectra_38_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_40_1.tif", + "label": "train/breast_vectra_40_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_41_2.tif", + "label": "train/breast_vectra_41_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_42_1.tif", + "label": "train/breast_vectra_42_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_42_2.tif", + "label": "train/breast_vectra_42_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_43_3.tif", + "label": "train/breast_vectra_43_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_44_1.tif", + "label": "train/breast_vectra_44_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_45_1.tif", + "label": "train/breast_vectra_45_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_46_0.tif", + "label": "train/breast_vectra_46_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_46_2.tif", + "label": "train/breast_vectra_46_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_46_3.tif", + "label": "train/breast_vectra_46_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_47_2.tif", + "label": "train/breast_vectra_47_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_48_1.tif", + "label": "train/breast_vectra_48_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_49_1.tif", + "label": "train/breast_vectra_49_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_50_2.tif", + "label": "train/breast_vectra_50_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_52_0.tif", + "label": "train/breast_vectra_52_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_54_0.tif", + "label": "train/breast_vectra_54_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_54_1.tif", + "label": "train/breast_vectra_54_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_56_2.tif", + "label": "train/breast_vectra_56_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_57_0.tif", + "label": "train/breast_vectra_57_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_60_1.tif", + "label": "train/breast_vectra_60_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_61_3.tif", + "label": "train/breast_vectra_61_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_62_1.tif", + "label": "train/breast_vectra_62_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_62_2.tif", + "label": "train/breast_vectra_62_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_63_3.tif", + "label": "train/breast_vectra_63_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_64_0.tif", + "label": "train/breast_vectra_64_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_66_2.tif", + "label": "train/breast_vectra_66_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_68_0.tif", + "label": "train/breast_vectra_68_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_68_2.tif", + "label": "train/breast_vectra_68_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_68_3.tif", + "label": "train/breast_vectra_68_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_69_1.tif", + "label": "train/breast_vectra_69_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_70_2.tif", + "label": "train/breast_vectra_70_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_71_3.tif", + "label": "train/breast_vectra_71_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_72_0.tif", + "label": "train/breast_vectra_72_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_73_0.tif", + "label": "train/breast_vectra_73_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_74_3.tif", + "label": "train/breast_vectra_74_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_75_0.tif", + "label": "train/breast_vectra_75_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_77_1.tif", + "label": "train/breast_vectra_77_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_77_3.tif", + "label": "train/breast_vectra_77_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_78_1.tif", + "label": "train/breast_vectra_78_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_80_0.tif", + "label": "train/breast_vectra_80_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_86_0.tif", + "label": "train/breast_vectra_86_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_87_0.tif", + "label": "train/breast_vectra_87_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_88_0.tif", + "label": "train/breast_vectra_88_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_91_2.tif", + "label": "train/breast_vectra_91_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_92_3.tif", + "label": "train/breast_vectra_92_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_97_1.tif", + "label": "train/breast_vectra_97_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_98_0.tif", + "label": "train/breast_vectra_98_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_99_1.tif", + "label": "train/breast_vectra_99_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_100_3.tif", + "label": "train/breast_vectra_100_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_101_3.tif", + "label": "train/breast_vectra_101_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_102_1.tif", + "label": "train/breast_vectra_102_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_106_1.tif", + "label": "train/breast_vectra_106_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_107_1.tif", + "label": "train/breast_vectra_107_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_107_3.tif", + "label": "train/breast_vectra_107_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_109_2.tif", + "label": "train/breast_vectra_109_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_109_3.tif", + "label": "train/breast_vectra_109_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_110_2.tif", + "label": "train/breast_vectra_110_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_110_3.tif", + "label": "train/breast_vectra_110_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_111_0.tif", + "label": "train/breast_vectra_111_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_112_1.tif", + "label": "train/breast_vectra_112_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_114_0.tif", + "label": "train/breast_vectra_114_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_115_1.tif", + "label": "train/breast_vectra_115_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_116_1.tif", + "label": "train/breast_vectra_116_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_116_3.tif", + "label": "train/breast_vectra_116_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_117_2.tif", + "label": "train/breast_vectra_117_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_117_3.tif", + "label": "train/breast_vectra_117_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_118_2.tif", + "label": "train/breast_vectra_118_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_122_0.tif", + "label": "train/breast_vectra_122_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_123_1.tif", + "label": "train/breast_vectra_123_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_127_1.tif", + "label": "train/breast_vectra_127_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_128_2.tif", + "label": "train/breast_vectra_128_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_130_0.tif", + "label": "train/breast_vectra_130_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_131_0.tif", + "label": "train/breast_vectra_131_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_131_1.tif", + "label": "train/breast_vectra_131_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_131_3.tif", + "label": "train/breast_vectra_131_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_133_1.tif", + "label": "train/breast_vectra_133_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_133_2.tif", + "label": "train/breast_vectra_133_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_133_3.tif", + "label": "train/breast_vectra_133_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_135_1.tif", + "label": "train/breast_vectra_135_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_139_3.tif", + "label": "train/breast_vectra_139_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_140_1.tif", + "label": "train/breast_vectra_140_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_140_2.tif", + "label": "train/breast_vectra_140_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_144_3.tif", + "label": "train/breast_vectra_144_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_146_1.tif", + "label": "train/breast_vectra_146_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_147_3.tif", + "label": "train/breast_vectra_147_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_148_2.tif", + "label": "train/breast_vectra_148_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_149_3.tif", + "label": "train/breast_vectra_149_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_151_2.tif", + "label": "train/breast_vectra_151_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_152_1.tif", + "label": "train/breast_vectra_152_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_152_2.tif", + "label": "train/breast_vectra_152_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_153_0.tif", + "label": "train/breast_vectra_153_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_154_0.tif", + "label": "train/breast_vectra_154_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_155_1.tif", + "label": "train/breast_vectra_155_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_156_3.tif", + "label": "train/breast_vectra_156_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_158_0.tif", + "label": "train/breast_vectra_158_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_158_3.tif", + "label": "train/breast_vectra_158_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_159_1.tif", + "label": "train/breast_vectra_159_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_162_0.tif", + "label": "train/breast_vectra_162_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_163_3.tif", + "label": "train/breast_vectra_163_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_164_0.tif", + "label": "train/breast_vectra_164_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_164_3.tif", + "label": "train/breast_vectra_164_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_167_2.tif", + "label": "train/breast_vectra_167_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_167_3.tif", + "label": "train/breast_vectra_167_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_170_0.tif", + "label": "train/breast_vectra_170_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_174_1.tif", + "label": "train/breast_vectra_174_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_177_2.tif", + "label": "train/breast_vectra_177_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_177_3.tif", + "label": "train/breast_vectra_177_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_178_3.tif", + "label": "train/breast_vectra_178_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_180_0.tif", + "label": "train/breast_vectra_180_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_180_1.tif", + "label": "train/breast_vectra_180_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_181_0.tif", + "label": "train/breast_vectra_181_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_183_2.tif", + "label": "train/breast_vectra_183_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_183_3.tif", + "label": "train/breast_vectra_183_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_186_3.tif", + "label": "train/breast_vectra_186_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_187_2.tif", + "label": "train/breast_vectra_187_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_187_3.tif", + "label": "train/breast_vectra_187_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_188_1.tif", + "label": "train/breast_vectra_188_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_190_2.tif", + "label": "train/breast_vectra_190_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_193_0.tif", + "label": "train/breast_vectra_193_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_193_2.tif", + "label": "train/breast_vectra_193_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_194_1.tif", + "label": "train/breast_vectra_194_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_195_2.tif", + "label": "train/breast_vectra_195_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_198_0.tif", + "label": "train/breast_vectra_198_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_198_3.tif", + "label": "train/breast_vectra_198_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_199_0.tif", + "label": "train/breast_vectra_199_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_199_3.tif", + "label": "train/breast_vectra_199_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_202_0.tif", + "label": "train/breast_vectra_202_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_203_3.tif", + "label": "train/breast_vectra_203_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_204_2.tif", + "label": "train/breast_vectra_204_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_208_2.tif", + "label": "train/breast_vectra_208_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_209_1.tif", + "label": "train/breast_vectra_209_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_209_2.tif", + "label": "train/breast_vectra_209_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_210_1.tif", + "label": "train/breast_vectra_210_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_212_0.tif", + "label": "train/breast_vectra_212_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_213_3.tif", + "label": "train/breast_vectra_213_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_215_0.tif", + "label": "train/breast_vectra_215_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_215_3.tif", + "label": "train/breast_vectra_215_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_216_1.tif", + "label": "train/breast_vectra_216_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_216_2.tif", + "label": "train/breast_vectra_216_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_218_0.tif", + "label": "train/breast_vectra_218_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_220_1.tif", + "label": "train/breast_vectra_220_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_220_2.tif", + "label": "train/breast_vectra_220_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_221_2.tif", + "label": "train/breast_vectra_221_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_222_0.tif", + "label": "train/breast_vectra_222_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_222_2.tif", + "label": "train/breast_vectra_222_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_223_2.tif", + "label": "train/breast_vectra_223_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_224_1.tif", + "label": "train/breast_vectra_224_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_225_3.tif", + "label": "train/breast_vectra_225_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_226_1.tif", + "label": "train/breast_vectra_226_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_226_3.tif", + "label": "train/breast_vectra_226_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_229_0.tif", + "label": "train/breast_vectra_229_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_229_1.tif", + "label": "train/breast_vectra_229_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_229_2.tif", + "label": "train/breast_vectra_229_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_230_0.tif", + "label": "train/breast_vectra_230_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_230_1.tif", + "label": "train/breast_vectra_230_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_230_2.tif", + "label": "train/breast_vectra_230_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_231_2.tif", + "label": "train/breast_vectra_231_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_233_0.tif", + "label": "train/breast_vectra_233_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_233_2.tif", + "label": "train/breast_vectra_233_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_234_2.tif", + "label": "train/breast_vectra_234_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_235_0.tif", + "label": "train/breast_vectra_235_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_237_3.tif", + "label": "train/breast_vectra_237_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_238_2.tif", + "label": "train/breast_vectra_238_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_239_0.tif", + "label": "train/breast_vectra_239_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_241_1.tif", + "label": "train/breast_vectra_241_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_242_0.tif", + "label": "train/breast_vectra_242_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_242_3.tif", + "label": "train/breast_vectra_242_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_243_0.tif", + "label": "train/breast_vectra_243_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_243_1.tif", + "label": "train/breast_vectra_243_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_243_2.tif", + "label": "train/breast_vectra_243_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_244_0.tif", + "label": "train/breast_vectra_244_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_244_1.tif", + "label": "train/breast_vectra_244_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_244_3.tif", + "label": "train/breast_vectra_244_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_245_3.tif", + "label": "train/breast_vectra_245_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_246_1.tif", + "label": "train/breast_vectra_246_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_246_2.tif", + "label": "train/breast_vectra_246_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_247_0.tif", + "label": "train/breast_vectra_247_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_247_3.tif", + "label": "train/breast_vectra_247_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_250_1.tif", + "label": "train/breast_vectra_250_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_251_2.tif", + "label": "train/breast_vectra_251_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_253_0.tif", + "label": "train/breast_vectra_253_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_253_2.tif", + "label": "train/breast_vectra_253_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_257_3.tif", + "label": "train/breast_vectra_257_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_258_2.tif", + "label": "train/breast_vectra_258_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_258_3.tif", + "label": "train/breast_vectra_258_3_masks.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "test/breast_imc_4.tif", + "label": "test/breast_imc_4_masks.tif" + }, + { + "image": "test/breast_imc_11.tif", + "label": "test/breast_imc_11_masks.tif" + }, + { + "image": "test/breast_imc_14.tif", + "label": "test/breast_imc_14_masks.tif" + }, + { + "image": "test/breast_mibi_0.tif", + "label": "test/breast_mibi_0_masks.tif" + }, + { + "image": "test/breast_mibi_3.tif", + "label": "test/breast_mibi_3_masks.tif" + }, + { + "image": "test/breast_mibi_13.tif", + "label": "test/breast_mibi_13_masks.tif" + }, + { + "image": "test/breast_mibi_15.tif", + "label": "test/breast_mibi_15_masks.tif" + }, + { + "image": "test/breast_mibi_19.tif", + "label": "test/breast_mibi_19_masks.tif" + }, + { + "image": "test/breast_mibi_24.tif", + "label": "test/breast_mibi_24_masks.tif" + }, + { + "image": "test/breast_mibi_31.tif", + "label": "test/breast_mibi_31_masks.tif" + }, + { + "image": "test/breast_mibi_35.tif", + "label": "test/breast_mibi_35_masks.tif" + }, + { + "image": "test/breast_mibi_37.tif", + "label": "test/breast_mibi_37_masks.tif" + }, + { + "image": "test/breast_mibi_40.tif", + "label": "test/breast_mibi_40_masks.tif" + }, + { + "image": "test/breast_vectra_8.tif", + "label": "test/breast_vectra_8_masks.tif" + }, + { + "image": "test/breast_vectra_9.tif", + "label": "test/breast_vectra_9_masks.tif" + }, + { + "image": "test/breast_vectra_15.tif", + "label": "test/breast_vectra_15_masks.tif" + }, + { + "image": "test/breast_vectra_20.tif", + "label": "test/breast_vectra_20_masks.tif" + }, + { + "image": "test/breast_vectra_23.tif", + "label": "test/breast_vectra_23_masks.tif" + }, + { + "image": "test/breast_vectra_26.tif", + "label": "test/breast_vectra_26_masks.tif" + }, + { + "image": "test/breast_vectra_32.tif", + "label": "test/breast_vectra_32_masks.tif" + }, + { + "image": "test/breast_vectra_37.tif", + "label": "test/breast_vectra_37_masks.tif" + }, + { + "image": "test/breast_vectra_40.tif", + "label": "test/breast_vectra_40_masks.tif" + }, + { + "image": "test/breast_vectra_41.tif", + "label": "test/breast_vectra_41_masks.tif" + }, + { + "image": "test/breast_vectra_44.tif", + "label": "test/breast_vectra_44_masks.tif" + }, + { + "image": "test/breast_vectra_48.tif", + "label": "test/breast_vectra_48_masks.tif" + }, + { + "image": "test/breast_vectra_49.tif", + "label": "test/breast_vectra_49_masks.tif" + }, + { + "image": "test/breast_vectra_54.tif", + "label": "test/breast_vectra_54_masks.tif" + }, + { + "image": "test/breast_vectra_55.tif", + "label": "test/breast_vectra_55_masks.tif" + }, + { + "image": "test/breast_vectra_61.tif", + "label": "test/breast_vectra_61_masks.tif" + }, + { + "image": "test/breast_vectra_62.tif", + "label": "test/breast_vectra_62_masks.tif" + }, + { + "image": "test/breast_vectra_66.tif", + "label": "test/breast_vectra_66_masks.tif" + }, + { + "image": "test/breast_vectra_74.tif", + "label": "test/breast_vectra_74_masks.tif" + }, + { + "image": "test/breast_vectra_90.tif", + "label": "test/breast_vectra_90_masks.tif" + }, + { + "image": "test/breast_vectra_95.tif", + "label": "test/breast_vectra_95_masks.tif" + }, + { + "image": "test/breast_vectra_101.tif", + "label": "test/breast_vectra_101_masks.tif" + }, + { + "image": "test/breast_vectra_112.tif", + "label": "test/breast_vectra_112_masks.tif" + }, + { + "image": "test/breast_vectra_123.tif", + "label": "test/breast_vectra_123_masks.tif" + }, + { + "image": "test/breast_vectra_129.tif", + "label": "test/breast_vectra_129_masks.tif" + }, + { + "image": "test/breast_imc_5.tif", + "label": "test/breast_imc_5_masks.tif" + }, + { + "image": "test/breast_imc_12.tif", + "label": "test/breast_imc_12_masks.tif" + }, + { + "image": "test/breast_imc_13.tif", + "label": "test/breast_imc_13_masks.tif" + }, + { + "image": "test/breast_mibi_1.tif", + "label": "test/breast_mibi_1_masks.tif" + }, + { + "image": "test/breast_mibi_2.tif", + "label": "test/breast_mibi_2_masks.tif" + }, + { + "image": "test/breast_mibi_12.tif", + "label": "test/breast_mibi_12_masks.tif" + }, + { + "image": "test/breast_mibi_17.tif", + "label": "test/breast_mibi_17_masks.tif" + }, + { + "image": "test/breast_mibi_23.tif", + "label": "test/breast_mibi_23_masks.tif" + }, + { + "image": "test/breast_mibi_26.tif", + "label": "test/breast_mibi_26_masks.tif" + }, + { + "image": "test/breast_mibi_28.tif", + "label": "test/breast_mibi_28_masks.tif" + }, + { + "image": "test/breast_mibi_32.tif", + "label": "test/breast_mibi_32_masks.tif" + }, + { + "image": "test/breast_mibi_38.tif", + "label": "test/breast_mibi_38_masks.tif" + }, + { + "image": "test/breast_vectra_0.tif", + "label": "test/breast_vectra_0_masks.tif" + }, + { + "image": "test/breast_vectra_1.tif", + "label": "test/breast_vectra_1_masks.tif" + }, + { + "image": "test/breast_vectra_11.tif", + "label": "test/breast_vectra_11_masks.tif" + }, + { + "image": "test/breast_vectra_24.tif", + "label": "test/breast_vectra_24_masks.tif" + }, + { + "image": "test/breast_vectra_35.tif", + "label": "test/breast_vectra_35_masks.tif" + }, + { + "image": "test/breast_vectra_36.tif", + "label": "test/breast_vectra_36_masks.tif" + }, + { + "image": "test/breast_vectra_45.tif", + "label": "test/breast_vectra_45_masks.tif" + }, + { + "image": "test/breast_vectra_47.tif", + "label": "test/breast_vectra_47_masks.tif" + }, + { + "image": "test/breast_vectra_50.tif", + "label": "test/breast_vectra_50_masks.tif" + }, + { + "image": "test/breast_vectra_52.tif", + "label": "test/breast_vectra_52_masks.tif" + }, + { + "image": "test/breast_vectra_56.tif", + "label": "test/breast_vectra_56_masks.tif" + }, + { + "image": "test/breast_vectra_58.tif", + "label": "test/breast_vectra_58_masks.tif" + }, + { + "image": "test/breast_vectra_59.tif", + "label": "test/breast_vectra_59_masks.tif" + }, + { + "image": "test/breast_vectra_65.tif", + "label": "test/breast_vectra_65_masks.tif" + }, + { + "image": "test/breast_vectra_72.tif", + "label": "test/breast_vectra_72_masks.tif" + }, + { + "image": "test/breast_vectra_77.tif", + "label": "test/breast_vectra_77_masks.tif" + }, + { + "image": "test/breast_vectra_87.tif", + "label": "test/breast_vectra_87_masks.tif" + }, + { + "image": "test/breast_vectra_104.tif", + "label": "test/breast_vectra_104_masks.tif" + }, + { + "image": "test/breast_vectra_105.tif", + "label": "test/breast_vectra_105_masks.tif" + }, + { + "image": "test/breast_vectra_107.tif", + "label": "test/breast_vectra_107_masks.tif" + }, + { + "image": "test/breast_vectra_109.tif", + "label": "test/breast_vectra_109_masks.tif" + }, + { + "image": "test/breast_vectra_110.tif", + "label": "test/breast_vectra_110_masks.tif" + }, + { + "image": "test/breast_vectra_114.tif", + "label": "test/breast_vectra_114_masks.tif" + }, + { + "image": "test/breast_vectra_116.tif", + "label": "test/breast_vectra_116_masks.tif" + }, + { + "image": "test/breast_vectra_118.tif", + "label": "test/breast_vectra_118_masks.tif" + }, + { + "image": "test/breast_vectra_125.tif", + "label": "test/breast_vectra_125_masks.tif" + }, + { + "image": "test/breast_imc_0.tif", + "label": "test/breast_imc_0_masks.tif" + }, + { + "image": "test/breast_imc_2.tif", + "label": "test/breast_imc_2_masks.tif" + }, + { + "image": "test/breast_imc_6.tif", + "label": "test/breast_imc_6_masks.tif" + }, + { + "image": "test/breast_mibi_5.tif", + "label": "test/breast_mibi_5_masks.tif" + }, + { + "image": "test/breast_mibi_20.tif", + "label": "test/breast_mibi_20_masks.tif" + }, + { + "image": "test/breast_mibi_29.tif", + "label": "test/breast_mibi_29_masks.tif" + }, + { + "image": "test/breast_mibi_30.tif", + "label": "test/breast_mibi_30_masks.tif" + }, + { + "image": "test/breast_mibi_39.tif", + "label": "test/breast_mibi_39_masks.tif" + }, + { + "image": "test/breast_vectra_4.tif", + "label": "test/breast_vectra_4_masks.tif" + }, + { + "image": "test/breast_vectra_7.tif", + "label": "test/breast_vectra_7_masks.tif" + }, + { + "image": "test/breast_vectra_12.tif", + "label": "test/breast_vectra_12_masks.tif" + }, + { + "image": "test/breast_vectra_16.tif", + "label": "test/breast_vectra_16_masks.tif" + }, + { + "image": "test/breast_vectra_17.tif", + "label": "test/breast_vectra_17_masks.tif" + }, + { + "image": "test/breast_vectra_19.tif", + "label": "test/breast_vectra_19_masks.tif" + }, + { + "image": "test/breast_vectra_27.tif", + "label": "test/breast_vectra_27_masks.tif" + }, + { + "image": "test/breast_vectra_29.tif", + "label": "test/breast_vectra_29_masks.tif" + }, + { + "image": "test/breast_vectra_30.tif", + "label": "test/breast_vectra_30_masks.tif" + }, + { + "image": "test/breast_vectra_31.tif", + "label": "test/breast_vectra_31_masks.tif" + }, + { + "image": "test/breast_vectra_33.tif", + "label": "test/breast_vectra_33_masks.tif" + }, + { + "image": "test/breast_vectra_34.tif", + "label": "test/breast_vectra_34_masks.tif" + }, + { + "image": "test/breast_vectra_39.tif", + "label": "test/breast_vectra_39_masks.tif" + }, + { + "image": "test/breast_vectra_60.tif", + "label": "test/breast_vectra_60_masks.tif" + }, + { + "image": "test/breast_vectra_64.tif", + "label": "test/breast_vectra_64_masks.tif" + }, + { + "image": "test/breast_vectra_80.tif", + "label": "test/breast_vectra_80_masks.tif" + }, + { + "image": "test/breast_vectra_85.tif", + "label": "test/breast_vectra_85_masks.tif" + }, + { + "image": "test/breast_vectra_92.tif", + "label": "test/breast_vectra_92_masks.tif" + }, + { + "image": "test/breast_vectra_93.tif", + "label": "test/breast_vectra_93_masks.tif" + }, + { + "image": "test/breast_vectra_94.tif", + "label": "test/breast_vectra_94_masks.tif" + }, + { + "image": "test/breast_vectra_97.tif", + "label": "test/breast_vectra_97_masks.tif" + }, + { + "image": "test/breast_vectra_100.tif", + "label": "test/breast_vectra_100_masks.tif" + }, + { + "image": "test/breast_vectra_106.tif", + "label": "test/breast_vectra_106_masks.tif" + }, + { + "image": "test/breast_vectra_111.tif", + "label": "test/breast_vectra_111_masks.tif" + }, + { + "image": "test/breast_vectra_117.tif", + "label": "test/breast_vectra_117_masks.tif" + }, + { + "image": "test/breast_vectra_119.tif", + "label": "test/breast_vectra_119_masks.tif" + }, + { + "image": "test/breast_vectra_121.tif", + "label": "test/breast_vectra_121_masks.tif" + }, + { + "image": "test/breast_vectra_124.tif", + "label": "test/breast_vectra_124_masks.tif" + }, + { + "image": "test/breast_vectra_126.tif", + "label": "test/breast_vectra_126_masks.tif" + }, + { + "image": "test/breast_vectra_128.tif", + "label": "test/breast_vectra_128_masks.tif" + }, + { + "image": "test/breast_imc_3.tif", + "label": "test/breast_imc_3_masks.tif" + }, + { + "image": "test/breast_imc_9.tif", + "label": "test/breast_imc_9_masks.tif" + }, + { + "image": "test/breast_imc_10.tif", + "label": "test/breast_imc_10_masks.tif" + }, + { + "image": "test/breast_imc_15.tif", + "label": "test/breast_imc_15_masks.tif" + }, + { + "image": "test/breast_mibi_7.tif", + "label": "test/breast_mibi_7_masks.tif" + }, + { + "image": "test/breast_mibi_8.tif", + "label": "test/breast_mibi_8_masks.tif" + }, + { + "image": "test/breast_mibi_10.tif", + "label": "test/breast_mibi_10_masks.tif" + }, + { + "image": "test/breast_mibi_11.tif", + "label": "test/breast_mibi_11_masks.tif" + }, + { + "image": "test/breast_mibi_16.tif", + "label": "test/breast_mibi_16_masks.tif" + }, + { + "image": "test/breast_mibi_18.tif", + "label": "test/breast_mibi_18_masks.tif" + }, + { + "image": "test/breast_mibi_22.tif", + "label": "test/breast_mibi_22_masks.tif" + }, + { + "image": "test/breast_mibi_25.tif", + "label": "test/breast_mibi_25_masks.tif" + }, + { + "image": "test/breast_mibi_27.tif", + "label": "test/breast_mibi_27_masks.tif" + }, + { + "image": "test/breast_mibi_33.tif", + "label": "test/breast_mibi_33_masks.tif" + }, + { + "image": "test/breast_mibi_36.tif", + "label": "test/breast_mibi_36_masks.tif" + }, + { + "image": "test/breast_vectra_6.tif", + "label": "test/breast_vectra_6_masks.tif" + }, + { + "image": "test/breast_vectra_18.tif", + "label": "test/breast_vectra_18_masks.tif" + }, + { + "image": "test/breast_vectra_22.tif", + "label": "test/breast_vectra_22_masks.tif" + }, + { + "image": "test/breast_vectra_25.tif", + "label": "test/breast_vectra_25_masks.tif" + }, + { + "image": "test/breast_vectra_42.tif", + "label": "test/breast_vectra_42_masks.tif" + }, + { + "image": "test/breast_vectra_46.tif", + "label": "test/breast_vectra_46_masks.tif" + }, + { + "image": "test/breast_vectra_51.tif", + "label": "test/breast_vectra_51_masks.tif" + }, + { + "image": "test/breast_vectra_53.tif", + "label": "test/breast_vectra_53_masks.tif" + }, + { + "image": "test/breast_vectra_67.tif", + "label": "test/breast_vectra_67_masks.tif" + }, + { + "image": "test/breast_vectra_68.tif", + "label": "test/breast_vectra_68_masks.tif" + }, + { + "image": "test/breast_vectra_69.tif", + "label": "test/breast_vectra_69_masks.tif" + }, + { + "image": "test/breast_vectra_73.tif", + "label": "test/breast_vectra_73_masks.tif" + }, + { + "image": "test/breast_vectra_78.tif", + "label": "test/breast_vectra_78_masks.tif" + }, + { + "image": "test/breast_vectra_89.tif", + "label": "test/breast_vectra_89_masks.tif" + }, + { + "image": "test/breast_vectra_91.tif", + "label": "test/breast_vectra_91_masks.tif" + }, + { + "image": "test/breast_vectra_96.tif", + "label": "test/breast_vectra_96_masks.tif" + }, + { + "image": "test/breast_vectra_102.tif", + "label": "test/breast_vectra_102_masks.tif" + }, + { + "image": "test/breast_vectra_103.tif", + "label": "test/breast_vectra_103_masks.tif" + }, + { + "image": "test/breast_vectra_113.tif", + "label": "test/breast_vectra_113_masks.tif" + }, + { + "image": "test/breast_vectra_115.tif", + "label": "test/breast_vectra_115_masks.tif" + }, + { + "image": "test/breast_vectra_120.tif", + "label": "test/breast_vectra_120_masks.tif" + }, + { + "image": "test/breast_vectra_122.tif", + "label": "test/breast_vectra_122_masks.tif" + }, + { + "image": "test/breast_vectra_130.tif", + "label": "test/breast_vectra_130_masks.tif" + }, + { + "image": "test/breast_imc_1.tif", + "label": "test/breast_imc_1_masks.tif" + }, + { + "image": "test/breast_imc_7.tif", + "label": "test/breast_imc_7_masks.tif" + }, + { + "image": "test/breast_imc_8.tif", + "label": "test/breast_imc_8_masks.tif" + }, + { + "image": "test/breast_mibi_4.tif", + "label": "test/breast_mibi_4_masks.tif" + }, + { + "image": "test/breast_mibi_6.tif", + "label": "test/breast_mibi_6_masks.tif" + }, + { + "image": "test/breast_mibi_9.tif", + "label": "test/breast_mibi_9_masks.tif" + }, + { + "image": "test/breast_mibi_14.tif", + "label": "test/breast_mibi_14_masks.tif" + }, + { + "image": "test/breast_mibi_21.tif", + "label": "test/breast_mibi_21_masks.tif" + }, + { + "image": "test/breast_mibi_34.tif", + "label": "test/breast_mibi_34_masks.tif" + }, + { + "image": "test/breast_mibi_41.tif", + "label": "test/breast_mibi_41_masks.tif" + }, + { + "image": "test/breast_vectra_2.tif", + "label": "test/breast_vectra_2_masks.tif" + }, + { + "image": "test/breast_vectra_3.tif", + "label": "test/breast_vectra_3_masks.tif" + }, + { + "image": "test/breast_vectra_5.tif", + "label": "test/breast_vectra_5_masks.tif" + }, + { + "image": "test/breast_vectra_10.tif", + "label": "test/breast_vectra_10_masks.tif" + }, + { + "image": "test/breast_vectra_13.tif", + "label": "test/breast_vectra_13_masks.tif" + }, + { + "image": "test/breast_vectra_14.tif", + "label": "test/breast_vectra_14_masks.tif" + }, + { + "image": "test/breast_vectra_21.tif", + "label": "test/breast_vectra_21_masks.tif" + }, + { + "image": "test/breast_vectra_28.tif", + "label": "test/breast_vectra_28_masks.tif" + }, + { + "image": "test/breast_vectra_38.tif", + "label": "test/breast_vectra_38_masks.tif" + }, + { + "image": "test/breast_vectra_43.tif", + "label": "test/breast_vectra_43_masks.tif" + }, + { + "image": "test/breast_vectra_57.tif", + "label": "test/breast_vectra_57_masks.tif" + }, + { + "image": "test/breast_vectra_63.tif", + "label": "test/breast_vectra_63_masks.tif" + }, + { + "image": "test/breast_vectra_70.tif", + "label": "test/breast_vectra_70_masks.tif" + }, + { + "image": "test/breast_vectra_71.tif", + "label": "test/breast_vectra_71_masks.tif" + }, + { + "image": "test/breast_vectra_75.tif", + "label": "test/breast_vectra_75_masks.tif" + }, + { + "image": "test/breast_vectra_76.tif", + "label": "test/breast_vectra_76_masks.tif" + }, + { + "image": "test/breast_vectra_79.tif", + "label": "test/breast_vectra_79_masks.tif" + }, + { + "image": "test/breast_vectra_81.tif", + "label": "test/breast_vectra_81_masks.tif" + }, + { + "image": "test/breast_vectra_82.tif", + "label": "test/breast_vectra_82_masks.tif" + }, + { + "image": "test/breast_vectra_83.tif", + "label": "test/breast_vectra_83_masks.tif" + }, + { + "image": "test/breast_vectra_84.tif", + "label": "test/breast_vectra_84_masks.tif" + }, + { + "image": "test/breast_vectra_86.tif", + "label": "test/breast_vectra_86_masks.tif" + }, + { + "image": "test/breast_vectra_88.tif", + "label": "test/breast_vectra_88_masks.tif" + }, + { + "image": "test/breast_vectra_98.tif", + "label": "test/breast_vectra_98_masks.tif" + }, + { + "image": "test/breast_vectra_99.tif", + "label": "test/breast_vectra_99_masks.tif" + }, + { + "image": "test/breast_vectra_108.tif", + "label": "test/breast_vectra_108_masks.tif" + }, + { + "image": "test/breast_vectra_127.tif", + "label": "test/breast_vectra_127_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_breast_imc_datalist.json b/vista2d/datalists/tissuenet_breast_imc_datalist.json new file mode 100644 index 0000000..76820c9 --- /dev/null +++ b/vista2d/datalists/tissuenet_breast_imc_datalist.json @@ -0,0 +1,900 @@ +{ + "training": [ + { + "image": "val/breast_imc_2.tif", + "label": "val/breast_imc_2_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_3.tif", + "label": "val/breast_imc_3_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_21.tif", + "label": "val/breast_imc_21_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_22.tif", + "label": "val/breast_imc_22_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_25.tif", + "label": "val/breast_imc_25_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_27.tif", + "label": "val/breast_imc_27_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_29.tif", + "label": "val/breast_imc_29_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_35.tif", + "label": "val/breast_imc_35_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_17.tif", + "label": "val/breast_imc_17_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_19.tif", + "label": "val/breast_imc_19_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_24.tif", + "label": "val/breast_imc_24_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_26.tif", + "label": "val/breast_imc_26_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_28.tif", + "label": "val/breast_imc_28_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_30.tif", + "label": "val/breast_imc_30_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_31.tif", + "label": "val/breast_imc_31_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_34.tif", + "label": "val/breast_imc_34_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_4.tif", + "label": "val/breast_imc_4_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_10.tif", + "label": "val/breast_imc_10_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_14.tif", + "label": "val/breast_imc_14_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_18.tif", + "label": "val/breast_imc_18_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_20.tif", + "label": "val/breast_imc_20_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_23.tif", + "label": "val/breast_imc_23_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_32.tif", + "label": "val/breast_imc_32_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_33.tif", + "label": "val/breast_imc_33_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_0.tif", + "label": "val/breast_imc_0_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_1.tif", + "label": "val/breast_imc_1_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_6.tif", + "label": "val/breast_imc_6_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_7.tif", + "label": "val/breast_imc_7_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_13.tif", + "label": "val/breast_imc_13_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_16.tif", + "label": "val/breast_imc_16_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_36.tif", + "label": "val/breast_imc_36_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_5.tif", + "label": "val/breast_imc_5_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_8.tif", + "label": "val/breast_imc_8_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_9.tif", + "label": "val/breast_imc_9_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_11.tif", + "label": "val/breast_imc_11_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_12.tif", + "label": "val/breast_imc_12_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_15.tif", + "label": "val/breast_imc_15_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_imc_37.tif", + "label": "val/breast_imc_37_masks.tif", + "fold": 0 + }, + { + "image": "train/breast_imc_0_2.tif", + "label": "train/breast_imc_0_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_1_0.tif", + "label": "train/breast_imc_1_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_7_3.tif", + "label": "train/breast_imc_7_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_8_1.tif", + "label": "train/breast_imc_8_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_8_3.tif", + "label": "train/breast_imc_8_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_11_2.tif", + "label": "train/breast_imc_11_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_12_0.tif", + "label": "train/breast_imc_12_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_12_3.tif", + "label": "train/breast_imc_12_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_13_1.tif", + "label": "train/breast_imc_13_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_13_3.tif", + "label": "train/breast_imc_13_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_14_0.tif", + "label": "train/breast_imc_14_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_14_3.tif", + "label": "train/breast_imc_14_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_16_3.tif", + "label": "train/breast_imc_16_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_23_0.tif", + "label": "train/breast_imc_23_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_25_2.tif", + "label": "train/breast_imc_25_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_25_3.tif", + "label": "train/breast_imc_25_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_26_0.tif", + "label": "train/breast_imc_26_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_26_2.tif", + "label": "train/breast_imc_26_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_27_0.tif", + "label": "train/breast_imc_27_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_27_2.tif", + "label": "train/breast_imc_27_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_28_1.tif", + "label": "train/breast_imc_28_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_29_0.tif", + "label": "train/breast_imc_29_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_29_2.tif", + "label": "train/breast_imc_29_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_30_1.tif", + "label": "train/breast_imc_30_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_30_2.tif", + "label": "train/breast_imc_30_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_31_1.tif", + "label": "train/breast_imc_31_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_2_2.tif", + "label": "train/breast_imc_2_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_4_1.tif", + "label": "train/breast_imc_4_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_4_3.tif", + "label": "train/breast_imc_4_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_6_3.tif", + "label": "train/breast_imc_6_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_8_0.tif", + "label": "train/breast_imc_8_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_9_0.tif", + "label": "train/breast_imc_9_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_9_2.tif", + "label": "train/breast_imc_9_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_10_2.tif", + "label": "train/breast_imc_10_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_11_0.tif", + "label": "train/breast_imc_11_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_11_1.tif", + "label": "train/breast_imc_11_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_13_2.tif", + "label": "train/breast_imc_13_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_14_2.tif", + "label": "train/breast_imc_14_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_15_2.tif", + "label": "train/breast_imc_15_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_16_2.tif", + "label": "train/breast_imc_16_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_18_2.tif", + "label": "train/breast_imc_18_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_19_1.tif", + "label": "train/breast_imc_19_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_20_0.tif", + "label": "train/breast_imc_20_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_20_3.tif", + "label": "train/breast_imc_20_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_21_1.tif", + "label": "train/breast_imc_21_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_22_0.tif", + "label": "train/breast_imc_22_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_24_1.tif", + "label": "train/breast_imc_24_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_24_3.tif", + "label": "train/breast_imc_24_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_26_1.tif", + "label": "train/breast_imc_26_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_30_0.tif", + "label": "train/breast_imc_30_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_31_2.tif", + "label": "train/breast_imc_31_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_31_3.tif", + "label": "train/breast_imc_31_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_3_3.tif", + "label": "train/breast_imc_3_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_5_1.tif", + "label": "train/breast_imc_5_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_5_3.tif", + "label": "train/breast_imc_5_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_6_0.tif", + "label": "train/breast_imc_6_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_6_2.tif", + "label": "train/breast_imc_6_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_8_2.tif", + "label": "train/breast_imc_8_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_9_3.tif", + "label": "train/breast_imc_9_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_10_0.tif", + "label": "train/breast_imc_10_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_10_1.tif", + "label": "train/breast_imc_10_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_10_3.tif", + "label": "train/breast_imc_10_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_12_1.tif", + "label": "train/breast_imc_12_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_13_0.tif", + "label": "train/breast_imc_13_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_16_1.tif", + "label": "train/breast_imc_16_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_17_1.tif", + "label": "train/breast_imc_17_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_17_2.tif", + "label": "train/breast_imc_17_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_18_1.tif", + "label": "train/breast_imc_18_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_19_2.tif", + "label": "train/breast_imc_19_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_20_2.tif", + "label": "train/breast_imc_20_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_22_1.tif", + "label": "train/breast_imc_22_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_22_2.tif", + "label": "train/breast_imc_22_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_22_3.tif", + "label": "train/breast_imc_22_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_23_1.tif", + "label": "train/breast_imc_23_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_24_2.tif", + "label": "train/breast_imc_24_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_28_0.tif", + "label": "train/breast_imc_28_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_28_2.tif", + "label": "train/breast_imc_28_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_29_3.tif", + "label": "train/breast_imc_29_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_0_0.tif", + "label": "train/breast_imc_0_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_0_3.tif", + "label": "train/breast_imc_0_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_1_3.tif", + "label": "train/breast_imc_1_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_2_0.tif", + "label": "train/breast_imc_2_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_3_1.tif", + "label": "train/breast_imc_3_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_5_2.tif", + "label": "train/breast_imc_5_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_7_2.tif", + "label": "train/breast_imc_7_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_11_3.tif", + "label": "train/breast_imc_11_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_14_1.tif", + "label": "train/breast_imc_14_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_15_0.tif", + "label": "train/breast_imc_15_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_15_1.tif", + "label": "train/breast_imc_15_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_15_3.tif", + "label": "train/breast_imc_15_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_17_0.tif", + "label": "train/breast_imc_17_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_20_1.tif", + "label": "train/breast_imc_20_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_21_2.tif", + "label": "train/breast_imc_21_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_21_3.tif", + "label": "train/breast_imc_21_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_23_2.tif", + "label": "train/breast_imc_23_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_23_3.tif", + "label": "train/breast_imc_23_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_24_0.tif", + "label": "train/breast_imc_24_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_25_0.tif", + "label": "train/breast_imc_25_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_27_3.tif", + "label": "train/breast_imc_27_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_28_3.tif", + "label": "train/breast_imc_28_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_29_1.tif", + "label": "train/breast_imc_29_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_30_3.tif", + "label": "train/breast_imc_30_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_31_0.tif", + "label": "train/breast_imc_31_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_0_1.tif", + "label": "train/breast_imc_0_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_1_1.tif", + "label": "train/breast_imc_1_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_1_2.tif", + "label": "train/breast_imc_1_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_2_1.tif", + "label": "train/breast_imc_2_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_2_3.tif", + "label": "train/breast_imc_2_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_3_0.tif", + "label": "train/breast_imc_3_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_3_2.tif", + "label": "train/breast_imc_3_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_4_0.tif", + "label": "train/breast_imc_4_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_4_2.tif", + "label": "train/breast_imc_4_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_imc_5_0.tif", + "label": "train/breast_imc_5_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_6_1.tif", + "label": "train/breast_imc_6_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_7_0.tif", + "label": "train/breast_imc_7_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_7_1.tif", + "label": "train/breast_imc_7_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_9_1.tif", + "label": "train/breast_imc_9_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_12_2.tif", + "label": "train/breast_imc_12_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_16_0.tif", + "label": "train/breast_imc_16_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_17_3.tif", + "label": "train/breast_imc_17_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_18_0.tif", + "label": "train/breast_imc_18_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_18_3.tif", + "label": "train/breast_imc_18_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_19_0.tif", + "label": "train/breast_imc_19_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_19_3.tif", + "label": "train/breast_imc_19_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_21_0.tif", + "label": "train/breast_imc_21_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_imc_25_1.tif", + "label": "train/breast_imc_25_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_imc_26_3.tif", + "label": "train/breast_imc_26_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_imc_27_1.tif", + "label": "train/breast_imc_27_1_masks.tif", + "fold": 2 + } + ], + "testing": [ + { + "image": "test/breast_imc_2.tif", + "label": "test/breast_imc_2_masks.tif" + }, + { + "image": "test/breast_imc_3.tif", + "label": "test/breast_imc_3_masks.tif" + }, + { + "image": "test/breast_imc_7.tif", + "label": "test/breast_imc_7_masks.tif" + }, + { + "image": "test/breast_imc_13.tif", + "label": "test/breast_imc_13_masks.tif" + }, + { + "image": "test/breast_imc_4.tif", + "label": "test/breast_imc_4_masks.tif" + }, + { + "image": "test/breast_imc_6.tif", + "label": "test/breast_imc_6_masks.tif" + }, + { + "image": "test/breast_imc_10.tif", + "label": "test/breast_imc_10_masks.tif" + }, + { + "image": "test/breast_imc_0.tif", + "label": "test/breast_imc_0_masks.tif" + }, + { + "image": "test/breast_imc_1.tif", + "label": "test/breast_imc_1_masks.tif" + }, + { + "image": "test/breast_imc_14.tif", + "label": "test/breast_imc_14_masks.tif" + }, + { + "image": "test/breast_imc_8.tif", + "label": "test/breast_imc_8_masks.tif" + }, + { + "image": "test/breast_imc_9.tif", + "label": "test/breast_imc_9_masks.tif" + }, + { + "image": "test/breast_imc_15.tif", + "label": "test/breast_imc_15_masks.tif" + }, + { + "image": "test/breast_imc_5.tif", + "label": "test/breast_imc_5_masks.tif" + }, + { + "image": "test/breast_imc_11.tif", + "label": "test/breast_imc_11_masks.tif" + }, + { + "image": "test/breast_imc_12.tif", + "label": "test/breast_imc_12_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_breast_mibi_datalist.json b/vista2d/datalists/tissuenet_breast_mibi_datalist.json new file mode 100644 index 0000000..1c06949 --- /dev/null +++ b/vista2d/datalists/tissuenet_breast_mibi_datalist.json @@ -0,0 +1,2174 @@ +{ + "training": [ + { + "image": "val/breast_mibi_2.tif", + "label": "val/breast_mibi_2_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_10.tif", + "label": "val/breast_mibi_10_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_27.tif", + "label": "val/breast_mibi_27_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_31.tif", + "label": "val/breast_mibi_31_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_38.tif", + "label": "val/breast_mibi_38_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_39.tif", + "label": "val/breast_mibi_39_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_41.tif", + "label": "val/breast_mibi_41_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_45.tif", + "label": "val/breast_mibi_45_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_49.tif", + "label": "val/breast_mibi_49_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_53.tif", + "label": "val/breast_mibi_53_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_54.tif", + "label": "val/breast_mibi_54_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_59.tif", + "label": "val/breast_mibi_59_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_60.tif", + "label": "val/breast_mibi_60_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_67.tif", + "label": "val/breast_mibi_67_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_69.tif", + "label": "val/breast_mibi_69_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_70.tif", + "label": "val/breast_mibi_70_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_85.tif", + "label": "val/breast_mibi_85_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_87.tif", + "label": "val/breast_mibi_87_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_19.tif", + "label": "val/breast_mibi_19_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_23.tif", + "label": "val/breast_mibi_23_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_32.tif", + "label": "val/breast_mibi_32_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_33.tif", + "label": "val/breast_mibi_33_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_34.tif", + "label": "val/breast_mibi_34_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_35.tif", + "label": "val/breast_mibi_35_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_36.tif", + "label": "val/breast_mibi_36_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_40.tif", + "label": "val/breast_mibi_40_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_43.tif", + "label": "val/breast_mibi_43_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_44.tif", + "label": "val/breast_mibi_44_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_46.tif", + "label": "val/breast_mibi_46_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_48.tif", + "label": "val/breast_mibi_48_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_62.tif", + "label": "val/breast_mibi_62_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_66.tif", + "label": "val/breast_mibi_66_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_68.tif", + "label": "val/breast_mibi_68_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_74.tif", + "label": "val/breast_mibi_74_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_80.tif", + "label": "val/breast_mibi_80_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_82.tif", + "label": "val/breast_mibi_82_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_3.tif", + "label": "val/breast_mibi_3_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_4.tif", + "label": "val/breast_mibi_4_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_15.tif", + "label": "val/breast_mibi_15_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_21.tif", + "label": "val/breast_mibi_21_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_26.tif", + "label": "val/breast_mibi_26_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_30.tif", + "label": "val/breast_mibi_30_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_42.tif", + "label": "val/breast_mibi_42_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_47.tif", + "label": "val/breast_mibi_47_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_51.tif", + "label": "val/breast_mibi_51_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_52.tif", + "label": "val/breast_mibi_52_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_55.tif", + "label": "val/breast_mibi_55_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_56.tif", + "label": "val/breast_mibi_56_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_58.tif", + "label": "val/breast_mibi_58_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_63.tif", + "label": "val/breast_mibi_63_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_77.tif", + "label": "val/breast_mibi_77_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_81.tif", + "label": "val/breast_mibi_81_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_83.tif", + "label": "val/breast_mibi_83_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_86.tif", + "label": "val/breast_mibi_86_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_0.tif", + "label": "val/breast_mibi_0_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_7.tif", + "label": "val/breast_mibi_7_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_8.tif", + "label": "val/breast_mibi_8_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_11.tif", + "label": "val/breast_mibi_11_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_13.tif", + "label": "val/breast_mibi_13_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_14.tif", + "label": "val/breast_mibi_14_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_17.tif", + "label": "val/breast_mibi_17_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_22.tif", + "label": "val/breast_mibi_22_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_24.tif", + "label": "val/breast_mibi_24_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_28.tif", + "label": "val/breast_mibi_28_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_29.tif", + "label": "val/breast_mibi_29_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_57.tif", + "label": "val/breast_mibi_57_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_61.tif", + "label": "val/breast_mibi_61_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_65.tif", + "label": "val/breast_mibi_65_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_73.tif", + "label": "val/breast_mibi_73_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_78.tif", + "label": "val/breast_mibi_78_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_84.tif", + "label": "val/breast_mibi_84_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_1.tif", + "label": "val/breast_mibi_1_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_5.tif", + "label": "val/breast_mibi_5_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_6.tif", + "label": "val/breast_mibi_6_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_9.tif", + "label": "val/breast_mibi_9_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_12.tif", + "label": "val/breast_mibi_12_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_16.tif", + "label": "val/breast_mibi_16_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_18.tif", + "label": "val/breast_mibi_18_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_20.tif", + "label": "val/breast_mibi_20_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_25.tif", + "label": "val/breast_mibi_25_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_37.tif", + "label": "val/breast_mibi_37_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_50.tif", + "label": "val/breast_mibi_50_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_64.tif", + "label": "val/breast_mibi_64_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_71.tif", + "label": "val/breast_mibi_71_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_72.tif", + "label": "val/breast_mibi_72_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_75.tif", + "label": "val/breast_mibi_75_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_76.tif", + "label": "val/breast_mibi_76_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_mibi_79.tif", + "label": "val/breast_mibi_79_masks.tif", + "fold": 0 + }, + { + "image": "train/breast_mibi_1_0.tif", + "label": "train/breast_mibi_1_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_2_1.tif", + "label": "train/breast_mibi_2_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_2_3.tif", + "label": "train/breast_mibi_2_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_3_0.tif", + "label": "train/breast_mibi_3_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_4_0.tif", + "label": "train/breast_mibi_4_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_4_2.tif", + "label": "train/breast_mibi_4_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_6_3.tif", + "label": "train/breast_mibi_6_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_7_1.tif", + "label": "train/breast_mibi_7_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_12_3.tif", + "label": "train/breast_mibi_12_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_14_2.tif", + "label": "train/breast_mibi_14_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_14_3.tif", + "label": "train/breast_mibi_14_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_18_1.tif", + "label": "train/breast_mibi_18_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_20_0.tif", + "label": "train/breast_mibi_20_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_21_1.tif", + "label": "train/breast_mibi_21_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_22_0.tif", + "label": "train/breast_mibi_22_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_22_1.tif", + "label": "train/breast_mibi_22_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_22_2.tif", + "label": "train/breast_mibi_22_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_23_3.tif", + "label": "train/breast_mibi_23_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_25_2.tif", + "label": "train/breast_mibi_25_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_26_1.tif", + "label": "train/breast_mibi_26_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_27_3.tif", + "label": "train/breast_mibi_27_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_30_3.tif", + "label": "train/breast_mibi_30_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_31_1.tif", + "label": "train/breast_mibi_31_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_32_3.tif", + "label": "train/breast_mibi_32_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_33_0.tif", + "label": "train/breast_mibi_33_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_34_2.tif", + "label": "train/breast_mibi_34_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_36_2.tif", + "label": "train/breast_mibi_36_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_38_2.tif", + "label": "train/breast_mibi_38_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_40_2.tif", + "label": "train/breast_mibi_40_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_41_1.tif", + "label": "train/breast_mibi_41_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_41_3.tif", + "label": "train/breast_mibi_41_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_42_1.tif", + "label": "train/breast_mibi_42_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_43_0.tif", + "label": "train/breast_mibi_43_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_43_2.tif", + "label": "train/breast_mibi_43_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_43_3.tif", + "label": "train/breast_mibi_43_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_44_3.tif", + "label": "train/breast_mibi_44_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_45_1.tif", + "label": "train/breast_mibi_45_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_46_3.tif", + "label": "train/breast_mibi_46_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_50_1.tif", + "label": "train/breast_mibi_50_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_52_3.tif", + "label": "train/breast_mibi_52_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_54_1.tif", + "label": "train/breast_mibi_54_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_55_1.tif", + "label": "train/breast_mibi_55_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_56_1.tif", + "label": "train/breast_mibi_56_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_56_3.tif", + "label": "train/breast_mibi_56_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_57_2.tif", + "label": "train/breast_mibi_57_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_58_2.tif", + "label": "train/breast_mibi_58_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_59_0.tif", + "label": "train/breast_mibi_59_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_59_2.tif", + "label": "train/breast_mibi_59_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_61_0.tif", + "label": "train/breast_mibi_61_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_61_3.tif", + "label": "train/breast_mibi_61_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_64_1.tif", + "label": "train/breast_mibi_64_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_66_2.tif", + "label": "train/breast_mibi_66_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_66_3.tif", + "label": "train/breast_mibi_66_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_69_2.tif", + "label": "train/breast_mibi_69_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_71_2.tif", + "label": "train/breast_mibi_71_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_71_3.tif", + "label": "train/breast_mibi_71_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_73_0.tif", + "label": "train/breast_mibi_73_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_73_1.tif", + "label": "train/breast_mibi_73_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_74_0.tif", + "label": "train/breast_mibi_74_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_74_1.tif", + "label": "train/breast_mibi_74_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_75_2.tif", + "label": "train/breast_mibi_75_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_77_1.tif", + "label": "train/breast_mibi_77_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_77_3.tif", + "label": "train/breast_mibi_77_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_0_0.tif", + "label": "train/breast_mibi_0_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_1_1.tif", + "label": "train/breast_mibi_1_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_2_0.tif", + "label": "train/breast_mibi_2_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_3_2.tif", + "label": "train/breast_mibi_3_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_4_1.tif", + "label": "train/breast_mibi_4_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_4_3.tif", + "label": "train/breast_mibi_4_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_8_2.tif", + "label": "train/breast_mibi_8_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_9_2.tif", + "label": "train/breast_mibi_9_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_9_3.tif", + "label": "train/breast_mibi_9_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_10_1.tif", + "label": "train/breast_mibi_10_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_10_2.tif", + "label": "train/breast_mibi_10_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_11_0.tif", + "label": "train/breast_mibi_11_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_15_2.tif", + "label": "train/breast_mibi_15_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_16_3.tif", + "label": "train/breast_mibi_16_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_17_2.tif", + "label": "train/breast_mibi_17_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_19_2.tif", + "label": "train/breast_mibi_19_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_19_3.tif", + "label": "train/breast_mibi_19_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_22_3.tif", + "label": "train/breast_mibi_22_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_23_1.tif", + "label": "train/breast_mibi_23_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_25_0.tif", + "label": "train/breast_mibi_25_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_26_2.tif", + "label": "train/breast_mibi_26_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_26_3.tif", + "label": "train/breast_mibi_26_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_27_0.tif", + "label": "train/breast_mibi_27_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_27_2.tif", + "label": "train/breast_mibi_27_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_28_0.tif", + "label": "train/breast_mibi_28_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_29_1.tif", + "label": "train/breast_mibi_29_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_29_3.tif", + "label": "train/breast_mibi_29_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_30_0.tif", + "label": "train/breast_mibi_30_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_30_2.tif", + "label": "train/breast_mibi_30_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_31_3.tif", + "label": "train/breast_mibi_31_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_34_3.tif", + "label": "train/breast_mibi_34_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_36_3.tif", + "label": "train/breast_mibi_36_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_37_2.tif", + "label": "train/breast_mibi_37_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_39_1.tif", + "label": "train/breast_mibi_39_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_39_2.tif", + "label": "train/breast_mibi_39_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_39_3.tif", + "label": "train/breast_mibi_39_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_40_1.tif", + "label": "train/breast_mibi_40_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_41_0.tif", + "label": "train/breast_mibi_41_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_43_1.tif", + "label": "train/breast_mibi_43_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_44_1.tif", + "label": "train/breast_mibi_44_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_45_0.tif", + "label": "train/breast_mibi_45_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_46_0.tif", + "label": "train/breast_mibi_46_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_47_0.tif", + "label": "train/breast_mibi_47_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_48_0.tif", + "label": "train/breast_mibi_48_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_51_0.tif", + "label": "train/breast_mibi_51_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_51_3.tif", + "label": "train/breast_mibi_51_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_52_0.tif", + "label": "train/breast_mibi_52_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_55_2.tif", + "label": "train/breast_mibi_55_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_58_0.tif", + "label": "train/breast_mibi_58_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_61_2.tif", + "label": "train/breast_mibi_61_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_62_2.tif", + "label": "train/breast_mibi_62_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_64_3.tif", + "label": "train/breast_mibi_64_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_65_0.tif", + "label": "train/breast_mibi_65_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_65_2.tif", + "label": "train/breast_mibi_65_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_65_3.tif", + "label": "train/breast_mibi_65_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_67_3.tif", + "label": "train/breast_mibi_67_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_68_2.tif", + "label": "train/breast_mibi_68_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_72_3.tif", + "label": "train/breast_mibi_72_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_73_2.tif", + "label": "train/breast_mibi_73_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_73_3.tif", + "label": "train/breast_mibi_73_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_74_2.tif", + "label": "train/breast_mibi_74_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_76_0.tif", + "label": "train/breast_mibi_76_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_77_2.tif", + "label": "train/breast_mibi_77_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_5_1.tif", + "label": "train/breast_mibi_5_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_6_0.tif", + "label": "train/breast_mibi_6_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_7_0.tif", + "label": "train/breast_mibi_7_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_7_3.tif", + "label": "train/breast_mibi_7_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_8_0.tif", + "label": "train/breast_mibi_8_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_8_1.tif", + "label": "train/breast_mibi_8_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_8_3.tif", + "label": "train/breast_mibi_8_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_10_0.tif", + "label": "train/breast_mibi_10_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_11_3.tif", + "label": "train/breast_mibi_11_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_12_0.tif", + "label": "train/breast_mibi_12_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_13_1.tif", + "label": "train/breast_mibi_13_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_13_2.tif", + "label": "train/breast_mibi_13_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_13_3.tif", + "label": "train/breast_mibi_13_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_14_0.tif", + "label": "train/breast_mibi_14_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_15_1.tif", + "label": "train/breast_mibi_15_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_15_3.tif", + "label": "train/breast_mibi_15_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_16_2.tif", + "label": "train/breast_mibi_16_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_17_1.tif", + "label": "train/breast_mibi_17_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_21_0.tif", + "label": "train/breast_mibi_21_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_24_3.tif", + "label": "train/breast_mibi_24_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_25_1.tif", + "label": "train/breast_mibi_25_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_28_2.tif", + "label": "train/breast_mibi_28_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_29_0.tif", + "label": "train/breast_mibi_29_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_29_2.tif", + "label": "train/breast_mibi_29_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_33_2.tif", + "label": "train/breast_mibi_33_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_34_1.tif", + "label": "train/breast_mibi_34_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_35_2.tif", + "label": "train/breast_mibi_35_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_36_1.tif", + "label": "train/breast_mibi_36_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_40_3.tif", + "label": "train/breast_mibi_40_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_42_0.tif", + "label": "train/breast_mibi_42_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_42_2.tif", + "label": "train/breast_mibi_42_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_42_3.tif", + "label": "train/breast_mibi_42_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_44_0.tif", + "label": "train/breast_mibi_44_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_46_1.tif", + "label": "train/breast_mibi_46_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_46_2.tif", + "label": "train/breast_mibi_46_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_47_1.tif", + "label": "train/breast_mibi_47_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_47_3.tif", + "label": "train/breast_mibi_47_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_48_2.tif", + "label": "train/breast_mibi_48_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_54_2.tif", + "label": "train/breast_mibi_54_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_55_3.tif", + "label": "train/breast_mibi_55_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_56_0.tif", + "label": "train/breast_mibi_56_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_57_0.tif", + "label": "train/breast_mibi_57_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_57_3.tif", + "label": "train/breast_mibi_57_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_60_0.tif", + "label": "train/breast_mibi_60_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_61_1.tif", + "label": "train/breast_mibi_61_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_62_1.tif", + "label": "train/breast_mibi_62_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_62_3.tif", + "label": "train/breast_mibi_62_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_63_1.tif", + "label": "train/breast_mibi_63_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_64_0.tif", + "label": "train/breast_mibi_64_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_64_2.tif", + "label": "train/breast_mibi_64_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_65_1.tif", + "label": "train/breast_mibi_65_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_66_1.tif", + "label": "train/breast_mibi_66_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_67_0.tif", + "label": "train/breast_mibi_67_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_68_0.tif", + "label": "train/breast_mibi_68_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_68_1.tif", + "label": "train/breast_mibi_68_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_69_3.tif", + "label": "train/breast_mibi_69_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_70_3.tif", + "label": "train/breast_mibi_70_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_71_1.tif", + "label": "train/breast_mibi_71_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_75_0.tif", + "label": "train/breast_mibi_75_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_76_1.tif", + "label": "train/breast_mibi_76_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_76_2.tif", + "label": "train/breast_mibi_76_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_77_0.tif", + "label": "train/breast_mibi_77_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_0_2.tif", + "label": "train/breast_mibi_0_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_1_2.tif", + "label": "train/breast_mibi_1_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_2_2.tif", + "label": "train/breast_mibi_2_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_3_1.tif", + "label": "train/breast_mibi_3_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_5_0.tif", + "label": "train/breast_mibi_5_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_5_3.tif", + "label": "train/breast_mibi_5_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_9_0.tif", + "label": "train/breast_mibi_9_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_11_1.tif", + "label": "train/breast_mibi_11_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_11_2.tif", + "label": "train/breast_mibi_11_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_13_0.tif", + "label": "train/breast_mibi_13_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_14_1.tif", + "label": "train/breast_mibi_14_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_15_0.tif", + "label": "train/breast_mibi_15_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_16_1.tif", + "label": "train/breast_mibi_16_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_18_3.tif", + "label": "train/breast_mibi_18_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_19_1.tif", + "label": "train/breast_mibi_19_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_20_1.tif", + "label": "train/breast_mibi_20_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_20_2.tif", + "label": "train/breast_mibi_20_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_23_2.tif", + "label": "train/breast_mibi_23_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_24_0.tif", + "label": "train/breast_mibi_24_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_24_1.tif", + "label": "train/breast_mibi_24_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_24_2.tif", + "label": "train/breast_mibi_24_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_25_3.tif", + "label": "train/breast_mibi_25_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_28_1.tif", + "label": "train/breast_mibi_28_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_31_0.tif", + "label": "train/breast_mibi_31_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_32_0.tif", + "label": "train/breast_mibi_32_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_32_2.tif", + "label": "train/breast_mibi_32_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_33_3.tif", + "label": "train/breast_mibi_33_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_35_0.tif", + "label": "train/breast_mibi_35_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_37_0.tif", + "label": "train/breast_mibi_37_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_37_1.tif", + "label": "train/breast_mibi_37_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_37_3.tif", + "label": "train/breast_mibi_37_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_38_0.tif", + "label": "train/breast_mibi_38_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_40_0.tif", + "label": "train/breast_mibi_40_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_45_2.tif", + "label": "train/breast_mibi_45_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_45_3.tif", + "label": "train/breast_mibi_45_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_48_1.tif", + "label": "train/breast_mibi_48_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_49_1.tif", + "label": "train/breast_mibi_49_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_49_2.tif", + "label": "train/breast_mibi_49_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_50_0.tif", + "label": "train/breast_mibi_50_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_50_2.tif", + "label": "train/breast_mibi_50_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_51_1.tif", + "label": "train/breast_mibi_51_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_51_2.tif", + "label": "train/breast_mibi_51_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_52_2.tif", + "label": "train/breast_mibi_52_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_53_0.tif", + "label": "train/breast_mibi_53_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_53_1.tif", + "label": "train/breast_mibi_53_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_53_2.tif", + "label": "train/breast_mibi_53_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_54_3.tif", + "label": "train/breast_mibi_54_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_55_0.tif", + "label": "train/breast_mibi_55_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_57_1.tif", + "label": "train/breast_mibi_57_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_58_1.tif", + "label": "train/breast_mibi_58_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_60_2.tif", + "label": "train/breast_mibi_60_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_62_0.tif", + "label": "train/breast_mibi_62_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_67_2.tif", + "label": "train/breast_mibi_67_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_68_3.tif", + "label": "train/breast_mibi_68_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_69_1.tif", + "label": "train/breast_mibi_69_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_70_0.tif", + "label": "train/breast_mibi_70_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_70_2.tif", + "label": "train/breast_mibi_70_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_71_0.tif", + "label": "train/breast_mibi_71_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_72_1.tif", + "label": "train/breast_mibi_72_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_74_3.tif", + "label": "train/breast_mibi_74_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_75_1.tif", + "label": "train/breast_mibi_75_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_76_3.tif", + "label": "train/breast_mibi_76_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_0_1.tif", + "label": "train/breast_mibi_0_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_0_3.tif", + "label": "train/breast_mibi_0_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_1_3.tif", + "label": "train/breast_mibi_1_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_3_3.tif", + "label": "train/breast_mibi_3_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_5_2.tif", + "label": "train/breast_mibi_5_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_6_1.tif", + "label": "train/breast_mibi_6_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_6_2.tif", + "label": "train/breast_mibi_6_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_7_2.tif", + "label": "train/breast_mibi_7_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_9_1.tif", + "label": "train/breast_mibi_9_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_10_3.tif", + "label": "train/breast_mibi_10_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_12_1.tif", + "label": "train/breast_mibi_12_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_12_2.tif", + "label": "train/breast_mibi_12_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_16_0.tif", + "label": "train/breast_mibi_16_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_17_0.tif", + "label": "train/breast_mibi_17_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_17_3.tif", + "label": "train/breast_mibi_17_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_18_0.tif", + "label": "train/breast_mibi_18_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_18_2.tif", + "label": "train/breast_mibi_18_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_19_0.tif", + "label": "train/breast_mibi_19_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_20_3.tif", + "label": "train/breast_mibi_20_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_21_2.tif", + "label": "train/breast_mibi_21_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_21_3.tif", + "label": "train/breast_mibi_21_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_23_0.tif", + "label": "train/breast_mibi_23_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_26_0.tif", + "label": "train/breast_mibi_26_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_27_1.tif", + "label": "train/breast_mibi_27_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_28_3.tif", + "label": "train/breast_mibi_28_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_30_1.tif", + "label": "train/breast_mibi_30_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_31_2.tif", + "label": "train/breast_mibi_31_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_32_1.tif", + "label": "train/breast_mibi_32_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_33_1.tif", + "label": "train/breast_mibi_33_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_34_0.tif", + "label": "train/breast_mibi_34_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_35_1.tif", + "label": "train/breast_mibi_35_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_35_3.tif", + "label": "train/breast_mibi_35_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_36_0.tif", + "label": "train/breast_mibi_36_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_38_1.tif", + "label": "train/breast_mibi_38_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_38_3.tif", + "label": "train/breast_mibi_38_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_39_0.tif", + "label": "train/breast_mibi_39_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_41_2.tif", + "label": "train/breast_mibi_41_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_44_2.tif", + "label": "train/breast_mibi_44_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_47_2.tif", + "label": "train/breast_mibi_47_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_48_3.tif", + "label": "train/breast_mibi_48_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_49_0.tif", + "label": "train/breast_mibi_49_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_49_3.tif", + "label": "train/breast_mibi_49_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_50_3.tif", + "label": "train/breast_mibi_50_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_52_1.tif", + "label": "train/breast_mibi_52_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_53_3.tif", + "label": "train/breast_mibi_53_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_54_0.tif", + "label": "train/breast_mibi_54_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_56_2.tif", + "label": "train/breast_mibi_56_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_58_3.tif", + "label": "train/breast_mibi_58_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_59_1.tif", + "label": "train/breast_mibi_59_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_59_3.tif", + "label": "train/breast_mibi_59_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_60_1.tif", + "label": "train/breast_mibi_60_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_60_3.tif", + "label": "train/breast_mibi_60_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_63_0.tif", + "label": "train/breast_mibi_63_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_63_2.tif", + "label": "train/breast_mibi_63_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_mibi_63_3.tif", + "label": "train/breast_mibi_63_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_66_0.tif", + "label": "train/breast_mibi_66_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_67_1.tif", + "label": "train/breast_mibi_67_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_69_0.tif", + "label": "train/breast_mibi_69_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_70_1.tif", + "label": "train/breast_mibi_70_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_mibi_72_0.tif", + "label": "train/breast_mibi_72_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_mibi_72_2.tif", + "label": "train/breast_mibi_72_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_mibi_75_3.tif", + "label": "train/breast_mibi_75_3_masks.tif", + "fold": 1 + } + ], + "testing": [ + { + "image": "test/breast_mibi_2.tif", + "label": "test/breast_mibi_2_masks.tif" + }, + { + "image": "test/breast_mibi_3.tif", + "label": "test/breast_mibi_3_masks.tif" + }, + { + "image": "test/breast_mibi_17.tif", + "label": "test/breast_mibi_17_masks.tif" + }, + { + "image": "test/breast_mibi_19.tif", + "label": "test/breast_mibi_19_masks.tif" + }, + { + "image": "test/breast_mibi_23.tif", + "label": "test/breast_mibi_23_masks.tif" + }, + { + "image": "test/breast_mibi_29.tif", + "label": "test/breast_mibi_29_masks.tif" + }, + { + "image": "test/breast_mibi_31.tif", + "label": "test/breast_mibi_31_masks.tif" + }, + { + "image": "test/breast_mibi_35.tif", + "label": "test/breast_mibi_35_masks.tif" + }, + { + "image": "test/breast_mibi_39.tif", + "label": "test/breast_mibi_39_masks.tif" + }, + { + "image": "test/breast_mibi_4.tif", + "label": "test/breast_mibi_4_masks.tif" + }, + { + "image": "test/breast_mibi_21.tif", + "label": "test/breast_mibi_21_masks.tif" + }, + { + "image": "test/breast_mibi_22.tif", + "label": "test/breast_mibi_22_masks.tif" + }, + { + "image": "test/breast_mibi_27.tif", + "label": "test/breast_mibi_27_masks.tif" + }, + { + "image": "test/breast_mibi_30.tif", + "label": "test/breast_mibi_30_masks.tif" + }, + { + "image": "test/breast_mibi_32.tif", + "label": "test/breast_mibi_32_masks.tif" + }, + { + "image": "test/breast_mibi_33.tif", + "label": "test/breast_mibi_33_masks.tif" + }, + { + "image": "test/breast_mibi_34.tif", + "label": "test/breast_mibi_34_masks.tif" + }, + { + "image": "test/breast_mibi_38.tif", + "label": "test/breast_mibi_38_masks.tif" + }, + { + "image": "test/breast_mibi_10.tif", + "label": "test/breast_mibi_10_masks.tif" + }, + { + "image": "test/breast_mibi_14.tif", + "label": "test/breast_mibi_14_masks.tif" + }, + { + "image": "test/breast_mibi_18.tif", + "label": "test/breast_mibi_18_masks.tif" + }, + { + "image": "test/breast_mibi_20.tif", + "label": "test/breast_mibi_20_masks.tif" + }, + { + "image": "test/breast_mibi_24.tif", + "label": "test/breast_mibi_24_masks.tif" + }, + { + "image": "test/breast_mibi_26.tif", + "label": "test/breast_mibi_26_masks.tif" + }, + { + "image": "test/breast_mibi_36.tif", + "label": "test/breast_mibi_36_masks.tif" + }, + { + "image": "test/breast_mibi_41.tif", + "label": "test/breast_mibi_41_masks.tif" + }, + { + "image": "test/breast_mibi_1.tif", + "label": "test/breast_mibi_1_masks.tif" + }, + { + "image": "test/breast_mibi_6.tif", + "label": "test/breast_mibi_6_masks.tif" + }, + { + "image": "test/breast_mibi_7.tif", + "label": "test/breast_mibi_7_masks.tif" + }, + { + "image": "test/breast_mibi_13.tif", + "label": "test/breast_mibi_13_masks.tif" + }, + { + "image": "test/breast_mibi_16.tif", + "label": "test/breast_mibi_16_masks.tif" + }, + { + "image": "test/breast_mibi_25.tif", + "label": "test/breast_mibi_25_masks.tif" + }, + { + "image": "test/breast_mibi_28.tif", + "label": "test/breast_mibi_28_masks.tif" + }, + { + "image": "test/breast_mibi_40.tif", + "label": "test/breast_mibi_40_masks.tif" + }, + { + "image": "test/breast_mibi_0.tif", + "label": "test/breast_mibi_0_masks.tif" + }, + { + "image": "test/breast_mibi_5.tif", + "label": "test/breast_mibi_5_masks.tif" + }, + { + "image": "test/breast_mibi_8.tif", + "label": "test/breast_mibi_8_masks.tif" + }, + { + "image": "test/breast_mibi_9.tif", + "label": "test/breast_mibi_9_masks.tif" + }, + { + "image": "test/breast_mibi_11.tif", + "label": "test/breast_mibi_11_masks.tif" + }, + { + "image": "test/breast_mibi_12.tif", + "label": "test/breast_mibi_12_masks.tif" + }, + { + "image": "test/breast_mibi_15.tif", + "label": "test/breast_mibi_15_masks.tif" + }, + { + "image": "test/breast_mibi_37.tif", + "label": "test/breast_mibi_37_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_breast_vectra_datalist.json b/vista2d/datalists/tissuenet_breast_vectra_datalist.json new file mode 100644 index 0000000..43304d1 --- /dev/null +++ b/vista2d/datalists/tissuenet_breast_vectra_datalist.json @@ -0,0 +1,7475 @@ +{ + "training": [ + { + "image": "val/breast_vectra_4.tif", + "label": "val/breast_vectra_4_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_5.tif", + "label": "val/breast_vectra_5_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_6.tif", + "label": "val/breast_vectra_6_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_11.tif", + "label": "val/breast_vectra_11_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_12.tif", + "label": "val/breast_vectra_12_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_18.tif", + "label": "val/breast_vectra_18_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_27.tif", + "label": "val/breast_vectra_27_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_59.tif", + "label": "val/breast_vectra_59_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_65.tif", + "label": "val/breast_vectra_65_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_67.tif", + "label": "val/breast_vectra_67_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_73.tif", + "label": "val/breast_vectra_73_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_85.tif", + "label": "val/breast_vectra_85_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_89.tif", + "label": "val/breast_vectra_89_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_90.tif", + "label": "val/breast_vectra_90_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_91.tif", + "label": "val/breast_vectra_91_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_92.tif", + "label": "val/breast_vectra_92_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_93.tif", + "label": "val/breast_vectra_93_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_95.tif", + "label": "val/breast_vectra_95_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_105.tif", + "label": "val/breast_vectra_105_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_106.tif", + "label": "val/breast_vectra_106_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_107.tif", + "label": "val/breast_vectra_107_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_111.tif", + "label": "val/breast_vectra_111_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_112.tif", + "label": "val/breast_vectra_112_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_119.tif", + "label": "val/breast_vectra_119_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_122.tif", + "label": "val/breast_vectra_122_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_125.tif", + "label": "val/breast_vectra_125_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_127.tif", + "label": "val/breast_vectra_127_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_131.tif", + "label": "val/breast_vectra_131_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_150.tif", + "label": "val/breast_vectra_150_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_158.tif", + "label": "val/breast_vectra_158_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_163.tif", + "label": "val/breast_vectra_163_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_165.tif", + "label": "val/breast_vectra_165_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_167.tif", + "label": "val/breast_vectra_167_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_169.tif", + "label": "val/breast_vectra_169_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_173.tif", + "label": "val/breast_vectra_173_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_174.tif", + "label": "val/breast_vectra_174_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_180.tif", + "label": "val/breast_vectra_180_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_186.tif", + "label": "val/breast_vectra_186_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_188.tif", + "label": "val/breast_vectra_188_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_199.tif", + "label": "val/breast_vectra_199_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_201.tif", + "label": "val/breast_vectra_201_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_204.tif", + "label": "val/breast_vectra_204_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_211.tif", + "label": "val/breast_vectra_211_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_218.tif", + "label": "val/breast_vectra_218_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_219.tif", + "label": "val/breast_vectra_219_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_224.tif", + "label": "val/breast_vectra_224_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_227.tif", + "label": "val/breast_vectra_227_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_232.tif", + "label": "val/breast_vectra_232_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_236.tif", + "label": "val/breast_vectra_236_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_238.tif", + "label": "val/breast_vectra_238_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_242.tif", + "label": "val/breast_vectra_242_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_249.tif", + "label": "val/breast_vectra_249_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_260.tif", + "label": "val/breast_vectra_260_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_270.tif", + "label": "val/breast_vectra_270_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_271.tif", + "label": "val/breast_vectra_271_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_272.tif", + "label": "val/breast_vectra_272_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_275.tif", + "label": "val/breast_vectra_275_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_286.tif", + "label": "val/breast_vectra_286_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_295.tif", + "label": "val/breast_vectra_295_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_298.tif", + "label": "val/breast_vectra_298_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_299.tif", + "label": "val/breast_vectra_299_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_303.tif", + "label": "val/breast_vectra_303_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_308.tif", + "label": "val/breast_vectra_308_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_314.tif", + "label": "val/breast_vectra_314_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_324.tif", + "label": "val/breast_vectra_324_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_329.tif", + "label": "val/breast_vectra_329_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_337.tif", + "label": "val/breast_vectra_337_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_344.tif", + "label": "val/breast_vectra_344_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_349.tif", + "label": "val/breast_vectra_349_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_350.tif", + "label": "val/breast_vectra_350_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_352.tif", + "label": "val/breast_vectra_352_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_0.tif", + "label": "val/breast_vectra_0_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_9.tif", + "label": "val/breast_vectra_9_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_14.tif", + "label": "val/breast_vectra_14_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_16.tif", + "label": "val/breast_vectra_16_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_17.tif", + "label": "val/breast_vectra_17_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_19.tif", + "label": "val/breast_vectra_19_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_29.tif", + "label": "val/breast_vectra_29_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_34.tif", + "label": "val/breast_vectra_34_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_38.tif", + "label": "val/breast_vectra_38_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_39.tif", + "label": "val/breast_vectra_39_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_41.tif", + "label": "val/breast_vectra_41_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_42.tif", + "label": "val/breast_vectra_42_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_44.tif", + "label": "val/breast_vectra_44_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_51.tif", + "label": "val/breast_vectra_51_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_58.tif", + "label": "val/breast_vectra_58_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_62.tif", + "label": "val/breast_vectra_62_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_70.tif", + "label": "val/breast_vectra_70_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_78.tif", + "label": "val/breast_vectra_78_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_80.tif", + "label": "val/breast_vectra_80_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_88.tif", + "label": "val/breast_vectra_88_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_100.tif", + "label": "val/breast_vectra_100_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_102.tif", + "label": "val/breast_vectra_102_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_110.tif", + "label": "val/breast_vectra_110_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_117.tif", + "label": "val/breast_vectra_117_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_120.tif", + "label": "val/breast_vectra_120_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_123.tif", + "label": "val/breast_vectra_123_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_132.tif", + "label": "val/breast_vectra_132_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_138.tif", + "label": "val/breast_vectra_138_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_139.tif", + "label": "val/breast_vectra_139_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_146.tif", + "label": "val/breast_vectra_146_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_147.tif", + "label": "val/breast_vectra_147_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_154.tif", + "label": "val/breast_vectra_154_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_159.tif", + "label": "val/breast_vectra_159_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_161.tif", + "label": "val/breast_vectra_161_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_162.tif", + "label": "val/breast_vectra_162_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_171.tif", + "label": "val/breast_vectra_171_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_172.tif", + "label": "val/breast_vectra_172_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_179.tif", + "label": "val/breast_vectra_179_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_185.tif", + "label": "val/breast_vectra_185_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_189.tif", + "label": "val/breast_vectra_189_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_192.tif", + "label": "val/breast_vectra_192_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_205.tif", + "label": "val/breast_vectra_205_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_207.tif", + "label": "val/breast_vectra_207_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_213.tif", + "label": "val/breast_vectra_213_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_217.tif", + "label": "val/breast_vectra_217_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_223.tif", + "label": "val/breast_vectra_223_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_225.tif", + "label": "val/breast_vectra_225_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_229.tif", + "label": "val/breast_vectra_229_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_231.tif", + "label": "val/breast_vectra_231_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_245.tif", + "label": "val/breast_vectra_245_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_247.tif", + "label": "val/breast_vectra_247_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_250.tif", + "label": "val/breast_vectra_250_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_251.tif", + "label": "val/breast_vectra_251_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_257.tif", + "label": "val/breast_vectra_257_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_258.tif", + "label": "val/breast_vectra_258_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_261.tif", + "label": "val/breast_vectra_261_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_268.tif", + "label": "val/breast_vectra_268_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_274.tif", + "label": "val/breast_vectra_274_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_277.tif", + "label": "val/breast_vectra_277_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_284.tif", + "label": "val/breast_vectra_284_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_290.tif", + "label": "val/breast_vectra_290_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_292.tif", + "label": "val/breast_vectra_292_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_294.tif", + "label": "val/breast_vectra_294_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_296.tif", + "label": "val/breast_vectra_296_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_300.tif", + "label": "val/breast_vectra_300_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_301.tif", + "label": "val/breast_vectra_301_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_312.tif", + "label": "val/breast_vectra_312_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_331.tif", + "label": "val/breast_vectra_331_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_332.tif", + "label": "val/breast_vectra_332_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_333.tif", + "label": "val/breast_vectra_333_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_334.tif", + "label": "val/breast_vectra_334_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_8.tif", + "label": "val/breast_vectra_8_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_21.tif", + "label": "val/breast_vectra_21_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_24.tif", + "label": "val/breast_vectra_24_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_28.tif", + "label": "val/breast_vectra_28_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_31.tif", + "label": "val/breast_vectra_31_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_32.tif", + "label": "val/breast_vectra_32_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_33.tif", + "label": "val/breast_vectra_33_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_35.tif", + "label": "val/breast_vectra_35_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_40.tif", + "label": "val/breast_vectra_40_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_45.tif", + "label": "val/breast_vectra_45_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_46.tif", + "label": "val/breast_vectra_46_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_47.tif", + "label": "val/breast_vectra_47_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_48.tif", + "label": "val/breast_vectra_48_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_53.tif", + "label": "val/breast_vectra_53_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_55.tif", + "label": "val/breast_vectra_55_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_56.tif", + "label": "val/breast_vectra_56_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_61.tif", + "label": "val/breast_vectra_61_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_63.tif", + "label": "val/breast_vectra_63_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_66.tif", + "label": "val/breast_vectra_66_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_69.tif", + "label": "val/breast_vectra_69_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_79.tif", + "label": "val/breast_vectra_79_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_84.tif", + "label": "val/breast_vectra_84_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_99.tif", + "label": "val/breast_vectra_99_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_101.tif", + "label": "val/breast_vectra_101_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_108.tif", + "label": "val/breast_vectra_108_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_113.tif", + "label": "val/breast_vectra_113_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_114.tif", + "label": "val/breast_vectra_114_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_116.tif", + "label": "val/breast_vectra_116_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_128.tif", + "label": "val/breast_vectra_128_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_134.tif", + "label": "val/breast_vectra_134_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_137.tif", + "label": "val/breast_vectra_137_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_142.tif", + "label": "val/breast_vectra_142_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_157.tif", + "label": "val/breast_vectra_157_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_164.tif", + "label": "val/breast_vectra_164_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_168.tif", + "label": "val/breast_vectra_168_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_175.tif", + "label": "val/breast_vectra_175_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_177.tif", + "label": "val/breast_vectra_177_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_181.tif", + "label": "val/breast_vectra_181_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_184.tif", + "label": "val/breast_vectra_184_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_187.tif", + "label": "val/breast_vectra_187_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_191.tif", + "label": "val/breast_vectra_191_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_197.tif", + "label": "val/breast_vectra_197_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_206.tif", + "label": "val/breast_vectra_206_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_208.tif", + "label": "val/breast_vectra_208_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_212.tif", + "label": "val/breast_vectra_212_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_221.tif", + "label": "val/breast_vectra_221_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_228.tif", + "label": "val/breast_vectra_228_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_230.tif", + "label": "val/breast_vectra_230_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_234.tif", + "label": "val/breast_vectra_234_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_244.tif", + "label": "val/breast_vectra_244_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_267.tif", + "label": "val/breast_vectra_267_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_269.tif", + "label": "val/breast_vectra_269_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_278.tif", + "label": "val/breast_vectra_278_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_283.tif", + "label": "val/breast_vectra_283_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_285.tif", + "label": "val/breast_vectra_285_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_287.tif", + "label": "val/breast_vectra_287_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_289.tif", + "label": "val/breast_vectra_289_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_291.tif", + "label": "val/breast_vectra_291_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_302.tif", + "label": "val/breast_vectra_302_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_304.tif", + "label": "val/breast_vectra_304_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_307.tif", + "label": "val/breast_vectra_307_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_311.tif", + "label": "val/breast_vectra_311_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_321.tif", + "label": "val/breast_vectra_321_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_322.tif", + "label": "val/breast_vectra_322_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_328.tif", + "label": "val/breast_vectra_328_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_336.tif", + "label": "val/breast_vectra_336_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_339.tif", + "label": "val/breast_vectra_339_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_340.tif", + "label": "val/breast_vectra_340_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_345.tif", + "label": "val/breast_vectra_345_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_346.tif", + "label": "val/breast_vectra_346_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_351.tif", + "label": "val/breast_vectra_351_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_2.tif", + "label": "val/breast_vectra_2_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_10.tif", + "label": "val/breast_vectra_10_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_13.tif", + "label": "val/breast_vectra_13_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_20.tif", + "label": "val/breast_vectra_20_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_23.tif", + "label": "val/breast_vectra_23_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_36.tif", + "label": "val/breast_vectra_36_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_52.tif", + "label": "val/breast_vectra_52_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_54.tif", + "label": "val/breast_vectra_54_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_57.tif", + "label": "val/breast_vectra_57_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_60.tif", + "label": "val/breast_vectra_60_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_74.tif", + "label": "val/breast_vectra_74_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_75.tif", + "label": "val/breast_vectra_75_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_77.tif", + "label": "val/breast_vectra_77_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_81.tif", + "label": "val/breast_vectra_81_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_82.tif", + "label": "val/breast_vectra_82_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_94.tif", + "label": "val/breast_vectra_94_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_96.tif", + "label": "val/breast_vectra_96_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_97.tif", + "label": "val/breast_vectra_97_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_98.tif", + "label": "val/breast_vectra_98_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_103.tif", + "label": "val/breast_vectra_103_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_118.tif", + "label": "val/breast_vectra_118_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_124.tif", + "label": "val/breast_vectra_124_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_130.tif", + "label": "val/breast_vectra_130_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_135.tif", + "label": "val/breast_vectra_135_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_140.tif", + "label": "val/breast_vectra_140_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_145.tif", + "label": "val/breast_vectra_145_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_148.tif", + "label": "val/breast_vectra_148_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_149.tif", + "label": "val/breast_vectra_149_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_151.tif", + "label": "val/breast_vectra_151_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_152.tif", + "label": "val/breast_vectra_152_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_160.tif", + "label": "val/breast_vectra_160_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_170.tif", + "label": "val/breast_vectra_170_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_176.tif", + "label": "val/breast_vectra_176_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_182.tif", + "label": "val/breast_vectra_182_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_183.tif", + "label": "val/breast_vectra_183_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_190.tif", + "label": "val/breast_vectra_190_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_193.tif", + "label": "val/breast_vectra_193_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_194.tif", + "label": "val/breast_vectra_194_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_198.tif", + "label": "val/breast_vectra_198_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_200.tif", + "label": "val/breast_vectra_200_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_202.tif", + "label": "val/breast_vectra_202_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_210.tif", + "label": "val/breast_vectra_210_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_214.tif", + "label": "val/breast_vectra_214_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_220.tif", + "label": "val/breast_vectra_220_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_222.tif", + "label": "val/breast_vectra_222_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_233.tif", + "label": "val/breast_vectra_233_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_240.tif", + "label": "val/breast_vectra_240_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_243.tif", + "label": "val/breast_vectra_243_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_246.tif", + "label": "val/breast_vectra_246_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_248.tif", + "label": "val/breast_vectra_248_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_253.tif", + "label": "val/breast_vectra_253_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_256.tif", + "label": "val/breast_vectra_256_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_259.tif", + "label": "val/breast_vectra_259_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_262.tif", + "label": "val/breast_vectra_262_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_263.tif", + "label": "val/breast_vectra_263_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_273.tif", + "label": "val/breast_vectra_273_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_305.tif", + "label": "val/breast_vectra_305_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_306.tif", + "label": "val/breast_vectra_306_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_309.tif", + "label": "val/breast_vectra_309_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_310.tif", + "label": "val/breast_vectra_310_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_315.tif", + "label": "val/breast_vectra_315_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_318.tif", + "label": "val/breast_vectra_318_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_320.tif", + "label": "val/breast_vectra_320_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_323.tif", + "label": "val/breast_vectra_323_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_327.tif", + "label": "val/breast_vectra_327_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_338.tif", + "label": "val/breast_vectra_338_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_341.tif", + "label": "val/breast_vectra_341_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_342.tif", + "label": "val/breast_vectra_342_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_347.tif", + "label": "val/breast_vectra_347_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_348.tif", + "label": "val/breast_vectra_348_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_1.tif", + "label": "val/breast_vectra_1_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_3.tif", + "label": "val/breast_vectra_3_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_7.tif", + "label": "val/breast_vectra_7_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_15.tif", + "label": "val/breast_vectra_15_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_22.tif", + "label": "val/breast_vectra_22_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_25.tif", + "label": "val/breast_vectra_25_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_26.tif", + "label": "val/breast_vectra_26_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_30.tif", + "label": "val/breast_vectra_30_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_37.tif", + "label": "val/breast_vectra_37_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_43.tif", + "label": "val/breast_vectra_43_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_49.tif", + "label": "val/breast_vectra_49_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_50.tif", + "label": "val/breast_vectra_50_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_64.tif", + "label": "val/breast_vectra_64_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_68.tif", + "label": "val/breast_vectra_68_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_71.tif", + "label": "val/breast_vectra_71_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_72.tif", + "label": "val/breast_vectra_72_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_76.tif", + "label": "val/breast_vectra_76_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_83.tif", + "label": "val/breast_vectra_83_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_86.tif", + "label": "val/breast_vectra_86_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_87.tif", + "label": "val/breast_vectra_87_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_104.tif", + "label": "val/breast_vectra_104_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_109.tif", + "label": "val/breast_vectra_109_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_115.tif", + "label": "val/breast_vectra_115_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_121.tif", + "label": "val/breast_vectra_121_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_126.tif", + "label": "val/breast_vectra_126_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_129.tif", + "label": "val/breast_vectra_129_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_133.tif", + "label": "val/breast_vectra_133_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_136.tif", + "label": "val/breast_vectra_136_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_141.tif", + "label": "val/breast_vectra_141_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_143.tif", + "label": "val/breast_vectra_143_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_144.tif", + "label": "val/breast_vectra_144_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_153.tif", + "label": "val/breast_vectra_153_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_155.tif", + "label": "val/breast_vectra_155_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_156.tif", + "label": "val/breast_vectra_156_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_166.tif", + "label": "val/breast_vectra_166_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_178.tif", + "label": "val/breast_vectra_178_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_195.tif", + "label": "val/breast_vectra_195_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_196.tif", + "label": "val/breast_vectra_196_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_203.tif", + "label": "val/breast_vectra_203_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_209.tif", + "label": "val/breast_vectra_209_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_215.tif", + "label": "val/breast_vectra_215_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_216.tif", + "label": "val/breast_vectra_216_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_226.tif", + "label": "val/breast_vectra_226_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_235.tif", + "label": "val/breast_vectra_235_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_237.tif", + "label": "val/breast_vectra_237_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_239.tif", + "label": "val/breast_vectra_239_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_241.tif", + "label": "val/breast_vectra_241_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_252.tif", + "label": "val/breast_vectra_252_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_254.tif", + "label": "val/breast_vectra_254_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_255.tif", + "label": "val/breast_vectra_255_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_264.tif", + "label": "val/breast_vectra_264_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_265.tif", + "label": "val/breast_vectra_265_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_266.tif", + "label": "val/breast_vectra_266_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_276.tif", + "label": "val/breast_vectra_276_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_279.tif", + "label": "val/breast_vectra_279_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_280.tif", + "label": "val/breast_vectra_280_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_281.tif", + "label": "val/breast_vectra_281_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_282.tif", + "label": "val/breast_vectra_282_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_288.tif", + "label": "val/breast_vectra_288_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_293.tif", + "label": "val/breast_vectra_293_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_297.tif", + "label": "val/breast_vectra_297_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_313.tif", + "label": "val/breast_vectra_313_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_316.tif", + "label": "val/breast_vectra_316_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_317.tif", + "label": "val/breast_vectra_317_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_319.tif", + "label": "val/breast_vectra_319_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_325.tif", + "label": "val/breast_vectra_325_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_326.tif", + "label": "val/breast_vectra_326_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_330.tif", + "label": "val/breast_vectra_330_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_335.tif", + "label": "val/breast_vectra_335_masks.tif", + "fold": 0 + }, + { + "image": "val/breast_vectra_343.tif", + "label": "val/breast_vectra_343_masks.tif", + "fold": 0 + }, + { + "image": "train/breast_vectra_0_2.tif", + "label": "train/breast_vectra_0_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_0_3.tif", + "label": "train/breast_vectra_0_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_1_1.tif", + "label": "train/breast_vectra_1_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_1_2.tif", + "label": "train/breast_vectra_1_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_2_0.tif", + "label": "train/breast_vectra_2_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_3_1.tif", + "label": "train/breast_vectra_3_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_4_1.tif", + "label": "train/breast_vectra_4_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_6_3.tif", + "label": "train/breast_vectra_6_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_8_2.tif", + "label": "train/breast_vectra_8_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_8_3.tif", + "label": "train/breast_vectra_8_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_10_1.tif", + "label": "train/breast_vectra_10_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_12_1.tif", + "label": "train/breast_vectra_12_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_12_2.tif", + "label": "train/breast_vectra_12_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_14_0.tif", + "label": "train/breast_vectra_14_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_14_3.tif", + "label": "train/breast_vectra_14_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_16_1.tif", + "label": "train/breast_vectra_16_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_18_0.tif", + "label": "train/breast_vectra_18_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_18_1.tif", + "label": "train/breast_vectra_18_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_19_2.tif", + "label": "train/breast_vectra_19_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_20_0.tif", + "label": "train/breast_vectra_20_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_20_1.tif", + "label": "train/breast_vectra_20_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_21_0.tif", + "label": "train/breast_vectra_21_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_21_1.tif", + "label": "train/breast_vectra_21_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_22_2.tif", + "label": "train/breast_vectra_22_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_23_2.tif", + "label": "train/breast_vectra_23_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_24_3.tif", + "label": "train/breast_vectra_24_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_25_1.tif", + "label": "train/breast_vectra_25_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_26_0.tif", + "label": "train/breast_vectra_26_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_27_0.tif", + "label": "train/breast_vectra_27_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_27_3.tif", + "label": "train/breast_vectra_27_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_29_1.tif", + "label": "train/breast_vectra_29_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_29_3.tif", + "label": "train/breast_vectra_29_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_30_0.tif", + "label": "train/breast_vectra_30_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_31_1.tif", + "label": "train/breast_vectra_31_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_33_1.tif", + "label": "train/breast_vectra_33_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_33_3.tif", + "label": "train/breast_vectra_33_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_35_2.tif", + "label": "train/breast_vectra_35_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_37_0.tif", + "label": "train/breast_vectra_37_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_38_2.tif", + "label": "train/breast_vectra_38_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_39_0.tif", + "label": "train/breast_vectra_39_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_39_3.tif", + "label": "train/breast_vectra_39_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_41_1.tif", + "label": "train/breast_vectra_41_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_43_3.tif", + "label": "train/breast_vectra_43_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_45_0.tif", + "label": "train/breast_vectra_45_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_45_1.tif", + "label": "train/breast_vectra_45_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_46_2.tif", + "label": "train/breast_vectra_46_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_47_1.tif", + "label": "train/breast_vectra_47_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_47_3.tif", + "label": "train/breast_vectra_47_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_48_2.tif", + "label": "train/breast_vectra_48_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_48_3.tif", + "label": "train/breast_vectra_48_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_50_0.tif", + "label": "train/breast_vectra_50_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_50_1.tif", + "label": "train/breast_vectra_50_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_50_2.tif", + "label": "train/breast_vectra_50_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_51_3.tif", + "label": "train/breast_vectra_51_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_55_3.tif", + "label": "train/breast_vectra_55_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_57_0.tif", + "label": "train/breast_vectra_57_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_59_0.tif", + "label": "train/breast_vectra_59_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_60_1.tif", + "label": "train/breast_vectra_60_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_60_2.tif", + "label": "train/breast_vectra_60_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_62_0.tif", + "label": "train/breast_vectra_62_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_63_3.tif", + "label": "train/breast_vectra_63_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_64_2.tif", + "label": "train/breast_vectra_64_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_64_3.tif", + "label": "train/breast_vectra_64_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_65_2.tif", + "label": "train/breast_vectra_65_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_66_3.tif", + "label": "train/breast_vectra_66_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_68_2.tif", + "label": "train/breast_vectra_68_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_70_1.tif", + "label": "train/breast_vectra_70_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_75_1.tif", + "label": "train/breast_vectra_75_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_76_0.tif", + "label": "train/breast_vectra_76_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_76_2.tif", + "label": "train/breast_vectra_76_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_77_1.tif", + "label": "train/breast_vectra_77_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_77_3.tif", + "label": "train/breast_vectra_77_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_82_1.tif", + "label": "train/breast_vectra_82_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_82_3.tif", + "label": "train/breast_vectra_82_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_84_3.tif", + "label": "train/breast_vectra_84_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_85_0.tif", + "label": "train/breast_vectra_85_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_85_1.tif", + "label": "train/breast_vectra_85_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_86_1.tif", + "label": "train/breast_vectra_86_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_86_3.tif", + "label": "train/breast_vectra_86_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_87_1.tif", + "label": "train/breast_vectra_87_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_88_2.tif", + "label": "train/breast_vectra_88_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_88_3.tif", + "label": "train/breast_vectra_88_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_91_0.tif", + "label": "train/breast_vectra_91_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_91_2.tif", + "label": "train/breast_vectra_91_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_92_2.tif", + "label": "train/breast_vectra_92_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_93_2.tif", + "label": "train/breast_vectra_93_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_95_2.tif", + "label": "train/breast_vectra_95_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_100_3.tif", + "label": "train/breast_vectra_100_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_101_0.tif", + "label": "train/breast_vectra_101_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_102_0.tif", + "label": "train/breast_vectra_102_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_103_2.tif", + "label": "train/breast_vectra_103_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_103_3.tif", + "label": "train/breast_vectra_103_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_107_0.tif", + "label": "train/breast_vectra_107_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_108_2.tif", + "label": "train/breast_vectra_108_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_109_1.tif", + "label": "train/breast_vectra_109_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_110_3.tif", + "label": "train/breast_vectra_110_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_113_0.tif", + "label": "train/breast_vectra_113_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_114_3.tif", + "label": "train/breast_vectra_114_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_118_2.tif", + "label": "train/breast_vectra_118_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_120_1.tif", + "label": "train/breast_vectra_120_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_121_2.tif", + "label": "train/breast_vectra_121_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_121_3.tif", + "label": "train/breast_vectra_121_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_122_3.tif", + "label": "train/breast_vectra_122_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_123_3.tif", + "label": "train/breast_vectra_123_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_124_0.tif", + "label": "train/breast_vectra_124_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_126_0.tif", + "label": "train/breast_vectra_126_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_132_0.tif", + "label": "train/breast_vectra_132_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_132_1.tif", + "label": "train/breast_vectra_132_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_132_3.tif", + "label": "train/breast_vectra_132_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_134_1.tif", + "label": "train/breast_vectra_134_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_138_1.tif", + "label": "train/breast_vectra_138_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_138_3.tif", + "label": "train/breast_vectra_138_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_139_3.tif", + "label": "train/breast_vectra_139_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_140_0.tif", + "label": "train/breast_vectra_140_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_144_0.tif", + "label": "train/breast_vectra_144_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_144_1.tif", + "label": "train/breast_vectra_144_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_144_3.tif", + "label": "train/breast_vectra_144_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_147_1.tif", + "label": "train/breast_vectra_147_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_147_2.tif", + "label": "train/breast_vectra_147_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_148_1.tif", + "label": "train/breast_vectra_148_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_149_1.tif", + "label": "train/breast_vectra_149_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_149_2.tif", + "label": "train/breast_vectra_149_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_149_3.tif", + "label": "train/breast_vectra_149_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_153_1.tif", + "label": "train/breast_vectra_153_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_153_2.tif", + "label": "train/breast_vectra_153_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_154_3.tif", + "label": "train/breast_vectra_154_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_157_1.tif", + "label": "train/breast_vectra_157_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_157_3.tif", + "label": "train/breast_vectra_157_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_159_0.tif", + "label": "train/breast_vectra_159_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_159_3.tif", + "label": "train/breast_vectra_159_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_160_0.tif", + "label": "train/breast_vectra_160_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_165_3.tif", + "label": "train/breast_vectra_165_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_166_0.tif", + "label": "train/breast_vectra_166_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_167_3.tif", + "label": "train/breast_vectra_167_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_168_2.tif", + "label": "train/breast_vectra_168_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_169_0.tif", + "label": "train/breast_vectra_169_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_169_2.tif", + "label": "train/breast_vectra_169_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_174_1.tif", + "label": "train/breast_vectra_174_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_175_2.tif", + "label": "train/breast_vectra_175_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_177_3.tif", + "label": "train/breast_vectra_177_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_179_2.tif", + "label": "train/breast_vectra_179_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_181_3.tif", + "label": "train/breast_vectra_181_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_183_1.tif", + "label": "train/breast_vectra_183_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_183_2.tif", + "label": "train/breast_vectra_183_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_184_0.tif", + "label": "train/breast_vectra_184_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_184_1.tif", + "label": "train/breast_vectra_184_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_185_2.tif", + "label": "train/breast_vectra_185_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_186_1.tif", + "label": "train/breast_vectra_186_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_186_3.tif", + "label": "train/breast_vectra_186_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_187_0.tif", + "label": "train/breast_vectra_187_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_187_2.tif", + "label": "train/breast_vectra_187_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_189_0.tif", + "label": "train/breast_vectra_189_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_191_2.tif", + "label": "train/breast_vectra_191_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_192_0.tif", + "label": "train/breast_vectra_192_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_194_0.tif", + "label": "train/breast_vectra_194_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_195_2.tif", + "label": "train/breast_vectra_195_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_195_3.tif", + "label": "train/breast_vectra_195_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_199_2.tif", + "label": "train/breast_vectra_199_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_199_3.tif", + "label": "train/breast_vectra_199_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_200_2.tif", + "label": "train/breast_vectra_200_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_201_1.tif", + "label": "train/breast_vectra_201_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_202_0.tif", + "label": "train/breast_vectra_202_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_202_2.tif", + "label": "train/breast_vectra_202_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_203_3.tif", + "label": "train/breast_vectra_203_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_204_1.tif", + "label": "train/breast_vectra_204_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_207_2.tif", + "label": "train/breast_vectra_207_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_209_3.tif", + "label": "train/breast_vectra_209_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_210_0.tif", + "label": "train/breast_vectra_210_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_211_0.tif", + "label": "train/breast_vectra_211_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_212_3.tif", + "label": "train/breast_vectra_212_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_213_3.tif", + "label": "train/breast_vectra_213_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_214_0.tif", + "label": "train/breast_vectra_214_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_214_2.tif", + "label": "train/breast_vectra_214_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_214_3.tif", + "label": "train/breast_vectra_214_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_216_3.tif", + "label": "train/breast_vectra_216_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_217_0.tif", + "label": "train/breast_vectra_217_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_217_2.tif", + "label": "train/breast_vectra_217_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_218_3.tif", + "label": "train/breast_vectra_218_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_220_1.tif", + "label": "train/breast_vectra_220_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_224_1.tif", + "label": "train/breast_vectra_224_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_226_0.tif", + "label": "train/breast_vectra_226_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_226_2.tif", + "label": "train/breast_vectra_226_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_227_1.tif", + "label": "train/breast_vectra_227_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_228_3.tif", + "label": "train/breast_vectra_228_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_230_0.tif", + "label": "train/breast_vectra_230_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_232_1.tif", + "label": "train/breast_vectra_232_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_233_3.tif", + "label": "train/breast_vectra_233_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_235_0.tif", + "label": "train/breast_vectra_235_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_235_3.tif", + "label": "train/breast_vectra_235_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_236_1.tif", + "label": "train/breast_vectra_236_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_237_0.tif", + "label": "train/breast_vectra_237_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_237_1.tif", + "label": "train/breast_vectra_237_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_238_0.tif", + "label": "train/breast_vectra_238_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_238_2.tif", + "label": "train/breast_vectra_238_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_238_3.tif", + "label": "train/breast_vectra_238_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_244_3.tif", + "label": "train/breast_vectra_244_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_245_0.tif", + "label": "train/breast_vectra_245_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_246_2.tif", + "label": "train/breast_vectra_246_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_247_1.tif", + "label": "train/breast_vectra_247_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_248_1.tif", + "label": "train/breast_vectra_248_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_248_3.tif", + "label": "train/breast_vectra_248_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_249_0.tif", + "label": "train/breast_vectra_249_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_252_2.tif", + "label": "train/breast_vectra_252_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_253_3.tif", + "label": "train/breast_vectra_253_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_254_0.tif", + "label": "train/breast_vectra_254_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_254_2.tif", + "label": "train/breast_vectra_254_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_255_2.tif", + "label": "train/breast_vectra_255_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_257_1.tif", + "label": "train/breast_vectra_257_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_0_0.tif", + "label": "train/breast_vectra_0_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_3_0.tif", + "label": "train/breast_vectra_3_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_3_2.tif", + "label": "train/breast_vectra_3_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_4_0.tif", + "label": "train/breast_vectra_4_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_4_3.tif", + "label": "train/breast_vectra_4_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_5_3.tif", + "label": "train/breast_vectra_5_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_8_1.tif", + "label": "train/breast_vectra_8_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_10_0.tif", + "label": "train/breast_vectra_10_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_11_2.tif", + "label": "train/breast_vectra_11_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_11_3.tif", + "label": "train/breast_vectra_11_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_14_1.tif", + "label": "train/breast_vectra_14_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_14_2.tif", + "label": "train/breast_vectra_14_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_15_0.tif", + "label": "train/breast_vectra_15_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_15_1.tif", + "label": "train/breast_vectra_15_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_16_2.tif", + "label": "train/breast_vectra_16_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_17_0.tif", + "label": "train/breast_vectra_17_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_17_1.tif", + "label": "train/breast_vectra_17_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_18_2.tif", + "label": "train/breast_vectra_18_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_19_0.tif", + "label": "train/breast_vectra_19_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_22_1.tif", + "label": "train/breast_vectra_22_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_23_0.tif", + "label": "train/breast_vectra_23_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_26_2.tif", + "label": "train/breast_vectra_26_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_26_3.tif", + "label": "train/breast_vectra_26_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_27_2.tif", + "label": "train/breast_vectra_27_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_28_2.tif", + "label": "train/breast_vectra_28_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_29_2.tif", + "label": "train/breast_vectra_29_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_30_1.tif", + "label": "train/breast_vectra_30_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_33_0.tif", + "label": "train/breast_vectra_33_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_33_2.tif", + "label": "train/breast_vectra_33_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_34_3.tif", + "label": "train/breast_vectra_34_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_40_0.tif", + "label": "train/breast_vectra_40_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_40_1.tif", + "label": "train/breast_vectra_40_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_44_1.tif", + "label": "train/breast_vectra_44_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_44_2.tif", + "label": "train/breast_vectra_44_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_46_1.tif", + "label": "train/breast_vectra_46_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_46_3.tif", + "label": "train/breast_vectra_46_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_48_0.tif", + "label": "train/breast_vectra_48_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_51_1.tif", + "label": "train/breast_vectra_51_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_54_0.tif", + "label": "train/breast_vectra_54_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_54_2.tif", + "label": "train/breast_vectra_54_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_55_0.tif", + "label": "train/breast_vectra_55_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_56_0.tif", + "label": "train/breast_vectra_56_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_58_1.tif", + "label": "train/breast_vectra_58_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_59_2.tif", + "label": "train/breast_vectra_59_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_59_3.tif", + "label": "train/breast_vectra_59_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_61_0.tif", + "label": "train/breast_vectra_61_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_61_1.tif", + "label": "train/breast_vectra_61_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_61_2.tif", + "label": "train/breast_vectra_61_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_61_3.tif", + "label": "train/breast_vectra_61_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_62_2.tif", + "label": "train/breast_vectra_62_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_63_2.tif", + "label": "train/breast_vectra_63_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_64_1.tif", + "label": "train/breast_vectra_64_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_66_1.tif", + "label": "train/breast_vectra_66_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_67_0.tif", + "label": "train/breast_vectra_67_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_69_0.tif", + "label": "train/breast_vectra_69_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_69_1.tif", + "label": "train/breast_vectra_69_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_70_0.tif", + "label": "train/breast_vectra_70_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_71_2.tif", + "label": "train/breast_vectra_71_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_72_1.tif", + "label": "train/breast_vectra_72_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_72_3.tif", + "label": "train/breast_vectra_72_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_73_1.tif", + "label": "train/breast_vectra_73_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_73_2.tif", + "label": "train/breast_vectra_73_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_74_2.tif", + "label": "train/breast_vectra_74_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_76_3.tif", + "label": "train/breast_vectra_76_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_77_2.tif", + "label": "train/breast_vectra_77_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_78_2.tif", + "label": "train/breast_vectra_78_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_79_2.tif", + "label": "train/breast_vectra_79_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_80_0.tif", + "label": "train/breast_vectra_80_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_80_3.tif", + "label": "train/breast_vectra_80_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_83_3.tif", + "label": "train/breast_vectra_83_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_87_2.tif", + "label": "train/breast_vectra_87_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_89_2.tif", + "label": "train/breast_vectra_89_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_92_0.tif", + "label": "train/breast_vectra_92_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_93_0.tif", + "label": "train/breast_vectra_93_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_93_3.tif", + "label": "train/breast_vectra_93_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_95_3.tif", + "label": "train/breast_vectra_95_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_96_1.tif", + "label": "train/breast_vectra_96_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_96_2.tif", + "label": "train/breast_vectra_96_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_97_0.tif", + "label": "train/breast_vectra_97_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_97_1.tif", + "label": "train/breast_vectra_97_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_97_2.tif", + "label": "train/breast_vectra_97_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_98_3.tif", + "label": "train/breast_vectra_98_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_104_3.tif", + "label": "train/breast_vectra_104_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_105_2.tif", + "label": "train/breast_vectra_105_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_107_1.tif", + "label": "train/breast_vectra_107_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_107_2.tif", + "label": "train/breast_vectra_107_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_108_0.tif", + "label": "train/breast_vectra_108_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_108_1.tif", + "label": "train/breast_vectra_108_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_109_0.tif", + "label": "train/breast_vectra_109_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_109_3.tif", + "label": "train/breast_vectra_109_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_111_2.tif", + "label": "train/breast_vectra_111_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_111_3.tif", + "label": "train/breast_vectra_111_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_113_1.tif", + "label": "train/breast_vectra_113_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_113_3.tif", + "label": "train/breast_vectra_113_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_114_1.tif", + "label": "train/breast_vectra_114_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_116_0.tif", + "label": "train/breast_vectra_116_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_118_0.tif", + "label": "train/breast_vectra_118_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_120_0.tif", + "label": "train/breast_vectra_120_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_120_2.tif", + "label": "train/breast_vectra_120_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_120_3.tif", + "label": "train/breast_vectra_120_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_121_0.tif", + "label": "train/breast_vectra_121_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_123_1.tif", + "label": "train/breast_vectra_123_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_123_2.tif", + "label": "train/breast_vectra_123_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_125_2.tif", + "label": "train/breast_vectra_125_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_129_0.tif", + "label": "train/breast_vectra_129_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_130_1.tif", + "label": "train/breast_vectra_130_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_130_3.tif", + "label": "train/breast_vectra_130_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_131_1.tif", + "label": "train/breast_vectra_131_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_132_2.tif", + "label": "train/breast_vectra_132_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_134_2.tif", + "label": "train/breast_vectra_134_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_135_3.tif", + "label": "train/breast_vectra_135_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_137_2.tif", + "label": "train/breast_vectra_137_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_137_3.tif", + "label": "train/breast_vectra_137_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_138_2.tif", + "label": "train/breast_vectra_138_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_141_3.tif", + "label": "train/breast_vectra_141_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_144_2.tif", + "label": "train/breast_vectra_144_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_146_0.tif", + "label": "train/breast_vectra_146_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_146_3.tif", + "label": "train/breast_vectra_146_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_148_0.tif", + "label": "train/breast_vectra_148_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_150_2.tif", + "label": "train/breast_vectra_150_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_151_0.tif", + "label": "train/breast_vectra_151_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_151_3.tif", + "label": "train/breast_vectra_151_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_152_0.tif", + "label": "train/breast_vectra_152_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_153_0.tif", + "label": "train/breast_vectra_153_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_155_3.tif", + "label": "train/breast_vectra_155_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_158_3.tif", + "label": "train/breast_vectra_158_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_160_1.tif", + "label": "train/breast_vectra_160_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_164_2.tif", + "label": "train/breast_vectra_164_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_165_1.tif", + "label": "train/breast_vectra_165_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_166_3.tif", + "label": "train/breast_vectra_166_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_167_1.tif", + "label": "train/breast_vectra_167_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_168_0.tif", + "label": "train/breast_vectra_168_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_169_1.tif", + "label": "train/breast_vectra_169_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_169_3.tif", + "label": "train/breast_vectra_169_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_170_2.tif", + "label": "train/breast_vectra_170_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_170_3.tif", + "label": "train/breast_vectra_170_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_171_0.tif", + "label": "train/breast_vectra_171_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_171_2.tif", + "label": "train/breast_vectra_171_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_172_0.tif", + "label": "train/breast_vectra_172_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_172_3.tif", + "label": "train/breast_vectra_172_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_173_0.tif", + "label": "train/breast_vectra_173_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_174_2.tif", + "label": "train/breast_vectra_174_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_175_0.tif", + "label": "train/breast_vectra_175_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_175_1.tif", + "label": "train/breast_vectra_175_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_177_1.tif", + "label": "train/breast_vectra_177_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_179_3.tif", + "label": "train/breast_vectra_179_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_180_1.tif", + "label": "train/breast_vectra_180_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_181_1.tif", + "label": "train/breast_vectra_181_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_182_3.tif", + "label": "train/breast_vectra_182_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_185_1.tif", + "label": "train/breast_vectra_185_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_185_3.tif", + "label": "train/breast_vectra_185_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_189_1.tif", + "label": "train/breast_vectra_189_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_189_3.tif", + "label": "train/breast_vectra_189_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_190_2.tif", + "label": "train/breast_vectra_190_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_190_3.tif", + "label": "train/breast_vectra_190_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_192_1.tif", + "label": "train/breast_vectra_192_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_194_3.tif", + "label": "train/breast_vectra_194_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_195_0.tif", + "label": "train/breast_vectra_195_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_196_0.tif", + "label": "train/breast_vectra_196_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_197_0.tif", + "label": "train/breast_vectra_197_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_197_1.tif", + "label": "train/breast_vectra_197_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_199_0.tif", + "label": "train/breast_vectra_199_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_200_0.tif", + "label": "train/breast_vectra_200_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_200_3.tif", + "label": "train/breast_vectra_200_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_204_0.tif", + "label": "train/breast_vectra_204_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_204_2.tif", + "label": "train/breast_vectra_204_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_205_3.tif", + "label": "train/breast_vectra_205_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_206_2.tif", + "label": "train/breast_vectra_206_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_208_0.tif", + "label": "train/breast_vectra_208_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_209_2.tif", + "label": "train/breast_vectra_209_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_213_0.tif", + "label": "train/breast_vectra_213_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_214_1.tif", + "label": "train/breast_vectra_214_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_215_0.tif", + "label": "train/breast_vectra_215_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_215_3.tif", + "label": "train/breast_vectra_215_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_218_0.tif", + "label": "train/breast_vectra_218_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_218_2.tif", + "label": "train/breast_vectra_218_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_219_1.tif", + "label": "train/breast_vectra_219_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_219_3.tif", + "label": "train/breast_vectra_219_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_223_3.tif", + "label": "train/breast_vectra_223_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_224_3.tif", + "label": "train/breast_vectra_224_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_225_0.tif", + "label": "train/breast_vectra_225_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_225_2.tif", + "label": "train/breast_vectra_225_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_228_0.tif", + "label": "train/breast_vectra_228_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_231_3.tif", + "label": "train/breast_vectra_231_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_232_3.tif", + "label": "train/breast_vectra_232_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_234_0.tif", + "label": "train/breast_vectra_234_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_234_1.tif", + "label": "train/breast_vectra_234_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_234_3.tif", + "label": "train/breast_vectra_234_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_235_2.tif", + "label": "train/breast_vectra_235_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_237_2.tif", + "label": "train/breast_vectra_237_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_240_1.tif", + "label": "train/breast_vectra_240_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_240_2.tif", + "label": "train/breast_vectra_240_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_241_2.tif", + "label": "train/breast_vectra_241_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_242_1.tif", + "label": "train/breast_vectra_242_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_242_2.tif", + "label": "train/breast_vectra_242_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_242_3.tif", + "label": "train/breast_vectra_242_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_243_1.tif", + "label": "train/breast_vectra_243_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_243_3.tif", + "label": "train/breast_vectra_243_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_245_1.tif", + "label": "train/breast_vectra_245_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_248_0.tif", + "label": "train/breast_vectra_248_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_249_1.tif", + "label": "train/breast_vectra_249_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_249_3.tif", + "label": "train/breast_vectra_249_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_251_1.tif", + "label": "train/breast_vectra_251_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_251_2.tif", + "label": "train/breast_vectra_251_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_253_2.tif", + "label": "train/breast_vectra_253_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_256_1.tif", + "label": "train/breast_vectra_256_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_257_3.tif", + "label": "train/breast_vectra_257_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_1_0.tif", + "label": "train/breast_vectra_1_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_2_1.tif", + "label": "train/breast_vectra_2_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_2_3.tif", + "label": "train/breast_vectra_2_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_4_2.tif", + "label": "train/breast_vectra_4_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_7_1.tif", + "label": "train/breast_vectra_7_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_7_2.tif", + "label": "train/breast_vectra_7_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_7_3.tif", + "label": "train/breast_vectra_7_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_9_2.tif", + "label": "train/breast_vectra_9_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_9_3.tif", + "label": "train/breast_vectra_9_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_10_2.tif", + "label": "train/breast_vectra_10_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_11_1.tif", + "label": "train/breast_vectra_11_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_13_0.tif", + "label": "train/breast_vectra_13_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_13_2.tif", + "label": "train/breast_vectra_13_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_15_2.tif", + "label": "train/breast_vectra_15_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_16_3.tif", + "label": "train/breast_vectra_16_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_20_2.tif", + "label": "train/breast_vectra_20_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_22_0.tif", + "label": "train/breast_vectra_22_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_22_3.tif", + "label": "train/breast_vectra_22_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_23_3.tif", + "label": "train/breast_vectra_23_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_24_1.tif", + "label": "train/breast_vectra_24_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_24_2.tif", + "label": "train/breast_vectra_24_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_25_2.tif", + "label": "train/breast_vectra_25_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_25_3.tif", + "label": "train/breast_vectra_25_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_29_0.tif", + "label": "train/breast_vectra_29_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_30_2.tif", + "label": "train/breast_vectra_30_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_31_0.tif", + "label": "train/breast_vectra_31_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_32_0.tif", + "label": "train/breast_vectra_32_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_36_2.tif", + "label": "train/breast_vectra_36_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_36_3.tif", + "label": "train/breast_vectra_36_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_38_1.tif", + "label": "train/breast_vectra_38_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_39_1.tif", + "label": "train/breast_vectra_39_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_40_2.tif", + "label": "train/breast_vectra_40_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_42_0.tif", + "label": "train/breast_vectra_42_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_43_0.tif", + "label": "train/breast_vectra_43_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_43_1.tif", + "label": "train/breast_vectra_43_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_44_3.tif", + "label": "train/breast_vectra_44_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_46_0.tif", + "label": "train/breast_vectra_46_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_49_1.tif", + "label": "train/breast_vectra_49_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_50_3.tif", + "label": "train/breast_vectra_50_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_51_0.tif", + "label": "train/breast_vectra_51_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_53_2.tif", + "label": "train/breast_vectra_53_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_54_1.tif", + "label": "train/breast_vectra_54_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_55_1.tif", + "label": "train/breast_vectra_55_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_56_1.tif", + "label": "train/breast_vectra_56_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_56_2.tif", + "label": "train/breast_vectra_56_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_56_3.tif", + "label": "train/breast_vectra_56_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_58_0.tif", + "label": "train/breast_vectra_58_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_59_1.tif", + "label": "train/breast_vectra_59_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_65_0.tif", + "label": "train/breast_vectra_65_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_65_1.tif", + "label": "train/breast_vectra_65_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_68_0.tif", + "label": "train/breast_vectra_68_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_68_1.tif", + "label": "train/breast_vectra_68_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_70_3.tif", + "label": "train/breast_vectra_70_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_71_0.tif", + "label": "train/breast_vectra_71_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_71_1.tif", + "label": "train/breast_vectra_71_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_73_0.tif", + "label": "train/breast_vectra_73_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_74_3.tif", + "label": "train/breast_vectra_74_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_76_1.tif", + "label": "train/breast_vectra_76_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_78_0.tif", + "label": "train/breast_vectra_78_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_82_0.tif", + "label": "train/breast_vectra_82_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_83_1.tif", + "label": "train/breast_vectra_83_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_83_2.tif", + "label": "train/breast_vectra_83_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_85_3.tif", + "label": "train/breast_vectra_85_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_86_0.tif", + "label": "train/breast_vectra_86_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_86_2.tif", + "label": "train/breast_vectra_86_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_88_0.tif", + "label": "train/breast_vectra_88_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_88_1.tif", + "label": "train/breast_vectra_88_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_89_3.tif", + "label": "train/breast_vectra_89_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_90_0.tif", + "label": "train/breast_vectra_90_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_90_1.tif", + "label": "train/breast_vectra_90_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_90_3.tif", + "label": "train/breast_vectra_90_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_92_3.tif", + "label": "train/breast_vectra_92_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_93_1.tif", + "label": "train/breast_vectra_93_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_94_1.tif", + "label": "train/breast_vectra_94_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_94_2.tif", + "label": "train/breast_vectra_94_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_94_3.tif", + "label": "train/breast_vectra_94_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_98_0.tif", + "label": "train/breast_vectra_98_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_98_2.tif", + "label": "train/breast_vectra_98_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_99_0.tif", + "label": "train/breast_vectra_99_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_99_1.tif", + "label": "train/breast_vectra_99_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_99_3.tif", + "label": "train/breast_vectra_99_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_100_0.tif", + "label": "train/breast_vectra_100_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_100_2.tif", + "label": "train/breast_vectra_100_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_102_3.tif", + "label": "train/breast_vectra_102_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_103_0.tif", + "label": "train/breast_vectra_103_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_105_1.tif", + "label": "train/breast_vectra_105_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_106_2.tif", + "label": "train/breast_vectra_106_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_106_3.tif", + "label": "train/breast_vectra_106_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_108_3.tif", + "label": "train/breast_vectra_108_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_110_2.tif", + "label": "train/breast_vectra_110_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_111_1.tif", + "label": "train/breast_vectra_111_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_112_0.tif", + "label": "train/breast_vectra_112_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_112_1.tif", + "label": "train/breast_vectra_112_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_115_3.tif", + "label": "train/breast_vectra_115_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_116_3.tif", + "label": "train/breast_vectra_116_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_118_1.tif", + "label": "train/breast_vectra_118_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_119_3.tif", + "label": "train/breast_vectra_119_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_122_0.tif", + "label": "train/breast_vectra_122_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_124_2.tif", + "label": "train/breast_vectra_124_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_125_1.tif", + "label": "train/breast_vectra_125_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_126_2.tif", + "label": "train/breast_vectra_126_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_126_3.tif", + "label": "train/breast_vectra_126_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_127_1.tif", + "label": "train/breast_vectra_127_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_127_2.tif", + "label": "train/breast_vectra_127_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_127_3.tif", + "label": "train/breast_vectra_127_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_128_0.tif", + "label": "train/breast_vectra_128_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_129_1.tif", + "label": "train/breast_vectra_129_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_129_2.tif", + "label": "train/breast_vectra_129_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_129_3.tif", + "label": "train/breast_vectra_129_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_130_2.tif", + "label": "train/breast_vectra_130_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_131_3.tif", + "label": "train/breast_vectra_131_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_133_3.tif", + "label": "train/breast_vectra_133_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_135_0.tif", + "label": "train/breast_vectra_135_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_135_1.tif", + "label": "train/breast_vectra_135_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_136_0.tif", + "label": "train/breast_vectra_136_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_136_2.tif", + "label": "train/breast_vectra_136_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_137_1.tif", + "label": "train/breast_vectra_137_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_138_0.tif", + "label": "train/breast_vectra_138_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_139_2.tif", + "label": "train/breast_vectra_139_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_140_3.tif", + "label": "train/breast_vectra_140_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_142_2.tif", + "label": "train/breast_vectra_142_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_142_3.tif", + "label": "train/breast_vectra_142_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_143_1.tif", + "label": "train/breast_vectra_143_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_143_2.tif", + "label": "train/breast_vectra_143_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_145_1.tif", + "label": "train/breast_vectra_145_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_145_2.tif", + "label": "train/breast_vectra_145_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_148_2.tif", + "label": "train/breast_vectra_148_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_150_0.tif", + "label": "train/breast_vectra_150_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_151_1.tif", + "label": "train/breast_vectra_151_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_155_2.tif", + "label": "train/breast_vectra_155_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_156_1.tif", + "label": "train/breast_vectra_156_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_158_0.tif", + "label": "train/breast_vectra_158_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_159_2.tif", + "label": "train/breast_vectra_159_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_161_0.tif", + "label": "train/breast_vectra_161_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_161_1.tif", + "label": "train/breast_vectra_161_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_161_3.tif", + "label": "train/breast_vectra_161_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_162_2.tif", + "label": "train/breast_vectra_162_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_162_3.tif", + "label": "train/breast_vectra_162_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_163_2.tif", + "label": "train/breast_vectra_163_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_164_3.tif", + "label": "train/breast_vectra_164_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_168_3.tif", + "label": "train/breast_vectra_168_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_171_1.tif", + "label": "train/breast_vectra_171_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_174_3.tif", + "label": "train/breast_vectra_174_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_176_0.tif", + "label": "train/breast_vectra_176_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_176_1.tif", + "label": "train/breast_vectra_176_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_177_0.tif", + "label": "train/breast_vectra_177_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_177_2.tif", + "label": "train/breast_vectra_177_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_179_0.tif", + "label": "train/breast_vectra_179_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_180_0.tif", + "label": "train/breast_vectra_180_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_181_2.tif", + "label": "train/breast_vectra_181_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_182_2.tif", + "label": "train/breast_vectra_182_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_183_3.tif", + "label": "train/breast_vectra_183_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_186_0.tif", + "label": "train/breast_vectra_186_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_186_2.tif", + "label": "train/breast_vectra_186_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_188_2.tif", + "label": "train/breast_vectra_188_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_189_2.tif", + "label": "train/breast_vectra_189_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_190_1.tif", + "label": "train/breast_vectra_190_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_191_1.tif", + "label": "train/breast_vectra_191_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_191_3.tif", + "label": "train/breast_vectra_191_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_192_2.tif", + "label": "train/breast_vectra_192_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_193_1.tif", + "label": "train/breast_vectra_193_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_195_1.tif", + "label": "train/breast_vectra_195_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_196_1.tif", + "label": "train/breast_vectra_196_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_196_2.tif", + "label": "train/breast_vectra_196_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_196_3.tif", + "label": "train/breast_vectra_196_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_197_2.tif", + "label": "train/breast_vectra_197_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_197_3.tif", + "label": "train/breast_vectra_197_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_200_1.tif", + "label": "train/breast_vectra_200_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_201_0.tif", + "label": "train/breast_vectra_201_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_201_2.tif", + "label": "train/breast_vectra_201_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_203_0.tif", + "label": "train/breast_vectra_203_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_203_2.tif", + "label": "train/breast_vectra_203_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_205_2.tif", + "label": "train/breast_vectra_205_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_206_0.tif", + "label": "train/breast_vectra_206_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_206_1.tif", + "label": "train/breast_vectra_206_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_206_3.tif", + "label": "train/breast_vectra_206_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_207_0.tif", + "label": "train/breast_vectra_207_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_207_3.tif", + "label": "train/breast_vectra_207_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_208_2.tif", + "label": "train/breast_vectra_208_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_208_3.tif", + "label": "train/breast_vectra_208_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_209_0.tif", + "label": "train/breast_vectra_209_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_210_2.tif", + "label": "train/breast_vectra_210_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_211_2.tif", + "label": "train/breast_vectra_211_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_212_0.tif", + "label": "train/breast_vectra_212_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_213_2.tif", + "label": "train/breast_vectra_213_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_218_1.tif", + "label": "train/breast_vectra_218_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_219_0.tif", + "label": "train/breast_vectra_219_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_221_0.tif", + "label": "train/breast_vectra_221_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_221_2.tif", + "label": "train/breast_vectra_221_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_227_2.tif", + "label": "train/breast_vectra_227_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_228_1.tif", + "label": "train/breast_vectra_228_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_229_0.tif", + "label": "train/breast_vectra_229_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_229_2.tif", + "label": "train/breast_vectra_229_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_229_3.tif", + "label": "train/breast_vectra_229_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_233_2.tif", + "label": "train/breast_vectra_233_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_237_3.tif", + "label": "train/breast_vectra_237_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_239_0.tif", + "label": "train/breast_vectra_239_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_239_1.tif", + "label": "train/breast_vectra_239_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_239_2.tif", + "label": "train/breast_vectra_239_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_243_2.tif", + "label": "train/breast_vectra_243_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_246_3.tif", + "label": "train/breast_vectra_246_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_247_2.tif", + "label": "train/breast_vectra_247_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_250_3.tif", + "label": "train/breast_vectra_250_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_251_0.tif", + "label": "train/breast_vectra_251_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_254_3.tif", + "label": "train/breast_vectra_254_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_256_2.tif", + "label": "train/breast_vectra_256_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_257_0.tif", + "label": "train/breast_vectra_257_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_0_1.tif", + "label": "train/breast_vectra_0_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_5_1.tif", + "label": "train/breast_vectra_5_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_6_0.tif", + "label": "train/breast_vectra_6_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_7_0.tif", + "label": "train/breast_vectra_7_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_8_0.tif", + "label": "train/breast_vectra_8_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_9_0.tif", + "label": "train/breast_vectra_9_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_9_1.tif", + "label": "train/breast_vectra_9_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_11_0.tif", + "label": "train/breast_vectra_11_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_12_0.tif", + "label": "train/breast_vectra_12_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_12_3.tif", + "label": "train/breast_vectra_12_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_13_1.tif", + "label": "train/breast_vectra_13_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_13_3.tif", + "label": "train/breast_vectra_13_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_15_3.tif", + "label": "train/breast_vectra_15_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_17_2.tif", + "label": "train/breast_vectra_17_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_19_3.tif", + "label": "train/breast_vectra_19_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_20_3.tif", + "label": "train/breast_vectra_20_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_23_1.tif", + "label": "train/breast_vectra_23_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_25_0.tif", + "label": "train/breast_vectra_25_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_26_1.tif", + "label": "train/breast_vectra_26_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_27_1.tif", + "label": "train/breast_vectra_27_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_28_0.tif", + "label": "train/breast_vectra_28_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_28_1.tif", + "label": "train/breast_vectra_28_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_28_3.tif", + "label": "train/breast_vectra_28_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_30_3.tif", + "label": "train/breast_vectra_30_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_31_3.tif", + "label": "train/breast_vectra_31_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_32_3.tif", + "label": "train/breast_vectra_32_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_34_0.tif", + "label": "train/breast_vectra_34_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_34_2.tif", + "label": "train/breast_vectra_34_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_35_3.tif", + "label": "train/breast_vectra_35_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_36_1.tif", + "label": "train/breast_vectra_36_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_37_2.tif", + "label": "train/breast_vectra_37_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_39_2.tif", + "label": "train/breast_vectra_39_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_40_3.tif", + "label": "train/breast_vectra_40_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_41_0.tif", + "label": "train/breast_vectra_41_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_41_3.tif", + "label": "train/breast_vectra_41_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_42_1.tif", + "label": "train/breast_vectra_42_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_42_3.tif", + "label": "train/breast_vectra_42_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_43_2.tif", + "label": "train/breast_vectra_43_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_45_2.tif", + "label": "train/breast_vectra_45_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_47_0.tif", + "label": "train/breast_vectra_47_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_49_3.tif", + "label": "train/breast_vectra_49_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_51_2.tif", + "label": "train/breast_vectra_51_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_52_0.tif", + "label": "train/breast_vectra_52_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_52_3.tif", + "label": "train/breast_vectra_52_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_53_1.tif", + "label": "train/breast_vectra_53_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_54_3.tif", + "label": "train/breast_vectra_54_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_55_2.tif", + "label": "train/breast_vectra_55_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_57_1.tif", + "label": "train/breast_vectra_57_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_57_2.tif", + "label": "train/breast_vectra_57_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_58_2.tif", + "label": "train/breast_vectra_58_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_60_0.tif", + "label": "train/breast_vectra_60_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_62_1.tif", + "label": "train/breast_vectra_62_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_62_3.tif", + "label": "train/breast_vectra_62_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_64_0.tif", + "label": "train/breast_vectra_64_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_67_2.tif", + "label": "train/breast_vectra_67_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_67_3.tif", + "label": "train/breast_vectra_67_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_68_3.tif", + "label": "train/breast_vectra_68_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_71_3.tif", + "label": "train/breast_vectra_71_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_72_2.tif", + "label": "train/breast_vectra_72_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_73_3.tif", + "label": "train/breast_vectra_73_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_74_0.tif", + "label": "train/breast_vectra_74_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_75_0.tif", + "label": "train/breast_vectra_75_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_75_3.tif", + "label": "train/breast_vectra_75_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_77_0.tif", + "label": "train/breast_vectra_77_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_78_3.tif", + "label": "train/breast_vectra_78_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_80_2.tif", + "label": "train/breast_vectra_80_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_81_0.tif", + "label": "train/breast_vectra_81_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_81_1.tif", + "label": "train/breast_vectra_81_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_81_2.tif", + "label": "train/breast_vectra_81_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_82_2.tif", + "label": "train/breast_vectra_82_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_84_1.tif", + "label": "train/breast_vectra_84_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_85_2.tif", + "label": "train/breast_vectra_85_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_87_3.tif", + "label": "train/breast_vectra_87_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_90_2.tif", + "label": "train/breast_vectra_90_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_91_1.tif", + "label": "train/breast_vectra_91_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_94_0.tif", + "label": "train/breast_vectra_94_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_95_0.tif", + "label": "train/breast_vectra_95_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_96_0.tif", + "label": "train/breast_vectra_96_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_97_3.tif", + "label": "train/breast_vectra_97_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_101_2.tif", + "label": "train/breast_vectra_101_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_101_3.tif", + "label": "train/breast_vectra_101_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_102_1.tif", + "label": "train/breast_vectra_102_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_102_2.tif", + "label": "train/breast_vectra_102_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_103_1.tif", + "label": "train/breast_vectra_103_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_104_1.tif", + "label": "train/breast_vectra_104_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_105_0.tif", + "label": "train/breast_vectra_105_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_105_3.tif", + "label": "train/breast_vectra_105_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_106_0.tif", + "label": "train/breast_vectra_106_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_106_1.tif", + "label": "train/breast_vectra_106_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_109_2.tif", + "label": "train/breast_vectra_109_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_110_0.tif", + "label": "train/breast_vectra_110_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_110_1.tif", + "label": "train/breast_vectra_110_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_111_0.tif", + "label": "train/breast_vectra_111_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_112_3.tif", + "label": "train/breast_vectra_112_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_114_2.tif", + "label": "train/breast_vectra_114_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_115_0.tif", + "label": "train/breast_vectra_115_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_115_2.tif", + "label": "train/breast_vectra_115_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_116_1.tif", + "label": "train/breast_vectra_116_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_118_3.tif", + "label": "train/breast_vectra_118_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_119_1.tif", + "label": "train/breast_vectra_119_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_124_3.tif", + "label": "train/breast_vectra_124_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_125_0.tif", + "label": "train/breast_vectra_125_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_130_0.tif", + "label": "train/breast_vectra_130_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_131_0.tif", + "label": "train/breast_vectra_131_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_131_2.tif", + "label": "train/breast_vectra_131_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_133_1.tif", + "label": "train/breast_vectra_133_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_134_3.tif", + "label": "train/breast_vectra_134_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_136_1.tif", + "label": "train/breast_vectra_136_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_136_3.tif", + "label": "train/breast_vectra_136_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_139_0.tif", + "label": "train/breast_vectra_139_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_139_1.tif", + "label": "train/breast_vectra_139_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_141_1.tif", + "label": "train/breast_vectra_141_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_143_3.tif", + "label": "train/breast_vectra_143_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_145_3.tif", + "label": "train/breast_vectra_145_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_146_1.tif", + "label": "train/breast_vectra_146_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_147_3.tif", + "label": "train/breast_vectra_147_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_149_0.tif", + "label": "train/breast_vectra_149_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_150_1.tif", + "label": "train/breast_vectra_150_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_150_3.tif", + "label": "train/breast_vectra_150_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_152_2.tif", + "label": "train/breast_vectra_152_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_152_3.tif", + "label": "train/breast_vectra_152_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_154_1.tif", + "label": "train/breast_vectra_154_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_154_2.tif", + "label": "train/breast_vectra_154_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_155_0.tif", + "label": "train/breast_vectra_155_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_156_0.tif", + "label": "train/breast_vectra_156_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_158_2.tif", + "label": "train/breast_vectra_158_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_159_1.tif", + "label": "train/breast_vectra_159_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_160_2.tif", + "label": "train/breast_vectra_160_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_160_3.tif", + "label": "train/breast_vectra_160_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_162_1.tif", + "label": "train/breast_vectra_162_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_163_0.tif", + "label": "train/breast_vectra_163_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_164_0.tif", + "label": "train/breast_vectra_164_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_164_1.tif", + "label": "train/breast_vectra_164_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_165_2.tif", + "label": "train/breast_vectra_165_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_166_2.tif", + "label": "train/breast_vectra_166_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_167_2.tif", + "label": "train/breast_vectra_167_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_168_1.tif", + "label": "train/breast_vectra_168_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_170_0.tif", + "label": "train/breast_vectra_170_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_170_1.tif", + "label": "train/breast_vectra_170_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_171_3.tif", + "label": "train/breast_vectra_171_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_172_1.tif", + "label": "train/breast_vectra_172_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_172_2.tif", + "label": "train/breast_vectra_172_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_175_3.tif", + "label": "train/breast_vectra_175_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_178_1.tif", + "label": "train/breast_vectra_178_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_180_2.tif", + "label": "train/breast_vectra_180_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_180_3.tif", + "label": "train/breast_vectra_180_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_181_0.tif", + "label": "train/breast_vectra_181_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_184_3.tif", + "label": "train/breast_vectra_184_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_185_0.tif", + "label": "train/breast_vectra_185_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_188_3.tif", + "label": "train/breast_vectra_188_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_190_0.tif", + "label": "train/breast_vectra_190_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_191_0.tif", + "label": "train/breast_vectra_191_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_193_0.tif", + "label": "train/breast_vectra_193_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_198_2.tif", + "label": "train/breast_vectra_198_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_198_3.tif", + "label": "train/breast_vectra_198_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_199_1.tif", + "label": "train/breast_vectra_199_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_201_3.tif", + "label": "train/breast_vectra_201_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_202_1.tif", + "label": "train/breast_vectra_202_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_204_3.tif", + "label": "train/breast_vectra_204_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_205_1.tif", + "label": "train/breast_vectra_205_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_208_1.tif", + "label": "train/breast_vectra_208_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_209_1.tif", + "label": "train/breast_vectra_209_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_210_1.tif", + "label": "train/breast_vectra_210_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_210_3.tif", + "label": "train/breast_vectra_210_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_213_1.tif", + "label": "train/breast_vectra_213_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_215_1.tif", + "label": "train/breast_vectra_215_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_215_2.tif", + "label": "train/breast_vectra_215_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_217_1.tif", + "label": "train/breast_vectra_217_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_219_2.tif", + "label": "train/breast_vectra_219_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_220_2.tif", + "label": "train/breast_vectra_220_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_221_1.tif", + "label": "train/breast_vectra_221_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_221_3.tif", + "label": "train/breast_vectra_221_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_222_0.tif", + "label": "train/breast_vectra_222_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_223_1.tif", + "label": "train/breast_vectra_223_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_224_2.tif", + "label": "train/breast_vectra_224_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_225_1.tif", + "label": "train/breast_vectra_225_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_227_0.tif", + "label": "train/breast_vectra_227_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_227_3.tif", + "label": "train/breast_vectra_227_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_230_1.tif", + "label": "train/breast_vectra_230_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_230_2.tif", + "label": "train/breast_vectra_230_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_231_0.tif", + "label": "train/breast_vectra_231_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_231_2.tif", + "label": "train/breast_vectra_231_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_232_2.tif", + "label": "train/breast_vectra_232_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_233_0.tif", + "label": "train/breast_vectra_233_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_234_2.tif", + "label": "train/breast_vectra_234_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_236_0.tif", + "label": "train/breast_vectra_236_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_236_2.tif", + "label": "train/breast_vectra_236_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_236_3.tif", + "label": "train/breast_vectra_236_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_239_3.tif", + "label": "train/breast_vectra_239_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_240_3.tif", + "label": "train/breast_vectra_240_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_241_3.tif", + "label": "train/breast_vectra_241_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_243_0.tif", + "label": "train/breast_vectra_243_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_246_0.tif", + "label": "train/breast_vectra_246_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_247_3.tif", + "label": "train/breast_vectra_247_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_250_2.tif", + "label": "train/breast_vectra_250_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_252_0.tif", + "label": "train/breast_vectra_252_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_252_3.tif", + "label": "train/breast_vectra_252_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_253_0.tif", + "label": "train/breast_vectra_253_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_254_1.tif", + "label": "train/breast_vectra_254_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_255_0.tif", + "label": "train/breast_vectra_255_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_255_1.tif", + "label": "train/breast_vectra_255_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_255_3.tif", + "label": "train/breast_vectra_255_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_256_0.tif", + "label": "train/breast_vectra_256_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_257_2.tif", + "label": "train/breast_vectra_257_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_258_0.tif", + "label": "train/breast_vectra_258_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_258_2.tif", + "label": "train/breast_vectra_258_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_258_3.tif", + "label": "train/breast_vectra_258_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_1_3.tif", + "label": "train/breast_vectra_1_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_2_2.tif", + "label": "train/breast_vectra_2_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_3_3.tif", + "label": "train/breast_vectra_3_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_5_0.tif", + "label": "train/breast_vectra_5_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_5_2.tif", + "label": "train/breast_vectra_5_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_6_1.tif", + "label": "train/breast_vectra_6_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_6_2.tif", + "label": "train/breast_vectra_6_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_10_3.tif", + "label": "train/breast_vectra_10_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_16_0.tif", + "label": "train/breast_vectra_16_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_17_3.tif", + "label": "train/breast_vectra_17_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_18_3.tif", + "label": "train/breast_vectra_18_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_19_1.tif", + "label": "train/breast_vectra_19_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_21_2.tif", + "label": "train/breast_vectra_21_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_21_3.tif", + "label": "train/breast_vectra_21_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_24_0.tif", + "label": "train/breast_vectra_24_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_31_2.tif", + "label": "train/breast_vectra_31_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_32_1.tif", + "label": "train/breast_vectra_32_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_32_2.tif", + "label": "train/breast_vectra_32_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_34_1.tif", + "label": "train/breast_vectra_34_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_35_0.tif", + "label": "train/breast_vectra_35_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_35_1.tif", + "label": "train/breast_vectra_35_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_36_0.tif", + "label": "train/breast_vectra_36_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_37_1.tif", + "label": "train/breast_vectra_37_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_37_3.tif", + "label": "train/breast_vectra_37_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_38_0.tif", + "label": "train/breast_vectra_38_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_38_3.tif", + "label": "train/breast_vectra_38_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_41_2.tif", + "label": "train/breast_vectra_41_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_42_2.tif", + "label": "train/breast_vectra_42_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_44_0.tif", + "label": "train/breast_vectra_44_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_45_3.tif", + "label": "train/breast_vectra_45_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_47_2.tif", + "label": "train/breast_vectra_47_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_48_1.tif", + "label": "train/breast_vectra_48_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_49_0.tif", + "label": "train/breast_vectra_49_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_49_2.tif", + "label": "train/breast_vectra_49_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_52_1.tif", + "label": "train/breast_vectra_52_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_52_2.tif", + "label": "train/breast_vectra_52_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_53_0.tif", + "label": "train/breast_vectra_53_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_53_3.tif", + "label": "train/breast_vectra_53_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_57_3.tif", + "label": "train/breast_vectra_57_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_58_3.tif", + "label": "train/breast_vectra_58_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_60_3.tif", + "label": "train/breast_vectra_60_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_63_0.tif", + "label": "train/breast_vectra_63_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_63_1.tif", + "label": "train/breast_vectra_63_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_65_3.tif", + "label": "train/breast_vectra_65_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_66_0.tif", + "label": "train/breast_vectra_66_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_66_2.tif", + "label": "train/breast_vectra_66_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_67_1.tif", + "label": "train/breast_vectra_67_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_69_2.tif", + "label": "train/breast_vectra_69_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_69_3.tif", + "label": "train/breast_vectra_69_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_70_2.tif", + "label": "train/breast_vectra_70_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_72_0.tif", + "label": "train/breast_vectra_72_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_74_1.tif", + "label": "train/breast_vectra_74_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_75_2.tif", + "label": "train/breast_vectra_75_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_78_1.tif", + "label": "train/breast_vectra_78_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_79_0.tif", + "label": "train/breast_vectra_79_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_79_1.tif", + "label": "train/breast_vectra_79_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_79_3.tif", + "label": "train/breast_vectra_79_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_80_1.tif", + "label": "train/breast_vectra_80_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_81_3.tif", + "label": "train/breast_vectra_81_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_83_0.tif", + "label": "train/breast_vectra_83_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_84_0.tif", + "label": "train/breast_vectra_84_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_84_2.tif", + "label": "train/breast_vectra_84_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_87_0.tif", + "label": "train/breast_vectra_87_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_89_0.tif", + "label": "train/breast_vectra_89_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_89_1.tif", + "label": "train/breast_vectra_89_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_91_3.tif", + "label": "train/breast_vectra_91_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_92_1.tif", + "label": "train/breast_vectra_92_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_95_1.tif", + "label": "train/breast_vectra_95_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_96_3.tif", + "label": "train/breast_vectra_96_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_98_1.tif", + "label": "train/breast_vectra_98_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_99_2.tif", + "label": "train/breast_vectra_99_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_100_1.tif", + "label": "train/breast_vectra_100_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_101_1.tif", + "label": "train/breast_vectra_101_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_104_0.tif", + "label": "train/breast_vectra_104_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_104_2.tif", + "label": "train/breast_vectra_104_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_107_3.tif", + "label": "train/breast_vectra_107_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_112_2.tif", + "label": "train/breast_vectra_112_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_113_2.tif", + "label": "train/breast_vectra_113_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_114_0.tif", + "label": "train/breast_vectra_114_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_115_1.tif", + "label": "train/breast_vectra_115_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_116_2.tif", + "label": "train/breast_vectra_116_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_117_0.tif", + "label": "train/breast_vectra_117_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_117_1.tif", + "label": "train/breast_vectra_117_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_117_2.tif", + "label": "train/breast_vectra_117_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_117_3.tif", + "label": "train/breast_vectra_117_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_119_0.tif", + "label": "train/breast_vectra_119_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_119_2.tif", + "label": "train/breast_vectra_119_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_121_1.tif", + "label": "train/breast_vectra_121_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_122_1.tif", + "label": "train/breast_vectra_122_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_122_2.tif", + "label": "train/breast_vectra_122_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_123_0.tif", + "label": "train/breast_vectra_123_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_124_1.tif", + "label": "train/breast_vectra_124_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_125_3.tif", + "label": "train/breast_vectra_125_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_126_1.tif", + "label": "train/breast_vectra_126_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_127_0.tif", + "label": "train/breast_vectra_127_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_128_1.tif", + "label": "train/breast_vectra_128_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_128_2.tif", + "label": "train/breast_vectra_128_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_128_3.tif", + "label": "train/breast_vectra_128_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_133_0.tif", + "label": "train/breast_vectra_133_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_133_2.tif", + "label": "train/breast_vectra_133_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_134_0.tif", + "label": "train/breast_vectra_134_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_135_2.tif", + "label": "train/breast_vectra_135_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_137_0.tif", + "label": "train/breast_vectra_137_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_140_1.tif", + "label": "train/breast_vectra_140_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_140_2.tif", + "label": "train/breast_vectra_140_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_141_0.tif", + "label": "train/breast_vectra_141_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_141_2.tif", + "label": "train/breast_vectra_141_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_142_0.tif", + "label": "train/breast_vectra_142_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_142_1.tif", + "label": "train/breast_vectra_142_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_143_0.tif", + "label": "train/breast_vectra_143_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_145_0.tif", + "label": "train/breast_vectra_145_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_146_2.tif", + "label": "train/breast_vectra_146_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_147_0.tif", + "label": "train/breast_vectra_147_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_148_3.tif", + "label": "train/breast_vectra_148_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_151_2.tif", + "label": "train/breast_vectra_151_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_152_1.tif", + "label": "train/breast_vectra_152_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_153_3.tif", + "label": "train/breast_vectra_153_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_154_0.tif", + "label": "train/breast_vectra_154_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_155_1.tif", + "label": "train/breast_vectra_155_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_156_2.tif", + "label": "train/breast_vectra_156_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_156_3.tif", + "label": "train/breast_vectra_156_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_157_0.tif", + "label": "train/breast_vectra_157_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_157_2.tif", + "label": "train/breast_vectra_157_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_158_1.tif", + "label": "train/breast_vectra_158_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_161_2.tif", + "label": "train/breast_vectra_161_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_162_0.tif", + "label": "train/breast_vectra_162_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_163_1.tif", + "label": "train/breast_vectra_163_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_163_3.tif", + "label": "train/breast_vectra_163_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_165_0.tif", + "label": "train/breast_vectra_165_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_166_1.tif", + "label": "train/breast_vectra_166_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_167_0.tif", + "label": "train/breast_vectra_167_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_173_1.tif", + "label": "train/breast_vectra_173_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_173_2.tif", + "label": "train/breast_vectra_173_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_173_3.tif", + "label": "train/breast_vectra_173_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_174_0.tif", + "label": "train/breast_vectra_174_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_176_2.tif", + "label": "train/breast_vectra_176_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_176_3.tif", + "label": "train/breast_vectra_176_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_178_0.tif", + "label": "train/breast_vectra_178_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_178_2.tif", + "label": "train/breast_vectra_178_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_178_3.tif", + "label": "train/breast_vectra_178_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_179_1.tif", + "label": "train/breast_vectra_179_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_182_0.tif", + "label": "train/breast_vectra_182_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_182_1.tif", + "label": "train/breast_vectra_182_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_183_0.tif", + "label": "train/breast_vectra_183_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_184_2.tif", + "label": "train/breast_vectra_184_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_187_1.tif", + "label": "train/breast_vectra_187_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_187_3.tif", + "label": "train/breast_vectra_187_3_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_188_0.tif", + "label": "train/breast_vectra_188_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_188_1.tif", + "label": "train/breast_vectra_188_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_192_3.tif", + "label": "train/breast_vectra_192_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_193_2.tif", + "label": "train/breast_vectra_193_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_193_3.tif", + "label": "train/breast_vectra_193_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_194_1.tif", + "label": "train/breast_vectra_194_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_194_2.tif", + "label": "train/breast_vectra_194_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_198_0.tif", + "label": "train/breast_vectra_198_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_198_1.tif", + "label": "train/breast_vectra_198_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_202_3.tif", + "label": "train/breast_vectra_202_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_203_1.tif", + "label": "train/breast_vectra_203_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_205_0.tif", + "label": "train/breast_vectra_205_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_207_1.tif", + "label": "train/breast_vectra_207_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_211_1.tif", + "label": "train/breast_vectra_211_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_211_3.tif", + "label": "train/breast_vectra_211_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_212_1.tif", + "label": "train/breast_vectra_212_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_212_2.tif", + "label": "train/breast_vectra_212_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_216_0.tif", + "label": "train/breast_vectra_216_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_216_1.tif", + "label": "train/breast_vectra_216_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_216_2.tif", + "label": "train/breast_vectra_216_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_217_3.tif", + "label": "train/breast_vectra_217_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_220_0.tif", + "label": "train/breast_vectra_220_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_220_3.tif", + "label": "train/breast_vectra_220_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_222_1.tif", + "label": "train/breast_vectra_222_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_222_2.tif", + "label": "train/breast_vectra_222_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_222_3.tif", + "label": "train/breast_vectra_222_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_223_0.tif", + "label": "train/breast_vectra_223_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_223_2.tif", + "label": "train/breast_vectra_223_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_224_0.tif", + "label": "train/breast_vectra_224_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_225_3.tif", + "label": "train/breast_vectra_225_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_226_1.tif", + "label": "train/breast_vectra_226_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_226_3.tif", + "label": "train/breast_vectra_226_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_228_2.tif", + "label": "train/breast_vectra_228_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_229_1.tif", + "label": "train/breast_vectra_229_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_230_3.tif", + "label": "train/breast_vectra_230_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_231_1.tif", + "label": "train/breast_vectra_231_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_232_0.tif", + "label": "train/breast_vectra_232_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_233_1.tif", + "label": "train/breast_vectra_233_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_235_1.tif", + "label": "train/breast_vectra_235_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_238_1.tif", + "label": "train/breast_vectra_238_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_240_0.tif", + "label": "train/breast_vectra_240_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_241_0.tif", + "label": "train/breast_vectra_241_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_241_1.tif", + "label": "train/breast_vectra_241_1_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_242_0.tif", + "label": "train/breast_vectra_242_0_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_244_0.tif", + "label": "train/breast_vectra_244_0_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_244_1.tif", + "label": "train/breast_vectra_244_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_244_2.tif", + "label": "train/breast_vectra_244_2_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_245_2.tif", + "label": "train/breast_vectra_245_2_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_245_3.tif", + "label": "train/breast_vectra_245_3_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_246_1.tif", + "label": "train/breast_vectra_246_1_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_247_0.tif", + "label": "train/breast_vectra_247_0_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_248_2.tif", + "label": "train/breast_vectra_248_2_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_249_2.tif", + "label": "train/breast_vectra_249_2_masks.tif", + "fold": 2 + }, + { + "image": "train/breast_vectra_250_0.tif", + "label": "train/breast_vectra_250_0_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_250_1.tif", + "label": "train/breast_vectra_250_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_251_3.tif", + "label": "train/breast_vectra_251_3_masks.tif", + "fold": 1 + }, + { + "image": "train/breast_vectra_252_1.tif", + "label": "train/breast_vectra_252_1_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_253_1.tif", + "label": "train/breast_vectra_253_1_masks.tif", + "fold": 4 + }, + { + "image": "train/breast_vectra_256_3.tif", + "label": "train/breast_vectra_256_3_masks.tif", + "fold": 3 + }, + { + "image": "train/breast_vectra_258_1.tif", + "label": "train/breast_vectra_258_1_masks.tif", + "fold": 3 + } + ], + "testing": [ + { + "image": "test/breast_vectra_4.tif", + "label": "test/breast_vectra_4_masks.tif" + }, + { + "image": "test/breast_vectra_5.tif", + "label": "test/breast_vectra_5_masks.tif" + }, + { + "image": "test/breast_vectra_17.tif", + "label": "test/breast_vectra_17_masks.tif" + }, + { + "image": "test/breast_vectra_31.tif", + "label": "test/breast_vectra_31_masks.tif" + }, + { + "image": "test/breast_vectra_35.tif", + "label": "test/breast_vectra_35_masks.tif" + }, + { + "image": "test/breast_vectra_40.tif", + "label": "test/breast_vectra_40_masks.tif" + }, + { + "image": "test/breast_vectra_42.tif", + "label": "test/breast_vectra_42_masks.tif" + }, + { + "image": "test/breast_vectra_44.tif", + "label": "test/breast_vectra_44_masks.tif" + }, + { + "image": "test/breast_vectra_45.tif", + "label": "test/breast_vectra_45_masks.tif" + }, + { + "image": "test/breast_vectra_46.tif", + "label": "test/breast_vectra_46_masks.tif" + }, + { + "image": "test/breast_vectra_54.tif", + "label": "test/breast_vectra_54_masks.tif" + }, + { + "image": "test/breast_vectra_56.tif", + "label": "test/breast_vectra_56_masks.tif" + }, + { + "image": "test/breast_vectra_59.tif", + "label": "test/breast_vectra_59_masks.tif" + }, + { + "image": "test/breast_vectra_66.tif", + "label": "test/breast_vectra_66_masks.tif" + }, + { + "image": "test/breast_vectra_75.tif", + "label": "test/breast_vectra_75_masks.tif" + }, + { + "image": "test/breast_vectra_80.tif", + "label": "test/breast_vectra_80_masks.tif" + }, + { + "image": "test/breast_vectra_82.tif", + "label": "test/breast_vectra_82_masks.tif" + }, + { + "image": "test/breast_vectra_85.tif", + "label": "test/breast_vectra_85_masks.tif" + }, + { + "image": "test/breast_vectra_97.tif", + "label": "test/breast_vectra_97_masks.tif" + }, + { + "image": "test/breast_vectra_98.tif", + "label": "test/breast_vectra_98_masks.tif" + }, + { + "image": "test/breast_vectra_102.tif", + "label": "test/breast_vectra_102_masks.tif" + }, + { + "image": "test/breast_vectra_110.tif", + "label": "test/breast_vectra_110_masks.tif" + }, + { + "image": "test/breast_vectra_111.tif", + "label": "test/breast_vectra_111_masks.tif" + }, + { + "image": "test/breast_vectra_116.tif", + "label": "test/breast_vectra_116_masks.tif" + }, + { + "image": "test/breast_vectra_118.tif", + "label": "test/breast_vectra_118_masks.tif" + }, + { + "image": "test/breast_vectra_126.tif", + "label": "test/breast_vectra_126_masks.tif" + }, + { + "image": "test/breast_vectra_128.tif", + "label": "test/breast_vectra_128_masks.tif" + }, + { + "image": "test/breast_vectra_2.tif", + "label": "test/breast_vectra_2_masks.tif" + }, + { + "image": "test/breast_vectra_10.tif", + "label": "test/breast_vectra_10_masks.tif" + }, + { + "image": "test/breast_vectra_12.tif", + "label": "test/breast_vectra_12_masks.tif" + }, + { + "image": "test/breast_vectra_33.tif", + "label": "test/breast_vectra_33_masks.tif" + }, + { + "image": "test/breast_vectra_34.tif", + "label": "test/breast_vectra_34_masks.tif" + }, + { + "image": "test/breast_vectra_48.tif", + "label": "test/breast_vectra_48_masks.tif" + }, + { + "image": "test/breast_vectra_51.tif", + "label": "test/breast_vectra_51_masks.tif" + }, + { + "image": "test/breast_vectra_53.tif", + "label": "test/breast_vectra_53_masks.tif" + }, + { + "image": "test/breast_vectra_55.tif", + "label": "test/breast_vectra_55_masks.tif" + }, + { + "image": "test/breast_vectra_58.tif", + "label": "test/breast_vectra_58_masks.tif" + }, + { + "image": "test/breast_vectra_62.tif", + "label": "test/breast_vectra_62_masks.tif" + }, + { + "image": "test/breast_vectra_65.tif", + "label": "test/breast_vectra_65_masks.tif" + }, + { + "image": "test/breast_vectra_67.tif", + "label": "test/breast_vectra_67_masks.tif" + }, + { + "image": "test/breast_vectra_73.tif", + "label": "test/breast_vectra_73_masks.tif" + }, + { + "image": "test/breast_vectra_89.tif", + "label": "test/breast_vectra_89_masks.tif" + }, + { + "image": "test/breast_vectra_91.tif", + "label": "test/breast_vectra_91_masks.tif" + }, + { + "image": "test/breast_vectra_92.tif", + "label": "test/breast_vectra_92_masks.tif" + }, + { + "image": "test/breast_vectra_93.tif", + "label": "test/breast_vectra_93_masks.tif" + }, + { + "image": "test/breast_vectra_104.tif", + "label": "test/breast_vectra_104_masks.tif" + }, + { + "image": "test/breast_vectra_112.tif", + "label": "test/breast_vectra_112_masks.tif" + }, + { + "image": "test/breast_vectra_113.tif", + "label": "test/breast_vectra_113_masks.tif" + }, + { + "image": "test/breast_vectra_114.tif", + "label": "test/breast_vectra_114_masks.tif" + }, + { + "image": "test/breast_vectra_115.tif", + "label": "test/breast_vectra_115_masks.tif" + }, + { + "image": "test/breast_vectra_121.tif", + "label": "test/breast_vectra_121_masks.tif" + }, + { + "image": "test/breast_vectra_122.tif", + "label": "test/breast_vectra_122_masks.tif" + }, + { + "image": "test/breast_vectra_124.tif", + "label": "test/breast_vectra_124_masks.tif" + }, + { + "image": "test/breast_vectra_15.tif", + "label": "test/breast_vectra_15_masks.tif" + }, + { + "image": "test/breast_vectra_19.tif", + "label": "test/breast_vectra_19_masks.tif" + }, + { + "image": "test/breast_vectra_23.tif", + "label": "test/breast_vectra_23_masks.tif" + }, + { + "image": "test/breast_vectra_24.tif", + "label": "test/breast_vectra_24_masks.tif" + }, + { + "image": "test/breast_vectra_26.tif", + "label": "test/breast_vectra_26_masks.tif" + }, + { + "image": "test/breast_vectra_27.tif", + "label": "test/breast_vectra_27_masks.tif" + }, + { + "image": "test/breast_vectra_32.tif", + "label": "test/breast_vectra_32_masks.tif" + }, + { + "image": "test/breast_vectra_36.tif", + "label": "test/breast_vectra_36_masks.tif" + }, + { + "image": "test/breast_vectra_38.tif", + "label": "test/breast_vectra_38_masks.tif" + }, + { + "image": "test/breast_vectra_39.tif", + "label": "test/breast_vectra_39_masks.tif" + }, + { + "image": "test/breast_vectra_41.tif", + "label": "test/breast_vectra_41_masks.tif" + }, + { + "image": "test/breast_vectra_43.tif", + "label": "test/breast_vectra_43_masks.tif" + }, + { + "image": "test/breast_vectra_52.tif", + "label": "test/breast_vectra_52_masks.tif" + }, + { + "image": "test/breast_vectra_69.tif", + "label": "test/breast_vectra_69_masks.tif" + }, + { + "image": "test/breast_vectra_74.tif", + "label": "test/breast_vectra_74_masks.tif" + }, + { + "image": "test/breast_vectra_77.tif", + "label": "test/breast_vectra_77_masks.tif" + }, + { + "image": "test/breast_vectra_78.tif", + "label": "test/breast_vectra_78_masks.tif" + }, + { + "image": "test/breast_vectra_83.tif", + "label": "test/breast_vectra_83_masks.tif" + }, + { + "image": "test/breast_vectra_90.tif", + "label": "test/breast_vectra_90_masks.tif" + }, + { + "image": "test/breast_vectra_99.tif", + "label": "test/breast_vectra_99_masks.tif" + }, + { + "image": "test/breast_vectra_100.tif", + "label": "test/breast_vectra_100_masks.tif" + }, + { + "image": "test/breast_vectra_103.tif", + "label": "test/breast_vectra_103_masks.tif" + }, + { + "image": "test/breast_vectra_108.tif", + "label": "test/breast_vectra_108_masks.tif" + }, + { + "image": "test/breast_vectra_120.tif", + "label": "test/breast_vectra_120_masks.tif" + }, + { + "image": "test/breast_vectra_127.tif", + "label": "test/breast_vectra_127_masks.tif" + }, + { + "image": "test/breast_vectra_130.tif", + "label": "test/breast_vectra_130_masks.tif" + }, + { + "image": "test/breast_vectra_0.tif", + "label": "test/breast_vectra_0_masks.tif" + }, + { + "image": "test/breast_vectra_3.tif", + "label": "test/breast_vectra_3_masks.tif" + }, + { + "image": "test/breast_vectra_7.tif", + "label": "test/breast_vectra_7_masks.tif" + }, + { + "image": "test/breast_vectra_8.tif", + "label": "test/breast_vectra_8_masks.tif" + }, + { + "image": "test/breast_vectra_9.tif", + "label": "test/breast_vectra_9_masks.tif" + }, + { + "image": "test/breast_vectra_13.tif", + "label": "test/breast_vectra_13_masks.tif" + }, + { + "image": "test/breast_vectra_21.tif", + "label": "test/breast_vectra_21_masks.tif" + }, + { + "image": "test/breast_vectra_22.tif", + "label": "test/breast_vectra_22_masks.tif" + }, + { + "image": "test/breast_vectra_30.tif", + "label": "test/breast_vectra_30_masks.tif" + }, + { + "image": "test/breast_vectra_47.tif", + "label": "test/breast_vectra_47_masks.tif" + }, + { + "image": "test/breast_vectra_49.tif", + "label": "test/breast_vectra_49_masks.tif" + }, + { + "image": "test/breast_vectra_57.tif", + "label": "test/breast_vectra_57_masks.tif" + }, + { + "image": "test/breast_vectra_60.tif", + "label": "test/breast_vectra_60_masks.tif" + }, + { + "image": "test/breast_vectra_61.tif", + "label": "test/breast_vectra_61_masks.tif" + }, + { + "image": "test/breast_vectra_63.tif", + "label": "test/breast_vectra_63_masks.tif" + }, + { + "image": "test/breast_vectra_70.tif", + "label": "test/breast_vectra_70_masks.tif" + }, + { + "image": "test/breast_vectra_81.tif", + "label": "test/breast_vectra_81_masks.tif" + }, + { + "image": "test/breast_vectra_86.tif", + "label": "test/breast_vectra_86_masks.tif" + }, + { + "image": "test/breast_vectra_88.tif", + "label": "test/breast_vectra_88_masks.tif" + }, + { + "image": "test/breast_vectra_94.tif", + "label": "test/breast_vectra_94_masks.tif" + }, + { + "image": "test/breast_vectra_95.tif", + "label": "test/breast_vectra_95_masks.tif" + }, + { + "image": "test/breast_vectra_96.tif", + "label": "test/breast_vectra_96_masks.tif" + }, + { + "image": "test/breast_vectra_117.tif", + "label": "test/breast_vectra_117_masks.tif" + }, + { + "image": "test/breast_vectra_123.tif", + "label": "test/breast_vectra_123_masks.tif" + }, + { + "image": "test/breast_vectra_125.tif", + "label": "test/breast_vectra_125_masks.tif" + }, + { + "image": "test/breast_vectra_129.tif", + "label": "test/breast_vectra_129_masks.tif" + }, + { + "image": "test/breast_vectra_1.tif", + "label": "test/breast_vectra_1_masks.tif" + }, + { + "image": "test/breast_vectra_6.tif", + "label": "test/breast_vectra_6_masks.tif" + }, + { + "image": "test/breast_vectra_11.tif", + "label": "test/breast_vectra_11_masks.tif" + }, + { + "image": "test/breast_vectra_14.tif", + "label": "test/breast_vectra_14_masks.tif" + }, + { + "image": "test/breast_vectra_16.tif", + "label": "test/breast_vectra_16_masks.tif" + }, + { + "image": "test/breast_vectra_18.tif", + "label": "test/breast_vectra_18_masks.tif" + }, + { + "image": "test/breast_vectra_20.tif", + "label": "test/breast_vectra_20_masks.tif" + }, + { + "image": "test/breast_vectra_25.tif", + "label": "test/breast_vectra_25_masks.tif" + }, + { + "image": "test/breast_vectra_28.tif", + "label": "test/breast_vectra_28_masks.tif" + }, + { + "image": "test/breast_vectra_29.tif", + "label": "test/breast_vectra_29_masks.tif" + }, + { + "image": "test/breast_vectra_37.tif", + "label": "test/breast_vectra_37_masks.tif" + }, + { + "image": "test/breast_vectra_50.tif", + "label": "test/breast_vectra_50_masks.tif" + }, + { + "image": "test/breast_vectra_64.tif", + "label": "test/breast_vectra_64_masks.tif" + }, + { + "image": "test/breast_vectra_68.tif", + "label": "test/breast_vectra_68_masks.tif" + }, + { + "image": "test/breast_vectra_71.tif", + "label": "test/breast_vectra_71_masks.tif" + }, + { + "image": "test/breast_vectra_72.tif", + "label": "test/breast_vectra_72_masks.tif" + }, + { + "image": "test/breast_vectra_76.tif", + "label": "test/breast_vectra_76_masks.tif" + }, + { + "image": "test/breast_vectra_79.tif", + "label": "test/breast_vectra_79_masks.tif" + }, + { + "image": "test/breast_vectra_84.tif", + "label": "test/breast_vectra_84_masks.tif" + }, + { + "image": "test/breast_vectra_87.tif", + "label": "test/breast_vectra_87_masks.tif" + }, + { + "image": "test/breast_vectra_101.tif", + "label": "test/breast_vectra_101_masks.tif" + }, + { + "image": "test/breast_vectra_105.tif", + "label": "test/breast_vectra_105_masks.tif" + }, + { + "image": "test/breast_vectra_106.tif", + "label": "test/breast_vectra_106_masks.tif" + }, + { + "image": "test/breast_vectra_107.tif", + "label": "test/breast_vectra_107_masks.tif" + }, + { + "image": "test/breast_vectra_109.tif", + "label": "test/breast_vectra_109_masks.tif" + }, + { + "image": "test/breast_vectra_119.tif", + "label": "test/breast_vectra_119_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_gi_codex_datalist.json b/vista2d/datalists/tissuenet_gi_codex_datalist.json new file mode 100644 index 0000000..082fa15 --- /dev/null +++ b/vista2d/datalists/tissuenet_gi_codex_datalist.json @@ -0,0 +1,6964 @@ +{ + "training": [ + { + "image": "val/gi_codex_4.tif", + "label": "val/gi_codex_4_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_11.tif", + "label": "val/gi_codex_11_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_18.tif", + "label": "val/gi_codex_18_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_19.tif", + "label": "val/gi_codex_19_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_27.tif", + "label": "val/gi_codex_27_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_29.tif", + "label": "val/gi_codex_29_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_31.tif", + "label": "val/gi_codex_31_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_33.tif", + "label": "val/gi_codex_33_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_34.tif", + "label": "val/gi_codex_34_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_35.tif", + "label": "val/gi_codex_35_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_38.tif", + "label": "val/gi_codex_38_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_39.tif", + "label": "val/gi_codex_39_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_44.tif", + "label": "val/gi_codex_44_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_51.tif", + "label": "val/gi_codex_51_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_62.tif", + "label": "val/gi_codex_62_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_67.tif", + "label": "val/gi_codex_67_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_69.tif", + "label": "val/gi_codex_69_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_85.tif", + "label": "val/gi_codex_85_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_88.tif", + "label": "val/gi_codex_88_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_89.tif", + "label": "val/gi_codex_89_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_90.tif", + "label": "val/gi_codex_90_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_93.tif", + "label": "val/gi_codex_93_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_95.tif", + "label": "val/gi_codex_95_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_99.tif", + "label": "val/gi_codex_99_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_107.tif", + "label": "val/gi_codex_107_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_116.tif", + "label": "val/gi_codex_116_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_117.tif", + "label": "val/gi_codex_117_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_120.tif", + "label": "val/gi_codex_120_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_123.tif", + "label": "val/gi_codex_123_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_130.tif", + "label": "val/gi_codex_130_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_138.tif", + "label": "val/gi_codex_138_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_162.tif", + "label": "val/gi_codex_162_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_173.tif", + "label": "val/gi_codex_173_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_174.tif", + "label": "val/gi_codex_174_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_179.tif", + "label": "val/gi_codex_179_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_181.tif", + "label": "val/gi_codex_181_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_191.tif", + "label": "val/gi_codex_191_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_199.tif", + "label": "val/gi_codex_199_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_202.tif", + "label": "val/gi_codex_202_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_206.tif", + "label": "val/gi_codex_206_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_213.tif", + "label": "val/gi_codex_213_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_217.tif", + "label": "val/gi_codex_217_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_218.tif", + "label": "val/gi_codex_218_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_220.tif", + "label": "val/gi_codex_220_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_228.tif", + "label": "val/gi_codex_228_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_230.tif", + "label": "val/gi_codex_230_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_234.tif", + "label": "val/gi_codex_234_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_237.tif", + "label": "val/gi_codex_237_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_0.tif", + "label": "val/gi_codex_0_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_5.tif", + "label": "val/gi_codex_5_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_14.tif", + "label": "val/gi_codex_14_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_16.tif", + "label": "val/gi_codex_16_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_17.tif", + "label": "val/gi_codex_17_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_21.tif", + "label": "val/gi_codex_21_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_28.tif", + "label": "val/gi_codex_28_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_40.tif", + "label": "val/gi_codex_40_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_42.tif", + "label": "val/gi_codex_42_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_47.tif", + "label": "val/gi_codex_47_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_53.tif", + "label": "val/gi_codex_53_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_55.tif", + "label": "val/gi_codex_55_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_56.tif", + "label": "val/gi_codex_56_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_58.tif", + "label": "val/gi_codex_58_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_59.tif", + "label": "val/gi_codex_59_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_73.tif", + "label": "val/gi_codex_73_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_78.tif", + "label": "val/gi_codex_78_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_84.tif", + "label": "val/gi_codex_84_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_91.tif", + "label": "val/gi_codex_91_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_102.tif", + "label": "val/gi_codex_102_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_106.tif", + "label": "val/gi_codex_106_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_108.tif", + "label": "val/gi_codex_108_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_112.tif", + "label": "val/gi_codex_112_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_114.tif", + "label": "val/gi_codex_114_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_118.tif", + "label": "val/gi_codex_118_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_145.tif", + "label": "val/gi_codex_145_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_147.tif", + "label": "val/gi_codex_147_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_152.tif", + "label": "val/gi_codex_152_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_164.tif", + "label": "val/gi_codex_164_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_165.tif", + "label": "val/gi_codex_165_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_166.tif", + "label": "val/gi_codex_166_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_168.tif", + "label": "val/gi_codex_168_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_169.tif", + "label": "val/gi_codex_169_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_170.tif", + "label": "val/gi_codex_170_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_171.tif", + "label": "val/gi_codex_171_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_177.tif", + "label": "val/gi_codex_177_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_180.tif", + "label": "val/gi_codex_180_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_182.tif", + "label": "val/gi_codex_182_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_190.tif", + "label": "val/gi_codex_190_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_196.tif", + "label": "val/gi_codex_196_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_205.tif", + "label": "val/gi_codex_205_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_208.tif", + "label": "val/gi_codex_208_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_216.tif", + "label": "val/gi_codex_216_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_219.tif", + "label": "val/gi_codex_219_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_222.tif", + "label": "val/gi_codex_222_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_224.tif", + "label": "val/gi_codex_224_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_229.tif", + "label": "val/gi_codex_229_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_236.tif", + "label": "val/gi_codex_236_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_2.tif", + "label": "val/gi_codex_2_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_12.tif", + "label": "val/gi_codex_12_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_13.tif", + "label": "val/gi_codex_13_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_36.tif", + "label": "val/gi_codex_36_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_45.tif", + "label": "val/gi_codex_45_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_48.tif", + "label": "val/gi_codex_48_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_54.tif", + "label": "val/gi_codex_54_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_66.tif", + "label": "val/gi_codex_66_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_70.tif", + "label": "val/gi_codex_70_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_75.tif", + "label": "val/gi_codex_75_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_81.tif", + "label": "val/gi_codex_81_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_82.tif", + "label": "val/gi_codex_82_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_94.tif", + "label": "val/gi_codex_94_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_97.tif", + "label": "val/gi_codex_97_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_98.tif", + "label": "val/gi_codex_98_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_103.tif", + "label": "val/gi_codex_103_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_105.tif", + "label": "val/gi_codex_105_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_110.tif", + "label": "val/gi_codex_110_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_119.tif", + "label": "val/gi_codex_119_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_122.tif", + "label": "val/gi_codex_122_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_124.tif", + "label": "val/gi_codex_124_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_127.tif", + "label": "val/gi_codex_127_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_132.tif", + "label": "val/gi_codex_132_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_148.tif", + "label": "val/gi_codex_148_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_150.tif", + "label": "val/gi_codex_150_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_154.tif", + "label": "val/gi_codex_154_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_158.tif", + "label": "val/gi_codex_158_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_159.tif", + "label": "val/gi_codex_159_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_160.tif", + "label": "val/gi_codex_160_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_161.tif", + "label": "val/gi_codex_161_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_163.tif", + "label": "val/gi_codex_163_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_172.tif", + "label": "val/gi_codex_172_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_185.tif", + "label": "val/gi_codex_185_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_186.tif", + "label": "val/gi_codex_186_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_187.tif", + "label": "val/gi_codex_187_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_193.tif", + "label": "val/gi_codex_193_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_194.tif", + "label": "val/gi_codex_194_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_195.tif", + "label": "val/gi_codex_195_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_198.tif", + "label": "val/gi_codex_198_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_200.tif", + "label": "val/gi_codex_200_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_207.tif", + "label": "val/gi_codex_207_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_210.tif", + "label": "val/gi_codex_210_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_211.tif", + "label": "val/gi_codex_211_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_214.tif", + "label": "val/gi_codex_214_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_215.tif", + "label": "val/gi_codex_215_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_221.tif", + "label": "val/gi_codex_221_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_227.tif", + "label": "val/gi_codex_227_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_231.tif", + "label": "val/gi_codex_231_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_3.tif", + "label": "val/gi_codex_3_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_6.tif", + "label": "val/gi_codex_6_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_9.tif", + "label": "val/gi_codex_9_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_10.tif", + "label": "val/gi_codex_10_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_15.tif", + "label": "val/gi_codex_15_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_23.tif", + "label": "val/gi_codex_23_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_24.tif", + "label": "val/gi_codex_24_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_26.tif", + "label": "val/gi_codex_26_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_32.tif", + "label": "val/gi_codex_32_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_41.tif", + "label": "val/gi_codex_41_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_43.tif", + "label": "val/gi_codex_43_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_46.tif", + "label": "val/gi_codex_46_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_49.tif", + "label": "val/gi_codex_49_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_52.tif", + "label": "val/gi_codex_52_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_64.tif", + "label": "val/gi_codex_64_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_65.tif", + "label": "val/gi_codex_65_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_74.tif", + "label": "val/gi_codex_74_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_76.tif", + "label": "val/gi_codex_76_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_77.tif", + "label": "val/gi_codex_77_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_80.tif", + "label": "val/gi_codex_80_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_83.tif", + "label": "val/gi_codex_83_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_87.tif", + "label": "val/gi_codex_87_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_92.tif", + "label": "val/gi_codex_92_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_100.tif", + "label": "val/gi_codex_100_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_104.tif", + "label": "val/gi_codex_104_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_109.tif", + "label": "val/gi_codex_109_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_111.tif", + "label": "val/gi_codex_111_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_113.tif", + "label": "val/gi_codex_113_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_125.tif", + "label": "val/gi_codex_125_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_126.tif", + "label": "val/gi_codex_126_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_135.tif", + "label": "val/gi_codex_135_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_136.tif", + "label": "val/gi_codex_136_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_143.tif", + "label": "val/gi_codex_143_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_151.tif", + "label": "val/gi_codex_151_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_153.tif", + "label": "val/gi_codex_153_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_155.tif", + "label": "val/gi_codex_155_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_167.tif", + "label": "val/gi_codex_167_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_176.tif", + "label": "val/gi_codex_176_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_183.tif", + "label": "val/gi_codex_183_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_184.tif", + "label": "val/gi_codex_184_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_188.tif", + "label": "val/gi_codex_188_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_189.tif", + "label": "val/gi_codex_189_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_197.tif", + "label": "val/gi_codex_197_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_201.tif", + "label": "val/gi_codex_201_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_223.tif", + "label": "val/gi_codex_223_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_226.tif", + "label": "val/gi_codex_226_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_232.tif", + "label": "val/gi_codex_232_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_1.tif", + "label": "val/gi_codex_1_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_7.tif", + "label": "val/gi_codex_7_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_8.tif", + "label": "val/gi_codex_8_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_20.tif", + "label": "val/gi_codex_20_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_22.tif", + "label": "val/gi_codex_22_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_25.tif", + "label": "val/gi_codex_25_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_30.tif", + "label": "val/gi_codex_30_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_37.tif", + "label": "val/gi_codex_37_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_50.tif", + "label": "val/gi_codex_50_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_57.tif", + "label": "val/gi_codex_57_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_60.tif", + "label": "val/gi_codex_60_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_61.tif", + "label": "val/gi_codex_61_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_63.tif", + "label": "val/gi_codex_63_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_68.tif", + "label": "val/gi_codex_68_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_71.tif", + "label": "val/gi_codex_71_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_72.tif", + "label": "val/gi_codex_72_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_79.tif", + "label": "val/gi_codex_79_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_86.tif", + "label": "val/gi_codex_86_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_96.tif", + "label": "val/gi_codex_96_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_101.tif", + "label": "val/gi_codex_101_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_115.tif", + "label": "val/gi_codex_115_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_121.tif", + "label": "val/gi_codex_121_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_128.tif", + "label": "val/gi_codex_128_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_129.tif", + "label": "val/gi_codex_129_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_131.tif", + "label": "val/gi_codex_131_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_133.tif", + "label": "val/gi_codex_133_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_134.tif", + "label": "val/gi_codex_134_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_137.tif", + "label": "val/gi_codex_137_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_139.tif", + "label": "val/gi_codex_139_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_140.tif", + "label": "val/gi_codex_140_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_141.tif", + "label": "val/gi_codex_141_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_142.tif", + "label": "val/gi_codex_142_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_144.tif", + "label": "val/gi_codex_144_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_146.tif", + "label": "val/gi_codex_146_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_149.tif", + "label": "val/gi_codex_149_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_156.tif", + "label": "val/gi_codex_156_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_157.tif", + "label": "val/gi_codex_157_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_175.tif", + "label": "val/gi_codex_175_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_178.tif", + "label": "val/gi_codex_178_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_192.tif", + "label": "val/gi_codex_192_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_203.tif", + "label": "val/gi_codex_203_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_204.tif", + "label": "val/gi_codex_204_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_209.tif", + "label": "val/gi_codex_209_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_212.tif", + "label": "val/gi_codex_212_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_225.tif", + "label": "val/gi_codex_225_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_233.tif", + "label": "val/gi_codex_233_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_235.tif", + "label": "val/gi_codex_235_masks.tif", + "fold": 0 + }, + { + "image": "train/gi_codex_0_2.tif", + "label": "train/gi_codex_0_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_0_3.tif", + "label": "train/gi_codex_0_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_1_1.tif", + "label": "train/gi_codex_1_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_1_2.tif", + "label": "train/gi_codex_1_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_2_0.tif", + "label": "train/gi_codex_2_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_3_1.tif", + "label": "train/gi_codex_3_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_4_1.tif", + "label": "train/gi_codex_4_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_4_3.tif", + "label": "train/gi_codex_4_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_6_3.tif", + "label": "train/gi_codex_6_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_8_2.tif", + "label": "train/gi_codex_8_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_8_3.tif", + "label": "train/gi_codex_8_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_10_1.tif", + "label": "train/gi_codex_10_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_11_3.tif", + "label": "train/gi_codex_11_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_12_1.tif", + "label": "train/gi_codex_12_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_14_3.tif", + "label": "train/gi_codex_14_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_15_0.tif", + "label": "train/gi_codex_15_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_15_2.tif", + "label": "train/gi_codex_15_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_16_1.tif", + "label": "train/gi_codex_16_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_18_0.tif", + "label": "train/gi_codex_18_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_18_1.tif", + "label": "train/gi_codex_18_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_19_2.tif", + "label": "train/gi_codex_19_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_20_0.tif", + "label": "train/gi_codex_20_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_21_1.tif", + "label": "train/gi_codex_21_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_22_2.tif", + "label": "train/gi_codex_22_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_22_3.tif", + "label": "train/gi_codex_22_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_23_2.tif", + "label": "train/gi_codex_23_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_24_3.tif", + "label": "train/gi_codex_24_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_25_1.tif", + "label": "train/gi_codex_25_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_26_0.tif", + "label": "train/gi_codex_26_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_27_0.tif", + "label": "train/gi_codex_27_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_27_3.tif", + "label": "train/gi_codex_27_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_29_1.tif", + "label": "train/gi_codex_29_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_29_3.tif", + "label": "train/gi_codex_29_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_30_0.tif", + "label": "train/gi_codex_30_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_33_1.tif", + "label": "train/gi_codex_33_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_33_3.tif", + "label": "train/gi_codex_33_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_35_2.tif", + "label": "train/gi_codex_35_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_37_0.tif", + "label": "train/gi_codex_37_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_38_2.tif", + "label": "train/gi_codex_38_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_39_0.tif", + "label": "train/gi_codex_39_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_41_1.tif", + "label": "train/gi_codex_41_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_43_3.tif", + "label": "train/gi_codex_43_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_45_0.tif", + "label": "train/gi_codex_45_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_45_1.tif", + "label": "train/gi_codex_45_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_46_2.tif", + "label": "train/gi_codex_46_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_47_1.tif", + "label": "train/gi_codex_47_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_47_3.tif", + "label": "train/gi_codex_47_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_48_2.tif", + "label": "train/gi_codex_48_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_48_3.tif", + "label": "train/gi_codex_48_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_50_0.tif", + "label": "train/gi_codex_50_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_50_1.tif", + "label": "train/gi_codex_50_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_50_2.tif", + "label": "train/gi_codex_50_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_51_0.tif", + "label": "train/gi_codex_51_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_51_1.tif", + "label": "train/gi_codex_51_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_51_3.tif", + "label": "train/gi_codex_51_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_53_3.tif", + "label": "train/gi_codex_53_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_54_0.tif", + "label": "train/gi_codex_54_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_57_0.tif", + "label": "train/gi_codex_57_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_59_0.tif", + "label": "train/gi_codex_59_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_60_1.tif", + "label": "train/gi_codex_60_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_60_2.tif", + "label": "train/gi_codex_60_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_61_0.tif", + "label": "train/gi_codex_61_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_62_0.tif", + "label": "train/gi_codex_62_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_63_3.tif", + "label": "train/gi_codex_63_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_64_2.tif", + "label": "train/gi_codex_64_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_64_3.tif", + "label": "train/gi_codex_64_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_65_2.tif", + "label": "train/gi_codex_65_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_66_3.tif", + "label": "train/gi_codex_66_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_74_2.tif", + "label": "train/gi_codex_74_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_75_1.tif", + "label": "train/gi_codex_75_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_76_0.tif", + "label": "train/gi_codex_76_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_76_2.tif", + "label": "train/gi_codex_76_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_77_1.tif", + "label": "train/gi_codex_77_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_77_2.tif", + "label": "train/gi_codex_77_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_82_1.tif", + "label": "train/gi_codex_82_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_82_3.tif", + "label": "train/gi_codex_82_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_83_3.tif", + "label": "train/gi_codex_83_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_84_3.tif", + "label": "train/gi_codex_84_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_85_0.tif", + "label": "train/gi_codex_85_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_86_3.tif", + "label": "train/gi_codex_86_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_92_2.tif", + "label": "train/gi_codex_92_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_95_2.tif", + "label": "train/gi_codex_95_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_95_3.tif", + "label": "train/gi_codex_95_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_97_2.tif", + "label": "train/gi_codex_97_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_98_1.tif", + "label": "train/gi_codex_98_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_98_3.tif", + "label": "train/gi_codex_98_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_102_3.tif", + "label": "train/gi_codex_102_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_103_2.tif", + "label": "train/gi_codex_103_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_108_1.tif", + "label": "train/gi_codex_108_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_109_0.tif", + "label": "train/gi_codex_109_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_109_1.tif", + "label": "train/gi_codex_109_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_110_3.tif", + "label": "train/gi_codex_110_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_113_0.tif", + "label": "train/gi_codex_113_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_116_0.tif", + "label": "train/gi_codex_116_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_118_0.tif", + "label": "train/gi_codex_118_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_118_1.tif", + "label": "train/gi_codex_118_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_118_2.tif", + "label": "train/gi_codex_118_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_119_3.tif", + "label": "train/gi_codex_119_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_120_0.tif", + "label": "train/gi_codex_120_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_120_2.tif", + "label": "train/gi_codex_120_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_121_3.tif", + "label": "train/gi_codex_121_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_125_2.tif", + "label": "train/gi_codex_125_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_129_0.tif", + "label": "train/gi_codex_129_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_131_3.tif", + "label": "train/gi_codex_131_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_132_0.tif", + "label": "train/gi_codex_132_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_132_3.tif", + "label": "train/gi_codex_132_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_133_3.tif", + "label": "train/gi_codex_133_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_135_1.tif", + "label": "train/gi_codex_135_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_135_3.tif", + "label": "train/gi_codex_135_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_136_2.tif", + "label": "train/gi_codex_136_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_138_0.tif", + "label": "train/gi_codex_138_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_138_1.tif", + "label": "train/gi_codex_138_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_138_3.tif", + "label": "train/gi_codex_138_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_139_3.tif", + "label": "train/gi_codex_139_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_140_0.tif", + "label": "train/gi_codex_140_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_140_1.tif", + "label": "train/gi_codex_140_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_141_3.tif", + "label": "train/gi_codex_141_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_144_3.tif", + "label": "train/gi_codex_144_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_146_0.tif", + "label": "train/gi_codex_146_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_150_2.tif", + "label": "train/gi_codex_150_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_151_0.tif", + "label": "train/gi_codex_151_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_152_0.tif", + "label": "train/gi_codex_152_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_154_3.tif", + "label": "train/gi_codex_154_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_155_3.tif", + "label": "train/gi_codex_155_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_156_1.tif", + "label": "train/gi_codex_156_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_157_3.tif", + "label": "train/gi_codex_157_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_159_2.tif", + "label": "train/gi_codex_159_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_159_3.tif", + "label": "train/gi_codex_159_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_160_1.tif", + "label": "train/gi_codex_160_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_161_0.tif", + "label": "train/gi_codex_161_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_161_3.tif", + "label": "train/gi_codex_161_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_162_1.tif", + "label": "train/gi_codex_162_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_166_3.tif", + "label": "train/gi_codex_166_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_168_0.tif", + "label": "train/gi_codex_168_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_169_0.tif", + "label": "train/gi_codex_169_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_170_0.tif", + "label": "train/gi_codex_170_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_171_0.tif", + "label": "train/gi_codex_171_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_172_3.tif", + "label": "train/gi_codex_172_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_173_0.tif", + "label": "train/gi_codex_173_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_174_3.tif", + "label": "train/gi_codex_174_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_177_3.tif", + "label": "train/gi_codex_177_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_178_1.tif", + "label": "train/gi_codex_178_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_179_3.tif", + "label": "train/gi_codex_179_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_180_0.tif", + "label": "train/gi_codex_180_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_180_1.tif", + "label": "train/gi_codex_180_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_181_3.tif", + "label": "train/gi_codex_181_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_182_2.tif", + "label": "train/gi_codex_182_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_183_3.tif", + "label": "train/gi_codex_183_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_185_1.tif", + "label": "train/gi_codex_185_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_187_2.tif", + "label": "train/gi_codex_187_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_188_2.tif", + "label": "train/gi_codex_188_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_189_1.tif", + "label": "train/gi_codex_189_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_189_2.tif", + "label": "train/gi_codex_189_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_190_2.tif", + "label": "train/gi_codex_190_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_191_1.tif", + "label": "train/gi_codex_191_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_193_0.tif", + "label": "train/gi_codex_193_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_193_1.tif", + "label": "train/gi_codex_193_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_196_0.tif", + "label": "train/gi_codex_196_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_197_2.tif", + "label": "train/gi_codex_197_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_199_1.tif", + "label": "train/gi_codex_199_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_199_2.tif", + "label": "train/gi_codex_199_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_200_2.tif", + "label": "train/gi_codex_200_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_201_2.tif", + "label": "train/gi_codex_201_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_201_3.tif", + "label": "train/gi_codex_201_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_202_1.tif", + "label": "train/gi_codex_202_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_204_0.tif", + "label": "train/gi_codex_204_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_204_1.tif", + "label": "train/gi_codex_204_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_204_3.tif", + "label": "train/gi_codex_204_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_206_1.tif", + "label": "train/gi_codex_206_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_208_0.tif", + "label": "train/gi_codex_208_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_210_2.tif", + "label": "train/gi_codex_210_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_215_1.tif", + "label": "train/gi_codex_215_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_215_2.tif", + "label": "train/gi_codex_215_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_215_3.tif", + "label": "train/gi_codex_215_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_220_2.tif", + "label": "train/gi_codex_220_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_221_2.tif", + "label": "train/gi_codex_221_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_224_1.tif", + "label": "train/gi_codex_224_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_226_2.tif", + "label": "train/gi_codex_226_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_227_1.tif", + "label": "train/gi_codex_227_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_228_3.tif", + "label": "train/gi_codex_228_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_231_2.tif", + "label": "train/gi_codex_231_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_231_3.tif", + "label": "train/gi_codex_231_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_232_3.tif", + "label": "train/gi_codex_232_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_235_1.tif", + "label": "train/gi_codex_235_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_237_2.tif", + "label": "train/gi_codex_237_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_238_3.tif", + "label": "train/gi_codex_238_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_239_1.tif", + "label": "train/gi_codex_239_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_241_2.tif", + "label": "train/gi_codex_241_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_242_3.tif", + "label": "train/gi_codex_242_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_244_3.tif", + "label": "train/gi_codex_244_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_246_0.tif", + "label": "train/gi_codex_246_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_246_1.tif", + "label": "train/gi_codex_246_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_247_3.tif", + "label": "train/gi_codex_247_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_248_0.tif", + "label": "train/gi_codex_248_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_248_2.tif", + "label": "train/gi_codex_248_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_249_1.tif", + "label": "train/gi_codex_249_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_250_0.tif", + "label": "train/gi_codex_250_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_251_2.tif", + "label": "train/gi_codex_251_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_252_0.tif", + "label": "train/gi_codex_252_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_253_3.tif", + "label": "train/gi_codex_253_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_254_1.tif", + "label": "train/gi_codex_254_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_257_0.tif", + "label": "train/gi_codex_257_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_257_1.tif", + "label": "train/gi_codex_257_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_258_0.tif", + "label": "train/gi_codex_258_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_258_2.tif", + "label": "train/gi_codex_258_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_259_0.tif", + "label": "train/gi_codex_259_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_259_1.tif", + "label": "train/gi_codex_259_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_259_2.tif", + "label": "train/gi_codex_259_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_260_1.tif", + "label": "train/gi_codex_260_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_262_1.tif", + "label": "train/gi_codex_262_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_263_3.tif", + "label": "train/gi_codex_263_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_264_2.tif", + "label": "train/gi_codex_264_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_265_3.tif", + "label": "train/gi_codex_265_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_0_0.tif", + "label": "train/gi_codex_0_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_3_0.tif", + "label": "train/gi_codex_3_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_4_0.tif", + "label": "train/gi_codex_4_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_5_3.tif", + "label": "train/gi_codex_5_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_8_1.tif", + "label": "train/gi_codex_8_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_11_2.tif", + "label": "train/gi_codex_11_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_12_2.tif", + "label": "train/gi_codex_12_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_13_2.tif", + "label": "train/gi_codex_13_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_14_0.tif", + "label": "train/gi_codex_14_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_14_1.tif", + "label": "train/gi_codex_14_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_14_2.tif", + "label": "train/gi_codex_14_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_15_1.tif", + "label": "train/gi_codex_15_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_16_2.tif", + "label": "train/gi_codex_16_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_17_1.tif", + "label": "train/gi_codex_17_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_18_2.tif", + "label": "train/gi_codex_18_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_19_0.tif", + "label": "train/gi_codex_19_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_20_1.tif", + "label": "train/gi_codex_20_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_21_0.tif", + "label": "train/gi_codex_21_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_23_0.tif", + "label": "train/gi_codex_23_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_26_2.tif", + "label": "train/gi_codex_26_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_26_3.tif", + "label": "train/gi_codex_26_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_27_2.tif", + "label": "train/gi_codex_27_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_28_2.tif", + "label": "train/gi_codex_28_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_30_1.tif", + "label": "train/gi_codex_30_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_31_1.tif", + "label": "train/gi_codex_31_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_33_0.tif", + "label": "train/gi_codex_33_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_33_2.tif", + "label": "train/gi_codex_33_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_39_3.tif", + "label": "train/gi_codex_39_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_40_0.tif", + "label": "train/gi_codex_40_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_40_1.tif", + "label": "train/gi_codex_40_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_44_1.tif", + "label": "train/gi_codex_44_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_44_2.tif", + "label": "train/gi_codex_44_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_46_1.tif", + "label": "train/gi_codex_46_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_46_3.tif", + "label": "train/gi_codex_46_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_54_2.tif", + "label": "train/gi_codex_54_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_55_0.tif", + "label": "train/gi_codex_55_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_55_3.tif", + "label": "train/gi_codex_55_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_56_0.tif", + "label": "train/gi_codex_56_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_58_1.tif", + "label": "train/gi_codex_58_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_59_2.tif", + "label": "train/gi_codex_59_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_59_3.tif", + "label": "train/gi_codex_59_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_61_1.tif", + "label": "train/gi_codex_61_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_61_3.tif", + "label": "train/gi_codex_61_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_62_2.tif", + "label": "train/gi_codex_62_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_63_2.tif", + "label": "train/gi_codex_63_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_64_1.tif", + "label": "train/gi_codex_64_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_66_0.tif", + "label": "train/gi_codex_66_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_66_1.tif", + "label": "train/gi_codex_66_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_67_0.tif", + "label": "train/gi_codex_67_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_68_2.tif", + "label": "train/gi_codex_68_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_69_0.tif", + "label": "train/gi_codex_69_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_69_1.tif", + "label": "train/gi_codex_69_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_70_0.tif", + "label": "train/gi_codex_70_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_70_1.tif", + "label": "train/gi_codex_70_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_71_2.tif", + "label": "train/gi_codex_71_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_72_3.tif", + "label": "train/gi_codex_72_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_73_1.tif", + "label": "train/gi_codex_73_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_73_2.tif", + "label": "train/gi_codex_73_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_76_3.tif", + "label": "train/gi_codex_76_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_77_3.tif", + "label": "train/gi_codex_77_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_78_2.tif", + "label": "train/gi_codex_78_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_79_2.tif", + "label": "train/gi_codex_79_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_80_0.tif", + "label": "train/gi_codex_80_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_80_3.tif", + "label": "train/gi_codex_80_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_84_0.tif", + "label": "train/gi_codex_84_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_85_1.tif", + "label": "train/gi_codex_85_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_86_1.tif", + "label": "train/gi_codex_86_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_87_1.tif", + "label": "train/gi_codex_87_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_88_2.tif", + "label": "train/gi_codex_88_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_88_3.tif", + "label": "train/gi_codex_88_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_89_2.tif", + "label": "train/gi_codex_89_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_91_0.tif", + "label": "train/gi_codex_91_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_91_2.tif", + "label": "train/gi_codex_91_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_92_0.tif", + "label": "train/gi_codex_92_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_93_0.tif", + "label": "train/gi_codex_93_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_93_2.tif", + "label": "train/gi_codex_93_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_96_2.tif", + "label": "train/gi_codex_96_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_96_3.tif", + "label": "train/gi_codex_96_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_97_0.tif", + "label": "train/gi_codex_97_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_97_1.tif", + "label": "train/gi_codex_97_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_100_3.tif", + "label": "train/gi_codex_100_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_101_0.tif", + "label": "train/gi_codex_101_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_102_0.tif", + "label": "train/gi_codex_102_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_103_3.tif", + "label": "train/gi_codex_103_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_104_3.tif", + "label": "train/gi_codex_104_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_105_2.tif", + "label": "train/gi_codex_105_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_107_0.tif", + "label": "train/gi_codex_107_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_107_2.tif", + "label": "train/gi_codex_107_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_108_2.tif", + "label": "train/gi_codex_108_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_109_3.tif", + "label": "train/gi_codex_109_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_111_2.tif", + "label": "train/gi_codex_111_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_113_1.tif", + "label": "train/gi_codex_113_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_114_1.tif", + "label": "train/gi_codex_114_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_114_3.tif", + "label": "train/gi_codex_114_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_115_3.tif", + "label": "train/gi_codex_115_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_119_2.tif", + "label": "train/gi_codex_119_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_120_1.tif", + "label": "train/gi_codex_120_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_120_3.tif", + "label": "train/gi_codex_120_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_122_3.tif", + "label": "train/gi_codex_122_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_123_1.tif", + "label": "train/gi_codex_123_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_124_0.tif", + "label": "train/gi_codex_124_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_126_3.tif", + "label": "train/gi_codex_126_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_130_3.tif", + "label": "train/gi_codex_130_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_131_1.tif", + "label": "train/gi_codex_131_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_132_1.tif", + "label": "train/gi_codex_132_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_132_2.tif", + "label": "train/gi_codex_132_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_133_2.tif", + "label": "train/gi_codex_133_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_134_1.tif", + "label": "train/gi_codex_134_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_137_2.tif", + "label": "train/gi_codex_137_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_143_1.tif", + "label": "train/gi_codex_143_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_143_2.tif", + "label": "train/gi_codex_143_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_144_1.tif", + "label": "train/gi_codex_144_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_144_2.tif", + "label": "train/gi_codex_144_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_145_1.tif", + "label": "train/gi_codex_145_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_145_2.tif", + "label": "train/gi_codex_145_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_146_3.tif", + "label": "train/gi_codex_146_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_148_0.tif", + "label": "train/gi_codex_148_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_149_1.tif", + "label": "train/gi_codex_149_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_150_0.tif", + "label": "train/gi_codex_150_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_151_1.tif", + "label": "train/gi_codex_151_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_153_0.tif", + "label": "train/gi_codex_153_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_153_1.tif", + "label": "train/gi_codex_153_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_157_1.tif", + "label": "train/gi_codex_157_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_158_0.tif", + "label": "train/gi_codex_158_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_159_0.tif", + "label": "train/gi_codex_159_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_160_0.tif", + "label": "train/gi_codex_160_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_163_1.tif", + "label": "train/gi_codex_163_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_163_2.tif", + "label": "train/gi_codex_163_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_164_2.tif", + "label": "train/gi_codex_164_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_164_3.tif", + "label": "train/gi_codex_164_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_165_3.tif", + "label": "train/gi_codex_165_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_167_3.tif", + "label": "train/gi_codex_167_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_168_1.tif", + "label": "train/gi_codex_168_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_168_3.tif", + "label": "train/gi_codex_168_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_169_1.tif", + "label": "train/gi_codex_169_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_169_2.tif", + "label": "train/gi_codex_169_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_169_3.tif", + "label": "train/gi_codex_169_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_174_1.tif", + "label": "train/gi_codex_174_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_175_1.tif", + "label": "train/gi_codex_175_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_175_2.tif", + "label": "train/gi_codex_175_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_176_0.tif", + "label": "train/gi_codex_176_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_177_0.tif", + "label": "train/gi_codex_177_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_179_0.tif", + "label": "train/gi_codex_179_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_179_2.tif", + "label": "train/gi_codex_179_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_183_1.tif", + "label": "train/gi_codex_183_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_184_0.tif", + "label": "train/gi_codex_184_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_186_1.tif", + "label": "train/gi_codex_186_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_186_2.tif", + "label": "train/gi_codex_186_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_187_0.tif", + "label": "train/gi_codex_187_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_189_3.tif", + "label": "train/gi_codex_189_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_192_1.tif", + "label": "train/gi_codex_192_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_192_2.tif", + "label": "train/gi_codex_192_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_194_0.tif", + "label": "train/gi_codex_194_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_195_0.tif", + "label": "train/gi_codex_195_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_195_3.tif", + "label": "train/gi_codex_195_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_196_1.tif", + "label": "train/gi_codex_196_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_199_0.tif", + "label": "train/gi_codex_199_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_200_1.tif", + "label": "train/gi_codex_200_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_200_3.tif", + "label": "train/gi_codex_200_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_201_0.tif", + "label": "train/gi_codex_201_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_201_1.tif", + "label": "train/gi_codex_201_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_202_2.tif", + "label": "train/gi_codex_202_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_204_2.tif", + "label": "train/gi_codex_204_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_205_3.tif", + "label": "train/gi_codex_205_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_206_0.tif", + "label": "train/gi_codex_206_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_206_3.tif", + "label": "train/gi_codex_206_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_207_0.tif", + "label": "train/gi_codex_207_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_207_3.tif", + "label": "train/gi_codex_207_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_209_0.tif", + "label": "train/gi_codex_209_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_209_3.tif", + "label": "train/gi_codex_209_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_210_0.tif", + "label": "train/gi_codex_210_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_211_2.tif", + "label": "train/gi_codex_211_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_212_0.tif", + "label": "train/gi_codex_212_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_213_1.tif", + "label": "train/gi_codex_213_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_214_2.tif", + "label": "train/gi_codex_214_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_218_0.tif", + "label": "train/gi_codex_218_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_218_1.tif", + "label": "train/gi_codex_218_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_219_1.tif", + "label": "train/gi_codex_219_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_219_2.tif", + "label": "train/gi_codex_219_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_220_1.tif", + "label": "train/gi_codex_220_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_221_1.tif", + "label": "train/gi_codex_221_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_221_3.tif", + "label": "train/gi_codex_221_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_222_3.tif", + "label": "train/gi_codex_222_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_223_1.tif", + "label": "train/gi_codex_223_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_224_3.tif", + "label": "train/gi_codex_224_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_226_0.tif", + "label": "train/gi_codex_226_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_228_0.tif", + "label": "train/gi_codex_228_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_229_0.tif", + "label": "train/gi_codex_229_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_229_1.tif", + "label": "train/gi_codex_229_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_229_2.tif", + "label": "train/gi_codex_229_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_229_3.tif", + "label": "train/gi_codex_229_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_230_0.tif", + "label": "train/gi_codex_230_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_232_1.tif", + "label": "train/gi_codex_232_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_235_3.tif", + "label": "train/gi_codex_235_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_236_2.tif", + "label": "train/gi_codex_236_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_237_0.tif", + "label": "train/gi_codex_237_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_237_3.tif", + "label": "train/gi_codex_237_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_241_1.tif", + "label": "train/gi_codex_241_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_244_2.tif", + "label": "train/gi_codex_244_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_245_0.tif", + "label": "train/gi_codex_245_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_246_2.tif", + "label": "train/gi_codex_246_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_246_3.tif", + "label": "train/gi_codex_246_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_248_3.tif", + "label": "train/gi_codex_248_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_250_2.tif", + "label": "train/gi_codex_250_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_251_0.tif", + "label": "train/gi_codex_251_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_253_1.tif", + "label": "train/gi_codex_253_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_255_3.tif", + "label": "train/gi_codex_255_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_261_0.tif", + "label": "train/gi_codex_261_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_261_1.tif", + "label": "train/gi_codex_261_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_261_3.tif", + "label": "train/gi_codex_261_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_262_2.tif", + "label": "train/gi_codex_262_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_263_0.tif", + "label": "train/gi_codex_263_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_264_0.tif", + "label": "train/gi_codex_264_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_1_0.tif", + "label": "train/gi_codex_1_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_1_3.tif", + "label": "train/gi_codex_1_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_2_1.tif", + "label": "train/gi_codex_2_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_2_3.tif", + "label": "train/gi_codex_2_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_3_2.tif", + "label": "train/gi_codex_3_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_6_2.tif", + "label": "train/gi_codex_6_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_7_1.tif", + "label": "train/gi_codex_7_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_7_2.tif", + "label": "train/gi_codex_7_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_7_3.tif", + "label": "train/gi_codex_7_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_9_2.tif", + "label": "train/gi_codex_9_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_9_3.tif", + "label": "train/gi_codex_9_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_10_0.tif", + "label": "train/gi_codex_10_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_10_2.tif", + "label": "train/gi_codex_10_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_11_1.tif", + "label": "train/gi_codex_11_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_13_0.tif", + "label": "train/gi_codex_13_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_16_3.tif", + "label": "train/gi_codex_16_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_17_0.tif", + "label": "train/gi_codex_17_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_17_3.tif", + "label": "train/gi_codex_17_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_20_2.tif", + "label": "train/gi_codex_20_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_22_0.tif", + "label": "train/gi_codex_22_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_22_1.tif", + "label": "train/gi_codex_22_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_23_3.tif", + "label": "train/gi_codex_23_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_24_1.tif", + "label": "train/gi_codex_24_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_25_2.tif", + "label": "train/gi_codex_25_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_25_3.tif", + "label": "train/gi_codex_25_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_29_0.tif", + "label": "train/gi_codex_29_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_29_2.tif", + "label": "train/gi_codex_29_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_30_2.tif", + "label": "train/gi_codex_30_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_31_0.tif", + "label": "train/gi_codex_31_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_32_0.tif", + "label": "train/gi_codex_32_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_34_3.tif", + "label": "train/gi_codex_34_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_36_2.tif", + "label": "train/gi_codex_36_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_36_3.tif", + "label": "train/gi_codex_36_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_38_1.tif", + "label": "train/gi_codex_38_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_39_1.tif", + "label": "train/gi_codex_39_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_40_2.tif", + "label": "train/gi_codex_40_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_43_0.tif", + "label": "train/gi_codex_43_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_43_1.tif", + "label": "train/gi_codex_43_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_44_3.tif", + "label": "train/gi_codex_44_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_46_0.tif", + "label": "train/gi_codex_46_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_48_0.tif", + "label": "train/gi_codex_48_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_49_1.tif", + "label": "train/gi_codex_49_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_50_3.tif", + "label": "train/gi_codex_50_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_53_2.tif", + "label": "train/gi_codex_53_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_55_1.tif", + "label": "train/gi_codex_55_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_56_2.tif", + "label": "train/gi_codex_56_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_56_3.tif", + "label": "train/gi_codex_56_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_58_0.tif", + "label": "train/gi_codex_58_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_59_1.tif", + "label": "train/gi_codex_59_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_61_2.tif", + "label": "train/gi_codex_61_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_65_0.tif", + "label": "train/gi_codex_65_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_65_1.tif", + "label": "train/gi_codex_65_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_68_0.tif", + "label": "train/gi_codex_68_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_68_1.tif", + "label": "train/gi_codex_68_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_70_3.tif", + "label": "train/gi_codex_70_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_71_0.tif", + "label": "train/gi_codex_71_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_71_1.tif", + "label": "train/gi_codex_71_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_72_1.tif", + "label": "train/gi_codex_72_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_74_3.tif", + "label": "train/gi_codex_74_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_76_1.tif", + "label": "train/gi_codex_76_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_78_0.tif", + "label": "train/gi_codex_78_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_83_1.tif", + "label": "train/gi_codex_83_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_83_2.tif", + "label": "train/gi_codex_83_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_85_3.tif", + "label": "train/gi_codex_85_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_86_0.tif", + "label": "train/gi_codex_86_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_86_2.tif", + "label": "train/gi_codex_86_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_87_2.tif", + "label": "train/gi_codex_87_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_88_0.tif", + "label": "train/gi_codex_88_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_88_1.tif", + "label": "train/gi_codex_88_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_89_3.tif", + "label": "train/gi_codex_89_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_90_1.tif", + "label": "train/gi_codex_90_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_90_3.tif", + "label": "train/gi_codex_90_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_92_3.tif", + "label": "train/gi_codex_92_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_93_1.tif", + "label": "train/gi_codex_93_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_93_3.tif", + "label": "train/gi_codex_93_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_94_1.tif", + "label": "train/gi_codex_94_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_94_2.tif", + "label": "train/gi_codex_94_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_94_3.tif", + "label": "train/gi_codex_94_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_96_1.tif", + "label": "train/gi_codex_96_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_98_0.tif", + "label": "train/gi_codex_98_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_98_2.tif", + "label": "train/gi_codex_98_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_99_0.tif", + "label": "train/gi_codex_99_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_99_3.tif", + "label": "train/gi_codex_99_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_100_0.tif", + "label": "train/gi_codex_100_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_100_2.tif", + "label": "train/gi_codex_100_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_103_0.tif", + "label": "train/gi_codex_103_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_105_1.tif", + "label": "train/gi_codex_105_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_106_2.tif", + "label": "train/gi_codex_106_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_106_3.tif", + "label": "train/gi_codex_106_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_107_1.tif", + "label": "train/gi_codex_107_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_108_0.tif", + "label": "train/gi_codex_108_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_108_3.tif", + "label": "train/gi_codex_108_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_110_2.tif", + "label": "train/gi_codex_110_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_111_1.tif", + "label": "train/gi_codex_111_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_111_3.tif", + "label": "train/gi_codex_111_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_112_0.tif", + "label": "train/gi_codex_112_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_112_1.tif", + "label": "train/gi_codex_112_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_113_3.tif", + "label": "train/gi_codex_113_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_116_3.tif", + "label": "train/gi_codex_116_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_121_0.tif", + "label": "train/gi_codex_121_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_121_2.tif", + "label": "train/gi_codex_121_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_122_0.tif", + "label": "train/gi_codex_122_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_123_2.tif", + "label": "train/gi_codex_123_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_123_3.tif", + "label": "train/gi_codex_123_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_124_2.tif", + "label": "train/gi_codex_124_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_125_1.tif", + "label": "train/gi_codex_125_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_126_0.tif", + "label": "train/gi_codex_126_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_126_2.tif", + "label": "train/gi_codex_126_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_127_1.tif", + "label": "train/gi_codex_127_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_127_2.tif", + "label": "train/gi_codex_127_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_128_0.tif", + "label": "train/gi_codex_128_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_129_1.tif", + "label": "train/gi_codex_129_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_129_2.tif", + "label": "train/gi_codex_129_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_129_3.tif", + "label": "train/gi_codex_129_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_130_1.tif", + "label": "train/gi_codex_130_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_130_2.tif", + "label": "train/gi_codex_130_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_134_2.tif", + "label": "train/gi_codex_134_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_136_0.tif", + "label": "train/gi_codex_136_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_137_1.tif", + "label": "train/gi_codex_137_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_137_3.tif", + "label": "train/gi_codex_137_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_138_2.tif", + "label": "train/gi_codex_138_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_140_3.tif", + "label": "train/gi_codex_140_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_142_2.tif", + "label": "train/gi_codex_142_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_142_3.tif", + "label": "train/gi_codex_142_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_144_0.tif", + "label": "train/gi_codex_144_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_147_1.tif", + "label": "train/gi_codex_147_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_147_2.tif", + "label": "train/gi_codex_147_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_148_1.tif", + "label": "train/gi_codex_148_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_148_2.tif", + "label": "train/gi_codex_148_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_149_2.tif", + "label": "train/gi_codex_149_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_149_3.tif", + "label": "train/gi_codex_149_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_151_3.tif", + "label": "train/gi_codex_151_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_153_2.tif", + "label": "train/gi_codex_153_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_155_2.tif", + "label": "train/gi_codex_155_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_158_3.tif", + "label": "train/gi_codex_158_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_161_1.tif", + "label": "train/gi_codex_161_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_162_2.tif", + "label": "train/gi_codex_162_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_162_3.tif", + "label": "train/gi_codex_162_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_165_1.tif", + "label": "train/gi_codex_165_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_167_1.tif", + "label": "train/gi_codex_167_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_168_2.tif", + "label": "train/gi_codex_168_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_170_2.tif", + "label": "train/gi_codex_170_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_170_3.tif", + "label": "train/gi_codex_170_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_171_2.tif", + "label": "train/gi_codex_171_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_172_0.tif", + "label": "train/gi_codex_172_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_174_2.tif", + "label": "train/gi_codex_174_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_175_0.tif", + "label": "train/gi_codex_175_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_176_1.tif", + "label": "train/gi_codex_176_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_177_1.tif", + "label": "train/gi_codex_177_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_181_1.tif", + "label": "train/gi_codex_181_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_182_3.tif", + "label": "train/gi_codex_182_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_184_1.tif", + "label": "train/gi_codex_184_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_185_2.tif", + "label": "train/gi_codex_185_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_185_3.tif", + "label": "train/gi_codex_185_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_186_0.tif", + "label": "train/gi_codex_186_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_186_3.tif", + "label": "train/gi_codex_186_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_189_0.tif", + "label": "train/gi_codex_189_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_190_1.tif", + "label": "train/gi_codex_190_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_190_3.tif", + "label": "train/gi_codex_190_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_191_2.tif", + "label": "train/gi_codex_191_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_192_0.tif", + "label": "train/gi_codex_192_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_195_2.tif", + "label": "train/gi_codex_195_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_196_2.tif", + "label": "train/gi_codex_196_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_197_1.tif", + "label": "train/gi_codex_197_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_197_3.tif", + "label": "train/gi_codex_197_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_198_2.tif", + "label": "train/gi_codex_198_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_198_3.tif", + "label": "train/gi_codex_198_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_199_3.tif", + "label": "train/gi_codex_199_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_200_0.tif", + "label": "train/gi_codex_200_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_202_0.tif", + "label": "train/gi_codex_202_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_203_3.tif", + "label": "train/gi_codex_203_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_205_0.tif", + "label": "train/gi_codex_205_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_206_2.tif", + "label": "train/gi_codex_206_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_207_2.tif", + "label": "train/gi_codex_207_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_208_1.tif", + "label": "train/gi_codex_208_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_208_2.tif", + "label": "train/gi_codex_208_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_208_3.tif", + "label": "train/gi_codex_208_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_212_3.tif", + "label": "train/gi_codex_212_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_214_0.tif", + "label": "train/gi_codex_214_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_214_1.tif", + "label": "train/gi_codex_214_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_215_0.tif", + "label": "train/gi_codex_215_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_216_3.tif", + "label": "train/gi_codex_216_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_217_0.tif", + "label": "train/gi_codex_217_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_217_2.tif", + "label": "train/gi_codex_217_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_218_2.tif", + "label": "train/gi_codex_218_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_218_3.tif", + "label": "train/gi_codex_218_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_223_3.tif", + "label": "train/gi_codex_223_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_225_0.tif", + "label": "train/gi_codex_225_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_225_2.tif", + "label": "train/gi_codex_225_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_230_1.tif", + "label": "train/gi_codex_230_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_230_2.tif", + "label": "train/gi_codex_230_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_231_0.tif", + "label": "train/gi_codex_231_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_231_1.tif", + "label": "train/gi_codex_231_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_233_2.tif", + "label": "train/gi_codex_233_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_234_0.tif", + "label": "train/gi_codex_234_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_235_0.tif", + "label": "train/gi_codex_235_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_235_2.tif", + "label": "train/gi_codex_235_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_238_1.tif", + "label": "train/gi_codex_238_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_238_2.tif", + "label": "train/gi_codex_238_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_240_1.tif", + "label": "train/gi_codex_240_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_240_3.tif", + "label": "train/gi_codex_240_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_242_1.tif", + "label": "train/gi_codex_242_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_242_2.tif", + "label": "train/gi_codex_242_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_243_3.tif", + "label": "train/gi_codex_243_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_244_0.tif", + "label": "train/gi_codex_244_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_250_3.tif", + "label": "train/gi_codex_250_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_252_1.tif", + "label": "train/gi_codex_252_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_252_2.tif", + "label": "train/gi_codex_252_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_252_3.tif", + "label": "train/gi_codex_252_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_254_3.tif", + "label": "train/gi_codex_254_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_255_2.tif", + "label": "train/gi_codex_255_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_259_3.tif", + "label": "train/gi_codex_259_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_264_3.tif", + "label": "train/gi_codex_264_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_0_1.tif", + "label": "train/gi_codex_0_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_4_2.tif", + "label": "train/gi_codex_4_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_6_0.tif", + "label": "train/gi_codex_6_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_7_0.tif", + "label": "train/gi_codex_7_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_8_0.tif", + "label": "train/gi_codex_8_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_9_0.tif", + "label": "train/gi_codex_9_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_9_1.tif", + "label": "train/gi_codex_9_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_11_0.tif", + "label": "train/gi_codex_11_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_12_0.tif", + "label": "train/gi_codex_12_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_12_3.tif", + "label": "train/gi_codex_12_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_13_1.tif", + "label": "train/gi_codex_13_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_13_3.tif", + "label": "train/gi_codex_13_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_15_3.tif", + "label": "train/gi_codex_15_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_17_2.tif", + "label": "train/gi_codex_17_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_19_3.tif", + "label": "train/gi_codex_19_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_20_3.tif", + "label": "train/gi_codex_20_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_21_2.tif", + "label": "train/gi_codex_21_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_23_1.tif", + "label": "train/gi_codex_23_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_24_2.tif", + "label": "train/gi_codex_24_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_25_0.tif", + "label": "train/gi_codex_25_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_26_1.tif", + "label": "train/gi_codex_26_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_27_1.tif", + "label": "train/gi_codex_27_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_28_0.tif", + "label": "train/gi_codex_28_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_28_1.tif", + "label": "train/gi_codex_28_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_28_3.tif", + "label": "train/gi_codex_28_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_30_3.tif", + "label": "train/gi_codex_30_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_31_3.tif", + "label": "train/gi_codex_31_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_32_3.tif", + "label": "train/gi_codex_32_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_34_0.tif", + "label": "train/gi_codex_34_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_34_2.tif", + "label": "train/gi_codex_34_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_35_3.tif", + "label": "train/gi_codex_35_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_36_1.tif", + "label": "train/gi_codex_36_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_37_2.tif", + "label": "train/gi_codex_37_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_39_2.tif", + "label": "train/gi_codex_39_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_40_3.tif", + "label": "train/gi_codex_40_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_41_0.tif", + "label": "train/gi_codex_41_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_41_3.tif", + "label": "train/gi_codex_41_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_42_0.tif", + "label": "train/gi_codex_42_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_42_1.tif", + "label": "train/gi_codex_42_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_42_3.tif", + "label": "train/gi_codex_42_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_43_2.tif", + "label": "train/gi_codex_43_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_45_2.tif", + "label": "train/gi_codex_45_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_47_0.tif", + "label": "train/gi_codex_47_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_51_2.tif", + "label": "train/gi_codex_51_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_52_0.tif", + "label": "train/gi_codex_52_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_52_3.tif", + "label": "train/gi_codex_52_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_53_1.tif", + "label": "train/gi_codex_53_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_54_1.tif", + "label": "train/gi_codex_54_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_55_2.tif", + "label": "train/gi_codex_55_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_56_1.tif", + "label": "train/gi_codex_56_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_57_1.tif", + "label": "train/gi_codex_57_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_57_2.tif", + "label": "train/gi_codex_57_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_60_0.tif", + "label": "train/gi_codex_60_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_62_1.tif", + "label": "train/gi_codex_62_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_62_3.tif", + "label": "train/gi_codex_62_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_64_0.tif", + "label": "train/gi_codex_64_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_67_2.tif", + "label": "train/gi_codex_67_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_67_3.tif", + "label": "train/gi_codex_67_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_68_3.tif", + "label": "train/gi_codex_68_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_71_3.tif", + "label": "train/gi_codex_71_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_72_2.tif", + "label": "train/gi_codex_72_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_73_0.tif", + "label": "train/gi_codex_73_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_73_3.tif", + "label": "train/gi_codex_73_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_75_0.tif", + "label": "train/gi_codex_75_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_77_0.tif", + "label": "train/gi_codex_77_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_78_3.tif", + "label": "train/gi_codex_78_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_81_0.tif", + "label": "train/gi_codex_81_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_81_2.tif", + "label": "train/gi_codex_81_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_82_0.tif", + "label": "train/gi_codex_82_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_82_2.tif", + "label": "train/gi_codex_82_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_84_1.tif", + "label": "train/gi_codex_84_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_85_2.tif", + "label": "train/gi_codex_85_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_87_3.tif", + "label": "train/gi_codex_87_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_90_0.tif", + "label": "train/gi_codex_90_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_90_2.tif", + "label": "train/gi_codex_90_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_91_1.tif", + "label": "train/gi_codex_91_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_94_0.tif", + "label": "train/gi_codex_94_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_95_0.tif", + "label": "train/gi_codex_95_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_96_0.tif", + "label": "train/gi_codex_96_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_97_3.tif", + "label": "train/gi_codex_97_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_99_1.tif", + "label": "train/gi_codex_99_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_101_2.tif", + "label": "train/gi_codex_101_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_101_3.tif", + "label": "train/gi_codex_101_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_102_1.tif", + "label": "train/gi_codex_102_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_102_2.tif", + "label": "train/gi_codex_102_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_103_1.tif", + "label": "train/gi_codex_103_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_104_1.tif", + "label": "train/gi_codex_104_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_105_3.tif", + "label": "train/gi_codex_105_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_106_1.tif", + "label": "train/gi_codex_106_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_109_2.tif", + "label": "train/gi_codex_109_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_110_0.tif", + "label": "train/gi_codex_110_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_110_1.tif", + "label": "train/gi_codex_110_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_111_0.tif", + "label": "train/gi_codex_111_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_114_2.tif", + "label": "train/gi_codex_114_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_115_0.tif", + "label": "train/gi_codex_115_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_116_1.tif", + "label": "train/gi_codex_116_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_118_3.tif", + "label": "train/gi_codex_118_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_119_1.tif", + "label": "train/gi_codex_119_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_122_2.tif", + "label": "train/gi_codex_122_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_124_3.tif", + "label": "train/gi_codex_124_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_125_0.tif", + "label": "train/gi_codex_125_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_125_3.tif", + "label": "train/gi_codex_125_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_127_3.tif", + "label": "train/gi_codex_127_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_130_0.tif", + "label": "train/gi_codex_130_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_131_0.tif", + "label": "train/gi_codex_131_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_131_2.tif", + "label": "train/gi_codex_131_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_133_1.tif", + "label": "train/gi_codex_133_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_134_3.tif", + "label": "train/gi_codex_134_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_135_0.tif", + "label": "train/gi_codex_135_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_136_1.tif", + "label": "train/gi_codex_136_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_136_3.tif", + "label": "train/gi_codex_136_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_139_0.tif", + "label": "train/gi_codex_139_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_139_2.tif", + "label": "train/gi_codex_139_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_141_1.tif", + "label": "train/gi_codex_141_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_143_3.tif", + "label": "train/gi_codex_143_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_145_3.tif", + "label": "train/gi_codex_145_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_146_1.tif", + "label": "train/gi_codex_146_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_147_3.tif", + "label": "train/gi_codex_147_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_149_0.tif", + "label": "train/gi_codex_149_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_150_1.tif", + "label": "train/gi_codex_150_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_150_3.tif", + "label": "train/gi_codex_150_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_152_2.tif", + "label": "train/gi_codex_152_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_152_3.tif", + "label": "train/gi_codex_152_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_154_1.tif", + "label": "train/gi_codex_154_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_154_2.tif", + "label": "train/gi_codex_154_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_155_0.tif", + "label": "train/gi_codex_155_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_156_0.tif", + "label": "train/gi_codex_156_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_158_2.tif", + "label": "train/gi_codex_158_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_159_1.tif", + "label": "train/gi_codex_159_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_160_2.tif", + "label": "train/gi_codex_160_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_160_3.tif", + "label": "train/gi_codex_160_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_163_0.tif", + "label": "train/gi_codex_163_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_164_1.tif", + "label": "train/gi_codex_164_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_165_2.tif", + "label": "train/gi_codex_165_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_166_0.tif", + "label": "train/gi_codex_166_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_166_2.tif", + "label": "train/gi_codex_166_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_167_2.tif", + "label": "train/gi_codex_167_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_170_1.tif", + "label": "train/gi_codex_170_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_171_1.tif", + "label": "train/gi_codex_171_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_171_3.tif", + "label": "train/gi_codex_171_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_172_2.tif", + "label": "train/gi_codex_172_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_175_3.tif", + "label": "train/gi_codex_175_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_177_2.tif", + "label": "train/gi_codex_177_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_180_2.tif", + "label": "train/gi_codex_180_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_180_3.tif", + "label": "train/gi_codex_180_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_181_0.tif", + "label": "train/gi_codex_181_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_181_2.tif", + "label": "train/gi_codex_181_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_183_2.tif", + "label": "train/gi_codex_183_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_184_3.tif", + "label": "train/gi_codex_184_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_185_0.tif", + "label": "train/gi_codex_185_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_188_3.tif", + "label": "train/gi_codex_188_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_191_0.tif", + "label": "train/gi_codex_191_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_191_3.tif", + "label": "train/gi_codex_191_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_194_3.tif", + "label": "train/gi_codex_194_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_195_1.tif", + "label": "train/gi_codex_195_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_196_3.tif", + "label": "train/gi_codex_196_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_197_0.tif", + "label": "train/gi_codex_197_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_203_0.tif", + "label": "train/gi_codex_203_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_203_2.tif", + "label": "train/gi_codex_203_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_205_2.tif", + "label": "train/gi_codex_205_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_209_1.tif", + "label": "train/gi_codex_209_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_209_2.tif", + "label": "train/gi_codex_209_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_210_1.tif", + "label": "train/gi_codex_210_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_210_3.tif", + "label": "train/gi_codex_210_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_211_0.tif", + "label": "train/gi_codex_211_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_213_2.tif", + "label": "train/gi_codex_213_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_219_0.tif", + "label": "train/gi_codex_219_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_219_3.tif", + "label": "train/gi_codex_219_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_220_0.tif", + "label": "train/gi_codex_220_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_221_0.tif", + "label": "train/gi_codex_221_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_222_0.tif", + "label": "train/gi_codex_222_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_222_2.tif", + "label": "train/gi_codex_222_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_223_2.tif", + "label": "train/gi_codex_223_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_224_2.tif", + "label": "train/gi_codex_224_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_227_0.tif", + "label": "train/gi_codex_227_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_227_2.tif", + "label": "train/gi_codex_227_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_227_3.tif", + "label": "train/gi_codex_227_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_228_1.tif", + "label": "train/gi_codex_228_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_230_3.tif", + "label": "train/gi_codex_230_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_233_0.tif", + "label": "train/gi_codex_233_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_233_3.tif", + "label": "train/gi_codex_233_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_234_1.tif", + "label": "train/gi_codex_234_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_234_2.tif", + "label": "train/gi_codex_234_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_236_0.tif", + "label": "train/gi_codex_236_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_237_1.tif", + "label": "train/gi_codex_237_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_238_0.tif", + "label": "train/gi_codex_238_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_239_0.tif", + "label": "train/gi_codex_239_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_239_2.tif", + "label": "train/gi_codex_239_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_239_3.tif", + "label": "train/gi_codex_239_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_242_0.tif", + "label": "train/gi_codex_242_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_243_1.tif", + "label": "train/gi_codex_243_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_245_1.tif", + "label": "train/gi_codex_245_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_245_2.tif", + "label": "train/gi_codex_245_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_247_0.tif", + "label": "train/gi_codex_247_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_247_1.tif", + "label": "train/gi_codex_247_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_247_2.tif", + "label": "train/gi_codex_247_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_249_0.tif", + "label": "train/gi_codex_249_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_249_2.tif", + "label": "train/gi_codex_249_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_251_3.tif", + "label": "train/gi_codex_251_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_253_0.tif", + "label": "train/gi_codex_253_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_254_0.tif", + "label": "train/gi_codex_254_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_255_0.tif", + "label": "train/gi_codex_255_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_256_1.tif", + "label": "train/gi_codex_256_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_256_3.tif", + "label": "train/gi_codex_256_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_258_1.tif", + "label": "train/gi_codex_258_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_260_0.tif", + "label": "train/gi_codex_260_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_260_3.tif", + "label": "train/gi_codex_260_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_261_2.tif", + "label": "train/gi_codex_261_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_262_0.tif", + "label": "train/gi_codex_262_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_262_3.tif", + "label": "train/gi_codex_262_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_263_1.tif", + "label": "train/gi_codex_263_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_264_1.tif", + "label": "train/gi_codex_264_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_265_2.tif", + "label": "train/gi_codex_265_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_2_2.tif", + "label": "train/gi_codex_2_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_3_3.tif", + "label": "train/gi_codex_3_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_5_0.tif", + "label": "train/gi_codex_5_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_5_1.tif", + "label": "train/gi_codex_5_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_5_2.tif", + "label": "train/gi_codex_5_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_6_1.tif", + "label": "train/gi_codex_6_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_10_3.tif", + "label": "train/gi_codex_10_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_16_0.tif", + "label": "train/gi_codex_16_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_18_3.tif", + "label": "train/gi_codex_18_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_19_1.tif", + "label": "train/gi_codex_19_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_21_3.tif", + "label": "train/gi_codex_21_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_24_0.tif", + "label": "train/gi_codex_24_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_31_2.tif", + "label": "train/gi_codex_31_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_32_1.tif", + "label": "train/gi_codex_32_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_32_2.tif", + "label": "train/gi_codex_32_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_34_1.tif", + "label": "train/gi_codex_34_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_35_0.tif", + "label": "train/gi_codex_35_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_35_1.tif", + "label": "train/gi_codex_35_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_36_0.tif", + "label": "train/gi_codex_36_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_37_1.tif", + "label": "train/gi_codex_37_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_37_3.tif", + "label": "train/gi_codex_37_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_38_0.tif", + "label": "train/gi_codex_38_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_38_3.tif", + "label": "train/gi_codex_38_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_41_2.tif", + "label": "train/gi_codex_41_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_42_2.tif", + "label": "train/gi_codex_42_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_44_0.tif", + "label": "train/gi_codex_44_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_45_3.tif", + "label": "train/gi_codex_45_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_47_2.tif", + "label": "train/gi_codex_47_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_48_1.tif", + "label": "train/gi_codex_48_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_49_0.tif", + "label": "train/gi_codex_49_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_49_2.tif", + "label": "train/gi_codex_49_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_49_3.tif", + "label": "train/gi_codex_49_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_52_1.tif", + "label": "train/gi_codex_52_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_52_2.tif", + "label": "train/gi_codex_52_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_53_0.tif", + "label": "train/gi_codex_53_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_54_3.tif", + "label": "train/gi_codex_54_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_57_3.tif", + "label": "train/gi_codex_57_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_58_2.tif", + "label": "train/gi_codex_58_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_58_3.tif", + "label": "train/gi_codex_58_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_60_3.tif", + "label": "train/gi_codex_60_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_63_0.tif", + "label": "train/gi_codex_63_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_63_1.tif", + "label": "train/gi_codex_63_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_65_3.tif", + "label": "train/gi_codex_65_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_66_2.tif", + "label": "train/gi_codex_66_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_67_1.tif", + "label": "train/gi_codex_67_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_69_2.tif", + "label": "train/gi_codex_69_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_69_3.tif", + "label": "train/gi_codex_69_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_70_2.tif", + "label": "train/gi_codex_70_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_72_0.tif", + "label": "train/gi_codex_72_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_74_0.tif", + "label": "train/gi_codex_74_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_74_1.tif", + "label": "train/gi_codex_74_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_75_2.tif", + "label": "train/gi_codex_75_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_75_3.tif", + "label": "train/gi_codex_75_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_78_1.tif", + "label": "train/gi_codex_78_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_79_0.tif", + "label": "train/gi_codex_79_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_79_1.tif", + "label": "train/gi_codex_79_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_79_3.tif", + "label": "train/gi_codex_79_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_80_1.tif", + "label": "train/gi_codex_80_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_80_2.tif", + "label": "train/gi_codex_80_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_81_1.tif", + "label": "train/gi_codex_81_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_81_3.tif", + "label": "train/gi_codex_81_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_83_0.tif", + "label": "train/gi_codex_83_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_84_2.tif", + "label": "train/gi_codex_84_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_87_0.tif", + "label": "train/gi_codex_87_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_89_0.tif", + "label": "train/gi_codex_89_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_89_1.tif", + "label": "train/gi_codex_89_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_91_3.tif", + "label": "train/gi_codex_91_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_92_1.tif", + "label": "train/gi_codex_92_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_95_1.tif", + "label": "train/gi_codex_95_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_99_2.tif", + "label": "train/gi_codex_99_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_100_1.tif", + "label": "train/gi_codex_100_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_101_1.tif", + "label": "train/gi_codex_101_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_104_0.tif", + "label": "train/gi_codex_104_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_104_2.tif", + "label": "train/gi_codex_104_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_105_0.tif", + "label": "train/gi_codex_105_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_106_0.tif", + "label": "train/gi_codex_106_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_107_3.tif", + "label": "train/gi_codex_107_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_112_2.tif", + "label": "train/gi_codex_112_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_112_3.tif", + "label": "train/gi_codex_112_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_113_2.tif", + "label": "train/gi_codex_113_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_114_0.tif", + "label": "train/gi_codex_114_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_115_1.tif", + "label": "train/gi_codex_115_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_115_2.tif", + "label": "train/gi_codex_115_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_116_2.tif", + "label": "train/gi_codex_116_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_117_0.tif", + "label": "train/gi_codex_117_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_117_1.tif", + "label": "train/gi_codex_117_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_117_2.tif", + "label": "train/gi_codex_117_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_117_3.tif", + "label": "train/gi_codex_117_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_119_0.tif", + "label": "train/gi_codex_119_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_121_1.tif", + "label": "train/gi_codex_121_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_122_1.tif", + "label": "train/gi_codex_122_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_123_0.tif", + "label": "train/gi_codex_123_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_124_1.tif", + "label": "train/gi_codex_124_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_126_1.tif", + "label": "train/gi_codex_126_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_127_0.tif", + "label": "train/gi_codex_127_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_128_1.tif", + "label": "train/gi_codex_128_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_128_2.tif", + "label": "train/gi_codex_128_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_128_3.tif", + "label": "train/gi_codex_128_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_133_0.tif", + "label": "train/gi_codex_133_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_134_0.tif", + "label": "train/gi_codex_134_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_135_2.tif", + "label": "train/gi_codex_135_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_137_0.tif", + "label": "train/gi_codex_137_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_139_1.tif", + "label": "train/gi_codex_139_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_140_2.tif", + "label": "train/gi_codex_140_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_141_0.tif", + "label": "train/gi_codex_141_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_141_2.tif", + "label": "train/gi_codex_141_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_142_0.tif", + "label": "train/gi_codex_142_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_142_1.tif", + "label": "train/gi_codex_142_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_143_0.tif", + "label": "train/gi_codex_143_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_145_0.tif", + "label": "train/gi_codex_145_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_146_2.tif", + "label": "train/gi_codex_146_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_147_0.tif", + "label": "train/gi_codex_147_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_148_3.tif", + "label": "train/gi_codex_148_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_151_2.tif", + "label": "train/gi_codex_151_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_152_1.tif", + "label": "train/gi_codex_152_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_153_3.tif", + "label": "train/gi_codex_153_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_154_0.tif", + "label": "train/gi_codex_154_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_155_1.tif", + "label": "train/gi_codex_155_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_156_2.tif", + "label": "train/gi_codex_156_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_156_3.tif", + "label": "train/gi_codex_156_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_157_0.tif", + "label": "train/gi_codex_157_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_157_2.tif", + "label": "train/gi_codex_157_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_158_1.tif", + "label": "train/gi_codex_158_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_161_2.tif", + "label": "train/gi_codex_161_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_162_0.tif", + "label": "train/gi_codex_162_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_163_3.tif", + "label": "train/gi_codex_163_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_164_0.tif", + "label": "train/gi_codex_164_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_165_0.tif", + "label": "train/gi_codex_165_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_166_1.tif", + "label": "train/gi_codex_166_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_167_0.tif", + "label": "train/gi_codex_167_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_172_1.tif", + "label": "train/gi_codex_172_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_173_1.tif", + "label": "train/gi_codex_173_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_173_2.tif", + "label": "train/gi_codex_173_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_173_3.tif", + "label": "train/gi_codex_173_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_174_0.tif", + "label": "train/gi_codex_174_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_176_2.tif", + "label": "train/gi_codex_176_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_176_3.tif", + "label": "train/gi_codex_176_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_178_0.tif", + "label": "train/gi_codex_178_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_178_2.tif", + "label": "train/gi_codex_178_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_178_3.tif", + "label": "train/gi_codex_178_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_179_1.tif", + "label": "train/gi_codex_179_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_182_0.tif", + "label": "train/gi_codex_182_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_182_1.tif", + "label": "train/gi_codex_182_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_183_0.tif", + "label": "train/gi_codex_183_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_184_2.tif", + "label": "train/gi_codex_184_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_187_1.tif", + "label": "train/gi_codex_187_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_187_3.tif", + "label": "train/gi_codex_187_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_188_0.tif", + "label": "train/gi_codex_188_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_188_1.tif", + "label": "train/gi_codex_188_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_190_0.tif", + "label": "train/gi_codex_190_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_192_3.tif", + "label": "train/gi_codex_192_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_193_2.tif", + "label": "train/gi_codex_193_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_193_3.tif", + "label": "train/gi_codex_193_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_194_1.tif", + "label": "train/gi_codex_194_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_194_2.tif", + "label": "train/gi_codex_194_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_198_0.tif", + "label": "train/gi_codex_198_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_198_1.tif", + "label": "train/gi_codex_198_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_202_3.tif", + "label": "train/gi_codex_202_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_203_1.tif", + "label": "train/gi_codex_203_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_205_1.tif", + "label": "train/gi_codex_205_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_207_1.tif", + "label": "train/gi_codex_207_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_211_1.tif", + "label": "train/gi_codex_211_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_211_3.tif", + "label": "train/gi_codex_211_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_212_1.tif", + "label": "train/gi_codex_212_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_212_2.tif", + "label": "train/gi_codex_212_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_213_0.tif", + "label": "train/gi_codex_213_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_213_3.tif", + "label": "train/gi_codex_213_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_214_3.tif", + "label": "train/gi_codex_214_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_216_0.tif", + "label": "train/gi_codex_216_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_216_1.tif", + "label": "train/gi_codex_216_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_216_2.tif", + "label": "train/gi_codex_216_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_217_1.tif", + "label": "train/gi_codex_217_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_217_3.tif", + "label": "train/gi_codex_217_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_220_3.tif", + "label": "train/gi_codex_220_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_222_1.tif", + "label": "train/gi_codex_222_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_223_0.tif", + "label": "train/gi_codex_223_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_224_0.tif", + "label": "train/gi_codex_224_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_225_1.tif", + "label": "train/gi_codex_225_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_225_3.tif", + "label": "train/gi_codex_225_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_226_1.tif", + "label": "train/gi_codex_226_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_226_3.tif", + "label": "train/gi_codex_226_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_228_2.tif", + "label": "train/gi_codex_228_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_232_0.tif", + "label": "train/gi_codex_232_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_232_2.tif", + "label": "train/gi_codex_232_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_233_1.tif", + "label": "train/gi_codex_233_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_234_3.tif", + "label": "train/gi_codex_234_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_236_1.tif", + "label": "train/gi_codex_236_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_236_3.tif", + "label": "train/gi_codex_236_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_240_0.tif", + "label": "train/gi_codex_240_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_240_2.tif", + "label": "train/gi_codex_240_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_241_0.tif", + "label": "train/gi_codex_241_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_241_3.tif", + "label": "train/gi_codex_241_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_243_0.tif", + "label": "train/gi_codex_243_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_243_2.tif", + "label": "train/gi_codex_243_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_244_1.tif", + "label": "train/gi_codex_244_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_245_3.tif", + "label": "train/gi_codex_245_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_248_1.tif", + "label": "train/gi_codex_248_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_249_3.tif", + "label": "train/gi_codex_249_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_250_1.tif", + "label": "train/gi_codex_250_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_251_1.tif", + "label": "train/gi_codex_251_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_253_2.tif", + "label": "train/gi_codex_253_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_254_2.tif", + "label": "train/gi_codex_254_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_255_1.tif", + "label": "train/gi_codex_255_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_256_0.tif", + "label": "train/gi_codex_256_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_256_2.tif", + "label": "train/gi_codex_256_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_257_2.tif", + "label": "train/gi_codex_257_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_257_3.tif", + "label": "train/gi_codex_257_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_258_3.tif", + "label": "train/gi_codex_258_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_260_2.tif", + "label": "train/gi_codex_260_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_263_2.tif", + "label": "train/gi_codex_263_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_265_0.tif", + "label": "train/gi_codex_265_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_265_1.tif", + "label": "train/gi_codex_265_1_masks.tif", + "fold": 1 + } + ], + "testing": [ + { + "image": "test/gi_codex_2.tif", + "label": "test/gi_codex_2_masks.tif" + }, + { + "image": "test/gi_codex_17.tif", + "label": "test/gi_codex_17_masks.tif" + }, + { + "image": "test/gi_codex_35.tif", + "label": "test/gi_codex_35_masks.tif" + }, + { + "image": "test/gi_codex_38.tif", + "label": "test/gi_codex_38_masks.tif" + }, + { + "image": "test/gi_codex_42.tif", + "label": "test/gi_codex_42_masks.tif" + }, + { + "image": "test/gi_codex_44.tif", + "label": "test/gi_codex_44_masks.tif" + }, + { + "image": "test/gi_codex_53.tif", + "label": "test/gi_codex_53_masks.tif" + }, + { + "image": "test/gi_codex_56.tif", + "label": "test/gi_codex_56_masks.tif" + }, + { + "image": "test/gi_codex_58.tif", + "label": "test/gi_codex_58_masks.tif" + }, + { + "image": "test/gi_codex_65.tif", + "label": "test/gi_codex_65_masks.tif" + }, + { + "image": "test/gi_codex_69.tif", + "label": "test/gi_codex_69_masks.tif" + }, + { + "image": "test/gi_codex_74.tif", + "label": "test/gi_codex_74_masks.tif" + }, + { + "image": "test/gi_codex_78.tif", + "label": "test/gi_codex_78_masks.tif" + }, + { + "image": "test/gi_codex_82.tif", + "label": "test/gi_codex_82_masks.tif" + }, + { + "image": "test/gi_codex_90.tif", + "label": "test/gi_codex_90_masks.tif" + }, + { + "image": "test/gi_codex_91.tif", + "label": "test/gi_codex_91_masks.tif" + }, + { + "image": "test/gi_codex_92.tif", + "label": "test/gi_codex_92_masks.tif" + }, + { + "image": "test/gi_codex_95.tif", + "label": "test/gi_codex_95_masks.tif" + }, + { + "image": "test/gi_codex_98.tif", + "label": "test/gi_codex_98_masks.tif" + }, + { + "image": "test/gi_codex_99.tif", + "label": "test/gi_codex_99_masks.tif" + }, + { + "image": "test/gi_codex_100.tif", + "label": "test/gi_codex_100_masks.tif" + }, + { + "image": "test/gi_codex_103.tif", + "label": "test/gi_codex_103_masks.tif" + }, + { + "image": "test/gi_codex_105.tif", + "label": "test/gi_codex_105_masks.tif" + }, + { + "image": "test/gi_codex_10.tif", + "label": "test/gi_codex_10_masks.tif" + }, + { + "image": "test/gi_codex_19.tif", + "label": "test/gi_codex_19_masks.tif" + }, + { + "image": "test/gi_codex_27.tif", + "label": "test/gi_codex_27_masks.tif" + }, + { + "image": "test/gi_codex_31.tif", + "label": "test/gi_codex_31_masks.tif" + }, + { + "image": "test/gi_codex_32.tif", + "label": "test/gi_codex_32_masks.tif" + }, + { + "image": "test/gi_codex_33.tif", + "label": "test/gi_codex_33_masks.tif" + }, + { + "image": "test/gi_codex_36.tif", + "label": "test/gi_codex_36_masks.tif" + }, + { + "image": "test/gi_codex_39.tif", + "label": "test/gi_codex_39_masks.tif" + }, + { + "image": "test/gi_codex_40.tif", + "label": "test/gi_codex_40_masks.tif" + }, + { + "image": "test/gi_codex_46.tif", + "label": "test/gi_codex_46_masks.tif" + }, + { + "image": "test/gi_codex_48.tif", + "label": "test/gi_codex_48_masks.tif" + }, + { + "image": "test/gi_codex_54.tif", + "label": "test/gi_codex_54_masks.tif" + }, + { + "image": "test/gi_codex_55.tif", + "label": "test/gi_codex_55_masks.tif" + }, + { + "image": "test/gi_codex_59.tif", + "label": "test/gi_codex_59_masks.tif" + }, + { + "image": "test/gi_codex_66.tif", + "label": "test/gi_codex_66_masks.tif" + }, + { + "image": "test/gi_codex_67.tif", + "label": "test/gi_codex_67_masks.tif" + }, + { + "image": "test/gi_codex_80.tif", + "label": "test/gi_codex_80_masks.tif" + }, + { + "image": "test/gi_codex_87.tif", + "label": "test/gi_codex_87_masks.tif" + }, + { + "image": "test/gi_codex_88.tif", + "label": "test/gi_codex_88_masks.tif" + }, + { + "image": "test/gi_codex_89.tif", + "label": "test/gi_codex_89_masks.tif" + }, + { + "image": "test/gi_codex_93.tif", + "label": "test/gi_codex_93_masks.tif" + }, + { + "image": "test/gi_codex_106.tif", + "label": "test/gi_codex_106_masks.tif" + }, + { + "image": "test/gi_codex_111.tif", + "label": "test/gi_codex_111_masks.tif" + }, + { + "image": "test/gi_codex_4.tif", + "label": "test/gi_codex_4_masks.tif" + }, + { + "image": "test/gi_codex_15.tif", + "label": "test/gi_codex_15_masks.tif" + }, + { + "image": "test/gi_codex_23.tif", + "label": "test/gi_codex_23_masks.tif" + }, + { + "image": "test/gi_codex_24.tif", + "label": "test/gi_codex_24_masks.tif" + }, + { + "image": "test/gi_codex_26.tif", + "label": "test/gi_codex_26_masks.tif" + }, + { + "image": "test/gi_codex_34.tif", + "label": "test/gi_codex_34_masks.tif" + }, + { + "image": "test/gi_codex_41.tif", + "label": "test/gi_codex_41_masks.tif" + }, + { + "image": "test/gi_codex_43.tif", + "label": "test/gi_codex_43_masks.tif" + }, + { + "image": "test/gi_codex_45.tif", + "label": "test/gi_codex_45_masks.tif" + }, + { + "image": "test/gi_codex_51.tif", + "label": "test/gi_codex_51_masks.tif" + }, + { + "image": "test/gi_codex_52.tif", + "label": "test/gi_codex_52_masks.tif" + }, + { + "image": "test/gi_codex_62.tif", + "label": "test/gi_codex_62_masks.tif" + }, + { + "image": "test/gi_codex_70.tif", + "label": "test/gi_codex_70_masks.tif" + }, + { + "image": "test/gi_codex_73.tif", + "label": "test/gi_codex_73_masks.tif" + }, + { + "image": "test/gi_codex_77.tif", + "label": "test/gi_codex_77_masks.tif" + }, + { + "image": "test/gi_codex_81.tif", + "label": "test/gi_codex_81_masks.tif" + }, + { + "image": "test/gi_codex_83.tif", + "label": "test/gi_codex_83_masks.tif" + }, + { + "image": "test/gi_codex_94.tif", + "label": "test/gi_codex_94_masks.tif" + }, + { + "image": "test/gi_codex_97.tif", + "label": "test/gi_codex_97_masks.tif" + }, + { + "image": "test/gi_codex_102.tif", + "label": "test/gi_codex_102_masks.tif" + }, + { + "image": "test/gi_codex_104.tif", + "label": "test/gi_codex_104_masks.tif" + }, + { + "image": "test/gi_codex_109.tif", + "label": "test/gi_codex_109_masks.tif" + }, + { + "image": "test/gi_codex_0.tif", + "label": "test/gi_codex_0_masks.tif" + }, + { + "image": "test/gi_codex_3.tif", + "label": "test/gi_codex_3_masks.tif" + }, + { + "image": "test/gi_codex_7.tif", + "label": "test/gi_codex_7_masks.tif" + }, + { + "image": "test/gi_codex_8.tif", + "label": "test/gi_codex_8_masks.tif" + }, + { + "image": "test/gi_codex_13.tif", + "label": "test/gi_codex_13_masks.tif" + }, + { + "image": "test/gi_codex_14.tif", + "label": "test/gi_codex_14_masks.tif" + }, + { + "image": "test/gi_codex_21.tif", + "label": "test/gi_codex_21_masks.tif" + }, + { + "image": "test/gi_codex_22.tif", + "label": "test/gi_codex_22_masks.tif" + }, + { + "image": "test/gi_codex_30.tif", + "label": "test/gi_codex_30_masks.tif" + }, + { + "image": "test/gi_codex_47.tif", + "label": "test/gi_codex_47_masks.tif" + }, + { + "image": "test/gi_codex_49.tif", + "label": "test/gi_codex_49_masks.tif" + }, + { + "image": "test/gi_codex_57.tif", + "label": "test/gi_codex_57_masks.tif" + }, + { + "image": "test/gi_codex_60.tif", + "label": "test/gi_codex_60_masks.tif" + }, + { + "image": "test/gi_codex_61.tif", + "label": "test/gi_codex_61_masks.tif" + }, + { + "image": "test/gi_codex_63.tif", + "label": "test/gi_codex_63_masks.tif" + }, + { + "image": "test/gi_codex_68.tif", + "label": "test/gi_codex_68_masks.tif" + }, + { + "image": "test/gi_codex_85.tif", + "label": "test/gi_codex_85_masks.tif" + }, + { + "image": "test/gi_codex_86.tif", + "label": "test/gi_codex_86_masks.tif" + }, + { + "image": "test/gi_codex_96.tif", + "label": "test/gi_codex_96_masks.tif" + }, + { + "image": "test/gi_codex_101.tif", + "label": "test/gi_codex_101_masks.tif" + }, + { + "image": "test/gi_codex_108.tif", + "label": "test/gi_codex_108_masks.tif" + }, + { + "image": "test/gi_codex_110.tif", + "label": "test/gi_codex_110_masks.tif" + }, + { + "image": "test/gi_codex_1.tif", + "label": "test/gi_codex_1_masks.tif" + }, + { + "image": "test/gi_codex_5.tif", + "label": "test/gi_codex_5_masks.tif" + }, + { + "image": "test/gi_codex_6.tif", + "label": "test/gi_codex_6_masks.tif" + }, + { + "image": "test/gi_codex_9.tif", + "label": "test/gi_codex_9_masks.tif" + }, + { + "image": "test/gi_codex_11.tif", + "label": "test/gi_codex_11_masks.tif" + }, + { + "image": "test/gi_codex_12.tif", + "label": "test/gi_codex_12_masks.tif" + }, + { + "image": "test/gi_codex_16.tif", + "label": "test/gi_codex_16_masks.tif" + }, + { + "image": "test/gi_codex_18.tif", + "label": "test/gi_codex_18_masks.tif" + }, + { + "image": "test/gi_codex_20.tif", + "label": "test/gi_codex_20_masks.tif" + }, + { + "image": "test/gi_codex_25.tif", + "label": "test/gi_codex_25_masks.tif" + }, + { + "image": "test/gi_codex_28.tif", + "label": "test/gi_codex_28_masks.tif" + }, + { + "image": "test/gi_codex_29.tif", + "label": "test/gi_codex_29_masks.tif" + }, + { + "image": "test/gi_codex_37.tif", + "label": "test/gi_codex_37_masks.tif" + }, + { + "image": "test/gi_codex_50.tif", + "label": "test/gi_codex_50_masks.tif" + }, + { + "image": "test/gi_codex_64.tif", + "label": "test/gi_codex_64_masks.tif" + }, + { + "image": "test/gi_codex_71.tif", + "label": "test/gi_codex_71_masks.tif" + }, + { + "image": "test/gi_codex_72.tif", + "label": "test/gi_codex_72_masks.tif" + }, + { + "image": "test/gi_codex_75.tif", + "label": "test/gi_codex_75_masks.tif" + }, + { + "image": "test/gi_codex_76.tif", + "label": "test/gi_codex_76_masks.tif" + }, + { + "image": "test/gi_codex_79.tif", + "label": "test/gi_codex_79_masks.tif" + }, + { + "image": "test/gi_codex_84.tif", + "label": "test/gi_codex_84_masks.tif" + }, + { + "image": "test/gi_codex_107.tif", + "label": "test/gi_codex_107_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_gi_datalist.json b/vista2d/datalists/tissuenet_gi_datalist.json new file mode 100644 index 0000000..465964e --- /dev/null +++ b/vista2d/datalists/tissuenet_gi_datalist.json @@ -0,0 +1,20960 @@ +{ + "training": [ + { + "image": "val/gi_codex_0.tif", + "label": "val/gi_codex_0_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_3.tif", + "label": "val/gi_codex_3_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_8.tif", + "label": "val/gi_codex_8_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_16.tif", + "label": "val/gi_codex_16_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_19.tif", + "label": "val/gi_codex_19_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_23.tif", + "label": "val/gi_codex_23_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_35.tif", + "label": "val/gi_codex_35_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_41.tif", + "label": "val/gi_codex_41_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_47.tif", + "label": "val/gi_codex_47_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_49.tif", + "label": "val/gi_codex_49_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_50.tif", + "label": "val/gi_codex_50_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_56.tif", + "label": "val/gi_codex_56_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_57.tif", + "label": "val/gi_codex_57_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_59.tif", + "label": "val/gi_codex_59_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_60.tif", + "label": "val/gi_codex_60_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_61.tif", + "label": "val/gi_codex_61_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_65.tif", + "label": "val/gi_codex_65_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_66.tif", + "label": "val/gi_codex_66_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_69.tif", + "label": "val/gi_codex_69_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_73.tif", + "label": "val/gi_codex_73_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_74.tif", + "label": "val/gi_codex_74_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_81.tif", + "label": "val/gi_codex_81_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_84.tif", + "label": "val/gi_codex_84_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_85.tif", + "label": "val/gi_codex_85_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_90.tif", + "label": "val/gi_codex_90_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_101.tif", + "label": "val/gi_codex_101_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_104.tif", + "label": "val/gi_codex_104_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_108.tif", + "label": "val/gi_codex_108_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_111.tif", + "label": "val/gi_codex_111_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_117.tif", + "label": "val/gi_codex_117_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_120.tif", + "label": "val/gi_codex_120_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_134.tif", + "label": "val/gi_codex_134_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_135.tif", + "label": "val/gi_codex_135_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_148.tif", + "label": "val/gi_codex_148_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_154.tif", + "label": "val/gi_codex_154_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_175.tif", + "label": "val/gi_codex_175_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_181.tif", + "label": "val/gi_codex_181_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_185.tif", + "label": "val/gi_codex_185_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_187.tif", + "label": "val/gi_codex_187_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_189.tif", + "label": "val/gi_codex_189_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_194.tif", + "label": "val/gi_codex_194_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_201.tif", + "label": "val/gi_codex_201_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_202.tif", + "label": "val/gi_codex_202_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_205.tif", + "label": "val/gi_codex_205_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_207.tif", + "label": "val/gi_codex_207_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_216.tif", + "label": "val/gi_codex_216_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_218.tif", + "label": "val/gi_codex_218_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_223.tif", + "label": "val/gi_codex_223_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_0.tif", + "label": "val/gi_mibi_0_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_4.tif", + "label": "val/gi_mibi_4_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_9.tif", + "label": "val/gi_mibi_9_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_10.tif", + "label": "val/gi_mibi_10_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_17.tif", + "label": "val/gi_mibi_17_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_27.tif", + "label": "val/gi_mibi_27_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_36.tif", + "label": "val/gi_mibi_36_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_39.tif", + "label": "val/gi_mibi_39_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_48.tif", + "label": "val/gi_mibi_48_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_51.tif", + "label": "val/gi_mibi_51_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_56.tif", + "label": "val/gi_mibi_56_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_60.tif", + "label": "val/gi_mibi_60_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_61.tif", + "label": "val/gi_mibi_61_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_63.tif", + "label": "val/gi_mibi_63_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_72.tif", + "label": "val/gi_mibi_72_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_93.tif", + "label": "val/gi_mibi_93_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_96.tif", + "label": "val/gi_mibi_96_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_97.tif", + "label": "val/gi_mibi_97_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_101.tif", + "label": "val/gi_mibi_101_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_107.tif", + "label": "val/gi_mibi_107_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_108.tif", + "label": "val/gi_mibi_108_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_116.tif", + "label": "val/gi_mibi_116_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_117.tif", + "label": "val/gi_mibi_117_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_120.tif", + "label": "val/gi_mibi_120_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_128.tif", + "label": "val/gi_mibi_128_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_132.tif", + "label": "val/gi_mibi_132_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_134.tif", + "label": "val/gi_mibi_134_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_137.tif", + "label": "val/gi_mibi_137_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_147.tif", + "label": "val/gi_mibi_147_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_148.tif", + "label": "val/gi_mibi_148_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_151.tif", + "label": "val/gi_mibi_151_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_158.tif", + "label": "val/gi_mibi_158_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_161.tif", + "label": "val/gi_mibi_161_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_166.tif", + "label": "val/gi_mibi_166_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_173.tif", + "label": "val/gi_mibi_173_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_174.tif", + "label": "val/gi_mibi_174_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_176.tif", + "label": "val/gi_mibi_176_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_188.tif", + "label": "val/gi_mibi_188_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_189.tif", + "label": "val/gi_mibi_189_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_191.tif", + "label": "val/gi_mibi_191_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_194.tif", + "label": "val/gi_mibi_194_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_197.tif", + "label": "val/gi_mibi_197_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_201.tif", + "label": "val/gi_mibi_201_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_219.tif", + "label": "val/gi_mibi_219_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_225.tif", + "label": "val/gi_mibi_225_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_234.tif", + "label": "val/gi_mibi_234_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_241.tif", + "label": "val/gi_mibi_241_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_243.tif", + "label": "val/gi_mibi_243_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_258.tif", + "label": "val/gi_mibi_258_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_264.tif", + "label": "val/gi_mibi_264_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_268.tif", + "label": "val/gi_mibi_268_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_281.tif", + "label": "val/gi_mibi_281_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_285.tif", + "label": "val/gi_mibi_285_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_291.tif", + "label": "val/gi_mibi_291_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_301.tif", + "label": "val/gi_mibi_301_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_312.tif", + "label": "val/gi_mibi_312_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_313.tif", + "label": "val/gi_mibi_313_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_0.tif", + "label": "val/gi_mxif_0_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_4.tif", + "label": "val/gi_mxif_4_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_7.tif", + "label": "val/gi_mxif_7_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_15.tif", + "label": "val/gi_mxif_15_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_22.tif", + "label": "val/gi_mxif_22_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_23.tif", + "label": "val/gi_mxif_23_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_25.tif", + "label": "val/gi_mxif_25_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_26.tif", + "label": "val/gi_mxif_26_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_28.tif", + "label": "val/gi_mxif_28_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_40.tif", + "label": "val/gi_mxif_40_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_42.tif", + "label": "val/gi_mxif_42_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_45.tif", + "label": "val/gi_mxif_45_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_46.tif", + "label": "val/gi_mxif_46_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_48.tif", + "label": "val/gi_mxif_48_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_55.tif", + "label": "val/gi_mxif_55_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_58.tif", + "label": "val/gi_mxif_58_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_62.tif", + "label": "val/gi_mxif_62_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_68.tif", + "label": "val/gi_mxif_68_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_75.tif", + "label": "val/gi_mxif_75_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_90.tif", + "label": "val/gi_mxif_90_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_98.tif", + "label": "val/gi_mxif_98_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_100.tif", + "label": "val/gi_mxif_100_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_101.tif", + "label": "val/gi_mxif_101_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_102.tif", + "label": "val/gi_mxif_102_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_103.tif", + "label": "val/gi_mxif_103_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_107.tif", + "label": "val/gi_mxif_107_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_124.tif", + "label": "val/gi_mxif_124_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_125.tif", + "label": "val/gi_mxif_125_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_126.tif", + "label": "val/gi_mxif_126_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_129.tif", + "label": "val/gi_mxif_129_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_131.tif", + "label": "val/gi_mxif_131_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_134.tif", + "label": "val/gi_mxif_134_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_137.tif", + "label": "val/gi_mxif_137_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_141.tif", + "label": "val/gi_mxif_141_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_143.tif", + "label": "val/gi_mxif_143_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_145.tif", + "label": "val/gi_mxif_145_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_148.tif", + "label": "val/gi_mxif_148_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_150.tif", + "label": "val/gi_mxif_150_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_152.tif", + "label": "val/gi_mxif_152_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_154.tif", + "label": "val/gi_mxif_154_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_162.tif", + "label": "val/gi_mxif_162_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_169.tif", + "label": "val/gi_mxif_169_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_182.tif", + "label": "val/gi_mxif_182_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_189.tif", + "label": "val/gi_mxif_189_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_190.tif", + "label": "val/gi_mxif_190_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_192.tif", + "label": "val/gi_mxif_192_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_195.tif", + "label": "val/gi_mxif_195_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_212.tif", + "label": "val/gi_mxif_212_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_214.tif", + "label": "val/gi_mxif_214_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_215.tif", + "label": "val/gi_mxif_215_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_218.tif", + "label": "val/gi_mxif_218_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_221.tif", + "label": "val/gi_mxif_221_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_231.tif", + "label": "val/gi_mxif_231_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_5.tif", + "label": "val/gi_codex_5_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_9.tif", + "label": "val/gi_codex_9_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_11.tif", + "label": "val/gi_codex_11_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_13.tif", + "label": "val/gi_codex_13_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_14.tif", + "label": "val/gi_codex_14_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_17.tif", + "label": "val/gi_codex_17_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_29.tif", + "label": "val/gi_codex_29_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_31.tif", + "label": "val/gi_codex_31_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_34.tif", + "label": "val/gi_codex_34_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_40.tif", + "label": "val/gi_codex_40_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_45.tif", + "label": "val/gi_codex_45_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_54.tif", + "label": "val/gi_codex_54_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_62.tif", + "label": "val/gi_codex_62_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_68.tif", + "label": "val/gi_codex_68_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_76.tif", + "label": "val/gi_codex_76_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_80.tif", + "label": "val/gi_codex_80_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_82.tif", + "label": "val/gi_codex_82_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_88.tif", + "label": "val/gi_codex_88_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_91.tif", + "label": "val/gi_codex_91_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_92.tif", + "label": "val/gi_codex_92_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_95.tif", + "label": "val/gi_codex_95_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_103.tif", + "label": "val/gi_codex_103_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_107.tif", + "label": "val/gi_codex_107_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_114.tif", + "label": "val/gi_codex_114_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_116.tif", + "label": "val/gi_codex_116_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_118.tif", + "label": "val/gi_codex_118_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_119.tif", + "label": "val/gi_codex_119_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_121.tif", + "label": "val/gi_codex_121_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_125.tif", + "label": "val/gi_codex_125_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_132.tif", + "label": "val/gi_codex_132_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_139.tif", + "label": "val/gi_codex_139_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_146.tif", + "label": "val/gi_codex_146_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_147.tif", + "label": "val/gi_codex_147_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_159.tif", + "label": "val/gi_codex_159_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_160.tif", + "label": "val/gi_codex_160_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_161.tif", + "label": "val/gi_codex_161_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_165.tif", + "label": "val/gi_codex_165_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_172.tif", + "label": "val/gi_codex_172_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_173.tif", + "label": "val/gi_codex_173_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_179.tif", + "label": "val/gi_codex_179_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_180.tif", + "label": "val/gi_codex_180_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_184.tif", + "label": "val/gi_codex_184_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_195.tif", + "label": "val/gi_codex_195_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_197.tif", + "label": "val/gi_codex_197_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_214.tif", + "label": "val/gi_codex_214_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_224.tif", + "label": "val/gi_codex_224_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_226.tif", + "label": "val/gi_codex_226_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_233.tif", + "label": "val/gi_codex_233_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_3.tif", + "label": "val/gi_mibi_3_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_7.tif", + "label": "val/gi_mibi_7_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_19.tif", + "label": "val/gi_mibi_19_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_21.tif", + "label": "val/gi_mibi_21_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_23.tif", + "label": "val/gi_mibi_23_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_24.tif", + "label": "val/gi_mibi_24_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_30.tif", + "label": "val/gi_mibi_30_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_35.tif", + "label": "val/gi_mibi_35_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_47.tif", + "label": "val/gi_mibi_47_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_55.tif", + "label": "val/gi_mibi_55_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_67.tif", + "label": "val/gi_mibi_67_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_69.tif", + "label": "val/gi_mibi_69_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_71.tif", + "label": "val/gi_mibi_71_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_73.tif", + "label": "val/gi_mibi_73_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_76.tif", + "label": "val/gi_mibi_76_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_80.tif", + "label": "val/gi_mibi_80_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_82.tif", + "label": "val/gi_mibi_82_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_91.tif", + "label": "val/gi_mibi_91_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_103.tif", + "label": "val/gi_mibi_103_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_111.tif", + "label": "val/gi_mibi_111_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_112.tif", + "label": "val/gi_mibi_112_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_114.tif", + "label": "val/gi_mibi_114_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_115.tif", + "label": "val/gi_mibi_115_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_123.tif", + "label": "val/gi_mibi_123_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_126.tif", + "label": "val/gi_mibi_126_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_130.tif", + "label": "val/gi_mibi_130_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_133.tif", + "label": "val/gi_mibi_133_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_136.tif", + "label": "val/gi_mibi_136_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_144.tif", + "label": "val/gi_mibi_144_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_150.tif", + "label": "val/gi_mibi_150_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_154.tif", + "label": "val/gi_mibi_154_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_156.tif", + "label": "val/gi_mibi_156_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_164.tif", + "label": "val/gi_mibi_164_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_177.tif", + "label": "val/gi_mibi_177_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_181.tif", + "label": "val/gi_mibi_181_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_183.tif", + "label": "val/gi_mibi_183_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_192.tif", + "label": "val/gi_mibi_192_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_195.tif", + "label": "val/gi_mibi_195_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_198.tif", + "label": "val/gi_mibi_198_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_205.tif", + "label": "val/gi_mibi_205_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_207.tif", + "label": "val/gi_mibi_207_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_209.tif", + "label": "val/gi_mibi_209_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_211.tif", + "label": "val/gi_mibi_211_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_226.tif", + "label": "val/gi_mibi_226_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_229.tif", + "label": "val/gi_mibi_229_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_236.tif", + "label": "val/gi_mibi_236_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_245.tif", + "label": "val/gi_mibi_245_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_248.tif", + "label": "val/gi_mibi_248_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_253.tif", + "label": "val/gi_mibi_253_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_256.tif", + "label": "val/gi_mibi_256_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_271.tif", + "label": "val/gi_mibi_271_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_272.tif", + "label": "val/gi_mibi_272_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_273.tif", + "label": "val/gi_mibi_273_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_278.tif", + "label": "val/gi_mibi_278_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_283.tif", + "label": "val/gi_mibi_283_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_286.tif", + "label": "val/gi_mibi_286_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_289.tif", + "label": "val/gi_mibi_289_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_290.tif", + "label": "val/gi_mibi_290_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_293.tif", + "label": "val/gi_mibi_293_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_299.tif", + "label": "val/gi_mibi_299_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_303.tif", + "label": "val/gi_mibi_303_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_305.tif", + "label": "val/gi_mibi_305_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_308.tif", + "label": "val/gi_mibi_308_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_315.tif", + "label": "val/gi_mibi_315_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_316.tif", + "label": "val/gi_mibi_316_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_9.tif", + "label": "val/gi_mxif_9_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_11.tif", + "label": "val/gi_mxif_11_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_17.tif", + "label": "val/gi_mxif_17_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_19.tif", + "label": "val/gi_mxif_19_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_29.tif", + "label": "val/gi_mxif_29_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_47.tif", + "label": "val/gi_mxif_47_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_49.tif", + "label": "val/gi_mxif_49_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_51.tif", + "label": "val/gi_mxif_51_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_61.tif", + "label": "val/gi_mxif_61_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_63.tif", + "label": "val/gi_mxif_63_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_64.tif", + "label": "val/gi_mxif_64_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_69.tif", + "label": "val/gi_mxif_69_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_73.tif", + "label": "val/gi_mxif_73_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_82.tif", + "label": "val/gi_mxif_82_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_84.tif", + "label": "val/gi_mxif_84_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_87.tif", + "label": "val/gi_mxif_87_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_94.tif", + "label": "val/gi_mxif_94_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_95.tif", + "label": "val/gi_mxif_95_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_110.tif", + "label": "val/gi_mxif_110_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_111.tif", + "label": "val/gi_mxif_111_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_114.tif", + "label": "val/gi_mxif_114_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_123.tif", + "label": "val/gi_mxif_123_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_132.tif", + "label": "val/gi_mxif_132_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_133.tif", + "label": "val/gi_mxif_133_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_136.tif", + "label": "val/gi_mxif_136_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_147.tif", + "label": "val/gi_mxif_147_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_164.tif", + "label": "val/gi_mxif_164_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_168.tif", + "label": "val/gi_mxif_168_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_171.tif", + "label": "val/gi_mxif_171_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_174.tif", + "label": "val/gi_mxif_174_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_175.tif", + "label": "val/gi_mxif_175_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_176.tif", + "label": "val/gi_mxif_176_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_178.tif", + "label": "val/gi_mxif_178_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_184.tif", + "label": "val/gi_mxif_184_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_186.tif", + "label": "val/gi_mxif_186_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_187.tif", + "label": "val/gi_mxif_187_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_206.tif", + "label": "val/gi_mxif_206_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_208.tif", + "label": "val/gi_mxif_208_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_209.tif", + "label": "val/gi_mxif_209_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_219.tif", + "label": "val/gi_mxif_219_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_220.tif", + "label": "val/gi_mxif_220_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_222.tif", + "label": "val/gi_mxif_222_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_225.tif", + "label": "val/gi_mxif_225_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_226.tif", + "label": "val/gi_mxif_226_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_228.tif", + "label": "val/gi_mxif_228_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_2.tif", + "label": "val/gi_codex_2_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_4.tif", + "label": "val/gi_codex_4_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_6.tif", + "label": "val/gi_codex_6_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_12.tif", + "label": "val/gi_codex_12_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_18.tif", + "label": "val/gi_codex_18_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_33.tif", + "label": "val/gi_codex_33_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_36.tif", + "label": "val/gi_codex_36_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_38.tif", + "label": "val/gi_codex_38_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_39.tif", + "label": "val/gi_codex_39_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_42.tif", + "label": "val/gi_codex_42_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_46.tif", + "label": "val/gi_codex_46_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_52.tif", + "label": "val/gi_codex_52_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_58.tif", + "label": "val/gi_codex_58_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_67.tif", + "label": "val/gi_codex_67_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_78.tif", + "label": "val/gi_codex_78_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_93.tif", + "label": "val/gi_codex_93_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_97.tif", + "label": "val/gi_codex_97_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_99.tif", + "label": "val/gi_codex_99_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_102.tif", + "label": "val/gi_codex_102_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_105.tif", + "label": "val/gi_codex_105_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_106.tif", + "label": "val/gi_codex_106_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_110.tif", + "label": "val/gi_codex_110_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_112.tif", + "label": "val/gi_codex_112_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_115.tif", + "label": "val/gi_codex_115_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_124.tif", + "label": "val/gi_codex_124_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_128.tif", + "label": "val/gi_codex_128_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_133.tif", + "label": "val/gi_codex_133_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_142.tif", + "label": "val/gi_codex_142_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_153.tif", + "label": "val/gi_codex_153_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_156.tif", + "label": "val/gi_codex_156_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_157.tif", + "label": "val/gi_codex_157_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_158.tif", + "label": "val/gi_codex_158_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_162.tif", + "label": "val/gi_codex_162_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_168.tif", + "label": "val/gi_codex_168_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_177.tif", + "label": "val/gi_codex_177_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_186.tif", + "label": "val/gi_codex_186_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_191.tif", + "label": "val/gi_codex_191_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_192.tif", + "label": "val/gi_codex_192_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_200.tif", + "label": "val/gi_codex_200_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_203.tif", + "label": "val/gi_codex_203_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_204.tif", + "label": "val/gi_codex_204_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_213.tif", + "label": "val/gi_codex_213_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_217.tif", + "label": "val/gi_codex_217_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_220.tif", + "label": "val/gi_codex_220_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_221.tif", + "label": "val/gi_codex_221_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_225.tif", + "label": "val/gi_codex_225_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_227.tif", + "label": "val/gi_codex_227_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_228.tif", + "label": "val/gi_codex_228_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_232.tif", + "label": "val/gi_codex_232_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_236.tif", + "label": "val/gi_codex_236_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_237.tif", + "label": "val/gi_codex_237_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_6.tif", + "label": "val/gi_mibi_6_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_8.tif", + "label": "val/gi_mibi_8_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_12.tif", + "label": "val/gi_mibi_12_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_20.tif", + "label": "val/gi_mibi_20_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_22.tif", + "label": "val/gi_mibi_22_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_29.tif", + "label": "val/gi_mibi_29_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_34.tif", + "label": "val/gi_mibi_34_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_42.tif", + "label": "val/gi_mibi_42_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_45.tif", + "label": "val/gi_mibi_45_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_46.tif", + "label": "val/gi_mibi_46_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_53.tif", + "label": "val/gi_mibi_53_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_54.tif", + "label": "val/gi_mibi_54_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_66.tif", + "label": "val/gi_mibi_66_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_68.tif", + "label": "val/gi_mibi_68_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_74.tif", + "label": "val/gi_mibi_74_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_85.tif", + "label": "val/gi_mibi_85_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_90.tif", + "label": "val/gi_mibi_90_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_95.tif", + "label": "val/gi_mibi_95_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_99.tif", + "label": "val/gi_mibi_99_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_105.tif", + "label": "val/gi_mibi_105_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_106.tif", + "label": "val/gi_mibi_106_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_109.tif", + "label": "val/gi_mibi_109_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_122.tif", + "label": "val/gi_mibi_122_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_124.tif", + "label": "val/gi_mibi_124_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_125.tif", + "label": "val/gi_mibi_125_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_127.tif", + "label": "val/gi_mibi_127_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_135.tif", + "label": "val/gi_mibi_135_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_139.tif", + "label": "val/gi_mibi_139_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_140.tif", + "label": "val/gi_mibi_140_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_141.tif", + "label": "val/gi_mibi_141_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_145.tif", + "label": "val/gi_mibi_145_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_157.tif", + "label": "val/gi_mibi_157_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_159.tif", + "label": "val/gi_mibi_159_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_162.tif", + "label": "val/gi_mibi_162_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_165.tif", + "label": "val/gi_mibi_165_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_170.tif", + "label": "val/gi_mibi_170_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_184.tif", + "label": "val/gi_mibi_184_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_187.tif", + "label": "val/gi_mibi_187_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_190.tif", + "label": "val/gi_mibi_190_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_196.tif", + "label": "val/gi_mibi_196_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_199.tif", + "label": "val/gi_mibi_199_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_203.tif", + "label": "val/gi_mibi_203_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_204.tif", + "label": "val/gi_mibi_204_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_208.tif", + "label": "val/gi_mibi_208_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_210.tif", + "label": "val/gi_mibi_210_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_214.tif", + "label": "val/gi_mibi_214_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_215.tif", + "label": "val/gi_mibi_215_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_217.tif", + "label": "val/gi_mibi_217_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_221.tif", + "label": "val/gi_mibi_221_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_235.tif", + "label": "val/gi_mibi_235_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_244.tif", + "label": "val/gi_mibi_244_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_246.tif", + "label": "val/gi_mibi_246_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_249.tif", + "label": "val/gi_mibi_249_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_250.tif", + "label": "val/gi_mibi_250_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_255.tif", + "label": "val/gi_mibi_255_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_257.tif", + "label": "val/gi_mibi_257_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_260.tif", + "label": "val/gi_mibi_260_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_263.tif", + "label": "val/gi_mibi_263_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_266.tif", + "label": "val/gi_mibi_266_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_269.tif", + "label": "val/gi_mibi_269_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_279.tif", + "label": "val/gi_mibi_279_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_284.tif", + "label": "val/gi_mibi_284_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_292.tif", + "label": "val/gi_mibi_292_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_297.tif", + "label": "val/gi_mibi_297_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_300.tif", + "label": "val/gi_mibi_300_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_302.tif", + "label": "val/gi_mibi_302_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_306.tif", + "label": "val/gi_mibi_306_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_311.tif", + "label": "val/gi_mibi_311_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_317.tif", + "label": "val/gi_mibi_317_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_2.tif", + "label": "val/gi_mxif_2_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_3.tif", + "label": "val/gi_mxif_3_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_14.tif", + "label": "val/gi_mxif_14_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_20.tif", + "label": "val/gi_mxif_20_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_21.tif", + "label": "val/gi_mxif_21_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_33.tif", + "label": "val/gi_mxif_33_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_34.tif", + "label": "val/gi_mxif_34_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_35.tif", + "label": "val/gi_mxif_35_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_36.tif", + "label": "val/gi_mxif_36_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_37.tif", + "label": "val/gi_mxif_37_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_38.tif", + "label": "val/gi_mxif_38_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_44.tif", + "label": "val/gi_mxif_44_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_52.tif", + "label": "val/gi_mxif_52_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_56.tif", + "label": "val/gi_mxif_56_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_66.tif", + "label": "val/gi_mxif_66_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_67.tif", + "label": "val/gi_mxif_67_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_76.tif", + "label": "val/gi_mxif_76_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_79.tif", + "label": "val/gi_mxif_79_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_81.tif", + "label": "val/gi_mxif_81_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_86.tif", + "label": "val/gi_mxif_86_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_91.tif", + "label": "val/gi_mxif_91_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_93.tif", + "label": "val/gi_mxif_93_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_96.tif", + "label": "val/gi_mxif_96_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_105.tif", + "label": "val/gi_mxif_105_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_121.tif", + "label": "val/gi_mxif_121_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_157.tif", + "label": "val/gi_mxif_157_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_158.tif", + "label": "val/gi_mxif_158_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_160.tif", + "label": "val/gi_mxif_160_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_165.tif", + "label": "val/gi_mxif_165_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_166.tif", + "label": "val/gi_mxif_166_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_167.tif", + "label": "val/gi_mxif_167_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_177.tif", + "label": "val/gi_mxif_177_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_196.tif", + "label": "val/gi_mxif_196_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_201.tif", + "label": "val/gi_mxif_201_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_202.tif", + "label": "val/gi_mxif_202_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_217.tif", + "label": "val/gi_mxif_217_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_227.tif", + "label": "val/gi_mxif_227_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_229.tif", + "label": "val/gi_mxif_229_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_1.tif", + "label": "val/gi_codex_1_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_21.tif", + "label": "val/gi_codex_21_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_24.tif", + "label": "val/gi_codex_24_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_27.tif", + "label": "val/gi_codex_27_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_28.tif", + "label": "val/gi_codex_28_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_30.tif", + "label": "val/gi_codex_30_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_32.tif", + "label": "val/gi_codex_32_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_44.tif", + "label": "val/gi_codex_44_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_48.tif", + "label": "val/gi_codex_48_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_51.tif", + "label": "val/gi_codex_51_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_53.tif", + "label": "val/gi_codex_53_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_55.tif", + "label": "val/gi_codex_55_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_63.tif", + "label": "val/gi_codex_63_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_70.tif", + "label": "val/gi_codex_70_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_79.tif", + "label": "val/gi_codex_79_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_83.tif", + "label": "val/gi_codex_83_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_89.tif", + "label": "val/gi_codex_89_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_94.tif", + "label": "val/gi_codex_94_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_98.tif", + "label": "val/gi_codex_98_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_100.tif", + "label": "val/gi_codex_100_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_109.tif", + "label": "val/gi_codex_109_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_113.tif", + "label": "val/gi_codex_113_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_122.tif", + "label": "val/gi_codex_122_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_123.tif", + "label": "val/gi_codex_123_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_127.tif", + "label": "val/gi_codex_127_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_131.tif", + "label": "val/gi_codex_131_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_136.tif", + "label": "val/gi_codex_136_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_137.tif", + "label": "val/gi_codex_137_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_138.tif", + "label": "val/gi_codex_138_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_143.tif", + "label": "val/gi_codex_143_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_145.tif", + "label": "val/gi_codex_145_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_150.tif", + "label": "val/gi_codex_150_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_163.tif", + "label": "val/gi_codex_163_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_164.tif", + "label": "val/gi_codex_164_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_167.tif", + "label": "val/gi_codex_167_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_169.tif", + "label": "val/gi_codex_169_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_171.tif", + "label": "val/gi_codex_171_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_174.tif", + "label": "val/gi_codex_174_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_182.tif", + "label": "val/gi_codex_182_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_188.tif", + "label": "val/gi_codex_188_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_199.tif", + "label": "val/gi_codex_199_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_206.tif", + "label": "val/gi_codex_206_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_208.tif", + "label": "val/gi_codex_208_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_211.tif", + "label": "val/gi_codex_211_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_212.tif", + "label": "val/gi_codex_212_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_219.tif", + "label": "val/gi_codex_219_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_222.tif", + "label": "val/gi_codex_222_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_229.tif", + "label": "val/gi_codex_229_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_230.tif", + "label": "val/gi_codex_230_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_234.tif", + "label": "val/gi_codex_234_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_1.tif", + "label": "val/gi_mibi_1_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_2.tif", + "label": "val/gi_mibi_2_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_11.tif", + "label": "val/gi_mibi_11_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_13.tif", + "label": "val/gi_mibi_13_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_18.tif", + "label": "val/gi_mibi_18_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_32.tif", + "label": "val/gi_mibi_32_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_33.tif", + "label": "val/gi_mibi_33_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_37.tif", + "label": "val/gi_mibi_37_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_49.tif", + "label": "val/gi_mibi_49_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_52.tif", + "label": "val/gi_mibi_52_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_57.tif", + "label": "val/gi_mibi_57_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_58.tif", + "label": "val/gi_mibi_58_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_62.tif", + "label": "val/gi_mibi_62_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_65.tif", + "label": "val/gi_mibi_65_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_70.tif", + "label": "val/gi_mibi_70_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_77.tif", + "label": "val/gi_mibi_77_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_84.tif", + "label": "val/gi_mibi_84_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_86.tif", + "label": "val/gi_mibi_86_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_87.tif", + "label": "val/gi_mibi_87_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_88.tif", + "label": "val/gi_mibi_88_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_92.tif", + "label": "val/gi_mibi_92_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_102.tif", + "label": "val/gi_mibi_102_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_104.tif", + "label": "val/gi_mibi_104_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_113.tif", + "label": "val/gi_mibi_113_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_121.tif", + "label": "val/gi_mibi_121_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_138.tif", + "label": "val/gi_mibi_138_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_142.tif", + "label": "val/gi_mibi_142_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_146.tif", + "label": "val/gi_mibi_146_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_153.tif", + "label": "val/gi_mibi_153_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_168.tif", + "label": "val/gi_mibi_168_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_169.tif", + "label": "val/gi_mibi_169_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_171.tif", + "label": "val/gi_mibi_171_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_172.tif", + "label": "val/gi_mibi_172_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_175.tif", + "label": "val/gi_mibi_175_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_179.tif", + "label": "val/gi_mibi_179_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_182.tif", + "label": "val/gi_mibi_182_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_185.tif", + "label": "val/gi_mibi_185_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_186.tif", + "label": "val/gi_mibi_186_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_200.tif", + "label": "val/gi_mibi_200_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_202.tif", + "label": "val/gi_mibi_202_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_206.tif", + "label": "val/gi_mibi_206_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_212.tif", + "label": "val/gi_mibi_212_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_213.tif", + "label": "val/gi_mibi_213_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_220.tif", + "label": "val/gi_mibi_220_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_222.tif", + "label": "val/gi_mibi_222_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_224.tif", + "label": "val/gi_mibi_224_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_227.tif", + "label": "val/gi_mibi_227_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_237.tif", + "label": "val/gi_mibi_237_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_239.tif", + "label": "val/gi_mibi_239_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_242.tif", + "label": "val/gi_mibi_242_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_261.tif", + "label": "val/gi_mibi_261_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_262.tif", + "label": "val/gi_mibi_262_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_274.tif", + "label": "val/gi_mibi_274_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_280.tif", + "label": "val/gi_mibi_280_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_282.tif", + "label": "val/gi_mibi_282_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_287.tif", + "label": "val/gi_mibi_287_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_288.tif", + "label": "val/gi_mibi_288_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_295.tif", + "label": "val/gi_mibi_295_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_298.tif", + "label": "val/gi_mibi_298_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_307.tif", + "label": "val/gi_mibi_307_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_309.tif", + "label": "val/gi_mibi_309_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_314.tif", + "label": "val/gi_mibi_314_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_1.tif", + "label": "val/gi_mxif_1_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_18.tif", + "label": "val/gi_mxif_18_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_31.tif", + "label": "val/gi_mxif_31_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_41.tif", + "label": "val/gi_mxif_41_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_43.tif", + "label": "val/gi_mxif_43_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_54.tif", + "label": "val/gi_mxif_54_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_57.tif", + "label": "val/gi_mxif_57_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_72.tif", + "label": "val/gi_mxif_72_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_78.tif", + "label": "val/gi_mxif_78_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_80.tif", + "label": "val/gi_mxif_80_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_83.tif", + "label": "val/gi_mxif_83_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_88.tif", + "label": "val/gi_mxif_88_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_106.tif", + "label": "val/gi_mxif_106_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_113.tif", + "label": "val/gi_mxif_113_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_115.tif", + "label": "val/gi_mxif_115_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_117.tif", + "label": "val/gi_mxif_117_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_119.tif", + "label": "val/gi_mxif_119_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_122.tif", + "label": "val/gi_mxif_122_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_127.tif", + "label": "val/gi_mxif_127_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_128.tif", + "label": "val/gi_mxif_128_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_130.tif", + "label": "val/gi_mxif_130_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_135.tif", + "label": "val/gi_mxif_135_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_138.tif", + "label": "val/gi_mxif_138_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_140.tif", + "label": "val/gi_mxif_140_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_142.tif", + "label": "val/gi_mxif_142_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_144.tif", + "label": "val/gi_mxif_144_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_146.tif", + "label": "val/gi_mxif_146_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_149.tif", + "label": "val/gi_mxif_149_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_153.tif", + "label": "val/gi_mxif_153_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_155.tif", + "label": "val/gi_mxif_155_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_156.tif", + "label": "val/gi_mxif_156_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_191.tif", + "label": "val/gi_mxif_191_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_194.tif", + "label": "val/gi_mxif_194_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_198.tif", + "label": "val/gi_mxif_198_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_200.tif", + "label": "val/gi_mxif_200_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_203.tif", + "label": "val/gi_mxif_203_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_204.tif", + "label": "val/gi_mxif_204_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_205.tif", + "label": "val/gi_mxif_205_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_207.tif", + "label": "val/gi_mxif_207_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_210.tif", + "label": "val/gi_mxif_210_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_213.tif", + "label": "val/gi_mxif_213_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_216.tif", + "label": "val/gi_mxif_216_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_224.tif", + "label": "val/gi_mxif_224_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_230.tif", + "label": "val/gi_mxif_230_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_232.tif", + "label": "val/gi_mxif_232_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_233.tif", + "label": "val/gi_mxif_233_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_7.tif", + "label": "val/gi_codex_7_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_10.tif", + "label": "val/gi_codex_10_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_15.tif", + "label": "val/gi_codex_15_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_20.tif", + "label": "val/gi_codex_20_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_22.tif", + "label": "val/gi_codex_22_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_25.tif", + "label": "val/gi_codex_25_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_26.tif", + "label": "val/gi_codex_26_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_37.tif", + "label": "val/gi_codex_37_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_43.tif", + "label": "val/gi_codex_43_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_64.tif", + "label": "val/gi_codex_64_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_71.tif", + "label": "val/gi_codex_71_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_72.tif", + "label": "val/gi_codex_72_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_75.tif", + "label": "val/gi_codex_75_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_77.tif", + "label": "val/gi_codex_77_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_86.tif", + "label": "val/gi_codex_86_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_87.tif", + "label": "val/gi_codex_87_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_96.tif", + "label": "val/gi_codex_96_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_126.tif", + "label": "val/gi_codex_126_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_129.tif", + "label": "val/gi_codex_129_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_130.tif", + "label": "val/gi_codex_130_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_140.tif", + "label": "val/gi_codex_140_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_141.tif", + "label": "val/gi_codex_141_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_144.tif", + "label": "val/gi_codex_144_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_149.tif", + "label": "val/gi_codex_149_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_151.tif", + "label": "val/gi_codex_151_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_152.tif", + "label": "val/gi_codex_152_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_155.tif", + "label": "val/gi_codex_155_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_166.tif", + "label": "val/gi_codex_166_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_170.tif", + "label": "val/gi_codex_170_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_176.tif", + "label": "val/gi_codex_176_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_178.tif", + "label": "val/gi_codex_178_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_183.tif", + "label": "val/gi_codex_183_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_190.tif", + "label": "val/gi_codex_190_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_193.tif", + "label": "val/gi_codex_193_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_196.tif", + "label": "val/gi_codex_196_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_198.tif", + "label": "val/gi_codex_198_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_209.tif", + "label": "val/gi_codex_209_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_210.tif", + "label": "val/gi_codex_210_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_215.tif", + "label": "val/gi_codex_215_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_231.tif", + "label": "val/gi_codex_231_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_codex_235.tif", + "label": "val/gi_codex_235_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_5.tif", + "label": "val/gi_mibi_5_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_14.tif", + "label": "val/gi_mibi_14_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_15.tif", + "label": "val/gi_mibi_15_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_16.tif", + "label": "val/gi_mibi_16_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_25.tif", + "label": "val/gi_mibi_25_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_26.tif", + "label": "val/gi_mibi_26_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_28.tif", + "label": "val/gi_mibi_28_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_31.tif", + "label": "val/gi_mibi_31_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_38.tif", + "label": "val/gi_mibi_38_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_40.tif", + "label": "val/gi_mibi_40_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_41.tif", + "label": "val/gi_mibi_41_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_43.tif", + "label": "val/gi_mibi_43_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_44.tif", + "label": "val/gi_mibi_44_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_50.tif", + "label": "val/gi_mibi_50_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_59.tif", + "label": "val/gi_mibi_59_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_64.tif", + "label": "val/gi_mibi_64_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_75.tif", + "label": "val/gi_mibi_75_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_78.tif", + "label": "val/gi_mibi_78_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_79.tif", + "label": "val/gi_mibi_79_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_81.tif", + "label": "val/gi_mibi_81_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_83.tif", + "label": "val/gi_mibi_83_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_89.tif", + "label": "val/gi_mibi_89_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_94.tif", + "label": "val/gi_mibi_94_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_98.tif", + "label": "val/gi_mibi_98_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_100.tif", + "label": "val/gi_mibi_100_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_110.tif", + "label": "val/gi_mibi_110_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_118.tif", + "label": "val/gi_mibi_118_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_119.tif", + "label": "val/gi_mibi_119_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_129.tif", + "label": "val/gi_mibi_129_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_131.tif", + "label": "val/gi_mibi_131_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_143.tif", + "label": "val/gi_mibi_143_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_149.tif", + "label": "val/gi_mibi_149_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_152.tif", + "label": "val/gi_mibi_152_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_155.tif", + "label": "val/gi_mibi_155_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_160.tif", + "label": "val/gi_mibi_160_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_163.tif", + "label": "val/gi_mibi_163_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_167.tif", + "label": "val/gi_mibi_167_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_178.tif", + "label": "val/gi_mibi_178_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_180.tif", + "label": "val/gi_mibi_180_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_193.tif", + "label": "val/gi_mibi_193_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_216.tif", + "label": "val/gi_mibi_216_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_218.tif", + "label": "val/gi_mibi_218_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_223.tif", + "label": "val/gi_mibi_223_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_228.tif", + "label": "val/gi_mibi_228_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_230.tif", + "label": "val/gi_mibi_230_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_231.tif", + "label": "val/gi_mibi_231_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_232.tif", + "label": "val/gi_mibi_232_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_233.tif", + "label": "val/gi_mibi_233_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_238.tif", + "label": "val/gi_mibi_238_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_240.tif", + "label": "val/gi_mibi_240_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_247.tif", + "label": "val/gi_mibi_247_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_251.tif", + "label": "val/gi_mibi_251_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_252.tif", + "label": "val/gi_mibi_252_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_254.tif", + "label": "val/gi_mibi_254_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_259.tif", + "label": "val/gi_mibi_259_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_265.tif", + "label": "val/gi_mibi_265_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_267.tif", + "label": "val/gi_mibi_267_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_270.tif", + "label": "val/gi_mibi_270_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_275.tif", + "label": "val/gi_mibi_275_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_276.tif", + "label": "val/gi_mibi_276_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_277.tif", + "label": "val/gi_mibi_277_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_294.tif", + "label": "val/gi_mibi_294_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_296.tif", + "label": "val/gi_mibi_296_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_304.tif", + "label": "val/gi_mibi_304_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_310.tif", + "label": "val/gi_mibi_310_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_5.tif", + "label": "val/gi_mxif_5_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_6.tif", + "label": "val/gi_mxif_6_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_8.tif", + "label": "val/gi_mxif_8_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_10.tif", + "label": "val/gi_mxif_10_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_12.tif", + "label": "val/gi_mxif_12_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_13.tif", + "label": "val/gi_mxif_13_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_16.tif", + "label": "val/gi_mxif_16_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_24.tif", + "label": "val/gi_mxif_24_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_27.tif", + "label": "val/gi_mxif_27_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_30.tif", + "label": "val/gi_mxif_30_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_32.tif", + "label": "val/gi_mxif_32_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_39.tif", + "label": "val/gi_mxif_39_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_50.tif", + "label": "val/gi_mxif_50_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_53.tif", + "label": "val/gi_mxif_53_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_59.tif", + "label": "val/gi_mxif_59_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_60.tif", + "label": "val/gi_mxif_60_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_65.tif", + "label": "val/gi_mxif_65_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_70.tif", + "label": "val/gi_mxif_70_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_71.tif", + "label": "val/gi_mxif_71_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_74.tif", + "label": "val/gi_mxif_74_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_77.tif", + "label": "val/gi_mxif_77_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_85.tif", + "label": "val/gi_mxif_85_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_89.tif", + "label": "val/gi_mxif_89_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_92.tif", + "label": "val/gi_mxif_92_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_97.tif", + "label": "val/gi_mxif_97_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_99.tif", + "label": "val/gi_mxif_99_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_104.tif", + "label": "val/gi_mxif_104_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_108.tif", + "label": "val/gi_mxif_108_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_109.tif", + "label": "val/gi_mxif_109_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_112.tif", + "label": "val/gi_mxif_112_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_116.tif", + "label": "val/gi_mxif_116_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_118.tif", + "label": "val/gi_mxif_118_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_120.tif", + "label": "val/gi_mxif_120_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_139.tif", + "label": "val/gi_mxif_139_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_151.tif", + "label": "val/gi_mxif_151_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_159.tif", + "label": "val/gi_mxif_159_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_161.tif", + "label": "val/gi_mxif_161_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_163.tif", + "label": "val/gi_mxif_163_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_170.tif", + "label": "val/gi_mxif_170_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_172.tif", + "label": "val/gi_mxif_172_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_173.tif", + "label": "val/gi_mxif_173_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_179.tif", + "label": "val/gi_mxif_179_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_180.tif", + "label": "val/gi_mxif_180_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_181.tif", + "label": "val/gi_mxif_181_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_183.tif", + "label": "val/gi_mxif_183_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_185.tif", + "label": "val/gi_mxif_185_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_188.tif", + "label": "val/gi_mxif_188_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_193.tif", + "label": "val/gi_mxif_193_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_197.tif", + "label": "val/gi_mxif_197_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_199.tif", + "label": "val/gi_mxif_199_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_211.tif", + "label": "val/gi_mxif_211_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_223.tif", + "label": "val/gi_mxif_223_masks.tif", + "fold": 0 + }, + { + "image": "train/gi_codex_0_3.tif", + "label": "train/gi_codex_0_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_1_0.tif", + "label": "train/gi_codex_1_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_1_2.tif", + "label": "train/gi_codex_1_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_2_2.tif", + "label": "train/gi_codex_2_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_3_1.tif", + "label": "train/gi_codex_3_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_4_1.tif", + "label": "train/gi_codex_4_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_7_0.tif", + "label": "train/gi_codex_7_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_10_0.tif", + "label": "train/gi_codex_10_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_10_1.tif", + "label": "train/gi_codex_10_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_11_1.tif", + "label": "train/gi_codex_11_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_11_3.tif", + "label": "train/gi_codex_11_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_12_2.tif", + "label": "train/gi_codex_12_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_13_2.tif", + "label": "train/gi_codex_13_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_14_2.tif", + "label": "train/gi_codex_14_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_16_1.tif", + "label": "train/gi_codex_16_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_18_0.tif", + "label": "train/gi_codex_18_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_18_3.tif", + "label": "train/gi_codex_18_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_20_1.tif", + "label": "train/gi_codex_20_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_21_3.tif", + "label": "train/gi_codex_21_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_22_3.tif", + "label": "train/gi_codex_22_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_24_2.tif", + "label": "train/gi_codex_24_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_24_3.tif", + "label": "train/gi_codex_24_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_25_2.tif", + "label": "train/gi_codex_25_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_26_3.tif", + "label": "train/gi_codex_26_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_27_0.tif", + "label": "train/gi_codex_27_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_27_2.tif", + "label": "train/gi_codex_27_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_27_3.tif", + "label": "train/gi_codex_27_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_30_0.tif", + "label": "train/gi_codex_30_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_30_3.tif", + "label": "train/gi_codex_30_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_31_2.tif", + "label": "train/gi_codex_31_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_33_1.tif", + "label": "train/gi_codex_33_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_34_0.tif", + "label": "train/gi_codex_34_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_37_3.tif", + "label": "train/gi_codex_37_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_39_1.tif", + "label": "train/gi_codex_39_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_40_1.tif", + "label": "train/gi_codex_40_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_41_1.tif", + "label": "train/gi_codex_41_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_42_1.tif", + "label": "train/gi_codex_42_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_42_3.tif", + "label": "train/gi_codex_42_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_44_1.tif", + "label": "train/gi_codex_44_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_45_0.tif", + "label": "train/gi_codex_45_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_45_1.tif", + "label": "train/gi_codex_45_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_46_3.tif", + "label": "train/gi_codex_46_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_48_0.tif", + "label": "train/gi_codex_48_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_48_3.tif", + "label": "train/gi_codex_48_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_50_1.tif", + "label": "train/gi_codex_50_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_50_3.tif", + "label": "train/gi_codex_50_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_51_1.tif", + "label": "train/gi_codex_51_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_54_2.tif", + "label": "train/gi_codex_54_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_55_0.tif", + "label": "train/gi_codex_55_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_56_0.tif", + "label": "train/gi_codex_56_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_56_3.tif", + "label": "train/gi_codex_56_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_57_2.tif", + "label": "train/gi_codex_57_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_57_3.tif", + "label": "train/gi_codex_57_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_62_0.tif", + "label": "train/gi_codex_62_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_63_3.tif", + "label": "train/gi_codex_63_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_64_0.tif", + "label": "train/gi_codex_64_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_65_0.tif", + "label": "train/gi_codex_65_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_65_2.tif", + "label": "train/gi_codex_65_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_68_1.tif", + "label": "train/gi_codex_68_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_70_2.tif", + "label": "train/gi_codex_70_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_71_1.tif", + "label": "train/gi_codex_71_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_72_3.tif", + "label": "train/gi_codex_72_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_73_0.tif", + "label": "train/gi_codex_73_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_74_1.tif", + "label": "train/gi_codex_74_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_74_3.tif", + "label": "train/gi_codex_74_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_75_1.tif", + "label": "train/gi_codex_75_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_75_3.tif", + "label": "train/gi_codex_75_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_76_0.tif", + "label": "train/gi_codex_76_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_76_2.tif", + "label": "train/gi_codex_76_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_78_2.tif", + "label": "train/gi_codex_78_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_79_2.tif", + "label": "train/gi_codex_79_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_80_1.tif", + "label": "train/gi_codex_80_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_82_2.tif", + "label": "train/gi_codex_82_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_83_3.tif", + "label": "train/gi_codex_83_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_85_0.tif", + "label": "train/gi_codex_85_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_86_2.tif", + "label": "train/gi_codex_86_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_87_1.tif", + "label": "train/gi_codex_87_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_87_3.tif", + "label": "train/gi_codex_87_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_89_3.tif", + "label": "train/gi_codex_89_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_91_2.tif", + "label": "train/gi_codex_91_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_91_3.tif", + "label": "train/gi_codex_91_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_92_2.tif", + "label": "train/gi_codex_92_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_95_2.tif", + "label": "train/gi_codex_95_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_95_3.tif", + "label": "train/gi_codex_95_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_98_1.tif", + "label": "train/gi_codex_98_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_98_2.tif", + "label": "train/gi_codex_98_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_99_0.tif", + "label": "train/gi_codex_99_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_100_3.tif", + "label": "train/gi_codex_100_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_103_3.tif", + "label": "train/gi_codex_103_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_107_0.tif", + "label": "train/gi_codex_107_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_108_0.tif", + "label": "train/gi_codex_108_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_109_2.tif", + "label": "train/gi_codex_109_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_110_0.tif", + "label": "train/gi_codex_110_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_110_2.tif", + "label": "train/gi_codex_110_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_111_1.tif", + "label": "train/gi_codex_111_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_116_0.tif", + "label": "train/gi_codex_116_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_117_3.tif", + "label": "train/gi_codex_117_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_118_1.tif", + "label": "train/gi_codex_118_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_120_1.tif", + "label": "train/gi_codex_120_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_121_3.tif", + "label": "train/gi_codex_121_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_122_2.tif", + "label": "train/gi_codex_122_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_123_3.tif", + "label": "train/gi_codex_123_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_124_3.tif", + "label": "train/gi_codex_124_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_129_0.tif", + "label": "train/gi_codex_129_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_129_1.tif", + "label": "train/gi_codex_129_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_130_1.tif", + "label": "train/gi_codex_130_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_131_1.tif", + "label": "train/gi_codex_131_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_131_3.tif", + "label": "train/gi_codex_131_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_133_2.tif", + "label": "train/gi_codex_133_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_133_3.tif", + "label": "train/gi_codex_133_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_135_0.tif", + "label": "train/gi_codex_135_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_136_2.tif", + "label": "train/gi_codex_136_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_136_3.tif", + "label": "train/gi_codex_136_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_138_1.tif", + "label": "train/gi_codex_138_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_139_2.tif", + "label": "train/gi_codex_139_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_140_0.tif", + "label": "train/gi_codex_140_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_140_3.tif", + "label": "train/gi_codex_140_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_144_0.tif", + "label": "train/gi_codex_144_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_144_1.tif", + "label": "train/gi_codex_144_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_145_2.tif", + "label": "train/gi_codex_145_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_146_0.tif", + "label": "train/gi_codex_146_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_146_2.tif", + "label": "train/gi_codex_146_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_147_0.tif", + "label": "train/gi_codex_147_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_147_1.tif", + "label": "train/gi_codex_147_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_149_2.tif", + "label": "train/gi_codex_149_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_150_0.tif", + "label": "train/gi_codex_150_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_150_2.tif", + "label": "train/gi_codex_150_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_151_1.tif", + "label": "train/gi_codex_151_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_152_2.tif", + "label": "train/gi_codex_152_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_153_1.tif", + "label": "train/gi_codex_153_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_155_0.tif", + "label": "train/gi_codex_155_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_157_2.tif", + "label": "train/gi_codex_157_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_159_0.tif", + "label": "train/gi_codex_159_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_166_0.tif", + "label": "train/gi_codex_166_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_166_2.tif", + "label": "train/gi_codex_166_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_167_3.tif", + "label": "train/gi_codex_167_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_168_3.tif", + "label": "train/gi_codex_168_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_169_2.tif", + "label": "train/gi_codex_169_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_171_1.tif", + "label": "train/gi_codex_171_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_172_0.tif", + "label": "train/gi_codex_172_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_175_0.tif", + "label": "train/gi_codex_175_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_175_2.tif", + "label": "train/gi_codex_175_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_176_1.tif", + "label": "train/gi_codex_176_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_176_3.tif", + "label": "train/gi_codex_176_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_178_1.tif", + "label": "train/gi_codex_178_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_181_0.tif", + "label": "train/gi_codex_181_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_181_1.tif", + "label": "train/gi_codex_181_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_182_2.tif", + "label": "train/gi_codex_182_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_187_0.tif", + "label": "train/gi_codex_187_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_187_1.tif", + "label": "train/gi_codex_187_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_187_3.tif", + "label": "train/gi_codex_187_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_189_0.tif", + "label": "train/gi_codex_189_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_189_1.tif", + "label": "train/gi_codex_189_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_190_1.tif", + "label": "train/gi_codex_190_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_192_3.tif", + "label": "train/gi_codex_192_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_193_0.tif", + "label": "train/gi_codex_193_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_193_1.tif", + "label": "train/gi_codex_193_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_193_2.tif", + "label": "train/gi_codex_193_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_194_1.tif", + "label": "train/gi_codex_194_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_195_1.tif", + "label": "train/gi_codex_195_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_195_3.tif", + "label": "train/gi_codex_195_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_196_0.tif", + "label": "train/gi_codex_196_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_197_2.tif", + "label": "train/gi_codex_197_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_197_3.tif", + "label": "train/gi_codex_197_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_199_0.tif", + "label": "train/gi_codex_199_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_199_1.tif", + "label": "train/gi_codex_199_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_201_0.tif", + "label": "train/gi_codex_201_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_203_0.tif", + "label": "train/gi_codex_203_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_203_1.tif", + "label": "train/gi_codex_203_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_204_0.tif", + "label": "train/gi_codex_204_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_207_1.tif", + "label": "train/gi_codex_207_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_209_0.tif", + "label": "train/gi_codex_209_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_209_3.tif", + "label": "train/gi_codex_209_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_211_2.tif", + "label": "train/gi_codex_211_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_213_2.tif", + "label": "train/gi_codex_213_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_213_3.tif", + "label": "train/gi_codex_213_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_214_1.tif", + "label": "train/gi_codex_214_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_216_2.tif", + "label": "train/gi_codex_216_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_217_2.tif", + "label": "train/gi_codex_217_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_218_2.tif", + "label": "train/gi_codex_218_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_219_0.tif", + "label": "train/gi_codex_219_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_221_1.tif", + "label": "train/gi_codex_221_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_223_1.tif", + "label": "train/gi_codex_223_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_224_0.tif", + "label": "train/gi_codex_224_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_224_2.tif", + "label": "train/gi_codex_224_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_224_3.tif", + "label": "train/gi_codex_224_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_225_2.tif", + "label": "train/gi_codex_225_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_226_2.tif", + "label": "train/gi_codex_226_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_227_1.tif", + "label": "train/gi_codex_227_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_227_3.tif", + "label": "train/gi_codex_227_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_228_1.tif", + "label": "train/gi_codex_228_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_229_2.tif", + "label": "train/gi_codex_229_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_232_1.tif", + "label": "train/gi_codex_232_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_233_0.tif", + "label": "train/gi_codex_233_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_234_0.tif", + "label": "train/gi_codex_234_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_239_1.tif", + "label": "train/gi_codex_239_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_239_2.tif", + "label": "train/gi_codex_239_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_241_1.tif", + "label": "train/gi_codex_241_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_246_3.tif", + "label": "train/gi_codex_246_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_247_2.tif", + "label": "train/gi_codex_247_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_249_0.tif", + "label": "train/gi_codex_249_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_250_2.tif", + "label": "train/gi_codex_250_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_252_0.tif", + "label": "train/gi_codex_252_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_252_1.tif", + "label": "train/gi_codex_252_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_252_3.tif", + "label": "train/gi_codex_252_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_253_0.tif", + "label": "train/gi_codex_253_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_254_0.tif", + "label": "train/gi_codex_254_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_256_2.tif", + "label": "train/gi_codex_256_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_257_0.tif", + "label": "train/gi_codex_257_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_259_2.tif", + "label": "train/gi_codex_259_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_259_3.tif", + "label": "train/gi_codex_259_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_260_1.tif", + "label": "train/gi_codex_260_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_261_3.tif", + "label": "train/gi_codex_261_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_262_2.tif", + "label": "train/gi_codex_262_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_265_0.tif", + "label": "train/gi_codex_265_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_0_0.tif", + "label": "train/gi_mibi_0_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_0_1.tif", + "label": "train/gi_mibi_0_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_1_3.tif", + "label": "train/gi_mibi_1_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_3_1.tif", + "label": "train/gi_mibi_3_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_4_0.tif", + "label": "train/gi_mibi_4_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_6_1.tif", + "label": "train/gi_mibi_6_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_9_0.tif", + "label": "train/gi_mibi_9_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_10_0.tif", + "label": "train/gi_mibi_10_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_12_2.tif", + "label": "train/gi_mibi_12_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_15_2.tif", + "label": "train/gi_mibi_15_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_16_3.tif", + "label": "train/gi_mibi_16_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_17_3.tif", + "label": "train/gi_mibi_17_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_19_1.tif", + "label": "train/gi_mibi_19_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_19_2.tif", + "label": "train/gi_mibi_19_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_19_3.tif", + "label": "train/gi_mibi_19_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_20_1.tif", + "label": "train/gi_mibi_20_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_20_3.tif", + "label": "train/gi_mibi_20_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_21_1.tif", + "label": "train/gi_mibi_21_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_22_1.tif", + "label": "train/gi_mibi_22_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_23_0.tif", + "label": "train/gi_mibi_23_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_23_3.tif", + "label": "train/gi_mibi_23_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_24_2.tif", + "label": "train/gi_mibi_24_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_24_3.tif", + "label": "train/gi_mibi_24_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_27_1.tif", + "label": "train/gi_mibi_27_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_28_2.tif", + "label": "train/gi_mibi_28_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_28_3.tif", + "label": "train/gi_mibi_28_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_32_2.tif", + "label": "train/gi_mibi_32_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_33_0.tif", + "label": "train/gi_mibi_33_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_36_0.tif", + "label": "train/gi_mibi_36_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_36_2.tif", + "label": "train/gi_mibi_36_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_40_2.tif", + "label": "train/gi_mibi_40_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_40_3.tif", + "label": "train/gi_mibi_40_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_42_2.tif", + "label": "train/gi_mibi_42_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_43_0.tif", + "label": "train/gi_mibi_43_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_44_1.tif", + "label": "train/gi_mibi_44_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_45_2.tif", + "label": "train/gi_mibi_45_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_45_3.tif", + "label": "train/gi_mibi_45_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_46_0.tif", + "label": "train/gi_mibi_46_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_47_3.tif", + "label": "train/gi_mibi_47_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_49_0.tif", + "label": "train/gi_mibi_49_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_50_0.tif", + "label": "train/gi_mibi_50_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_51_3.tif", + "label": "train/gi_mibi_51_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_54_1.tif", + "label": "train/gi_mibi_54_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_57_0.tif", + "label": "train/gi_mibi_57_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_58_0.tif", + "label": "train/gi_mibi_58_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_58_3.tif", + "label": "train/gi_mibi_58_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_61_0.tif", + "label": "train/gi_mibi_61_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_63_0.tif", + "label": "train/gi_mibi_63_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_64_2.tif", + "label": "train/gi_mibi_64_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_66_2.tif", + "label": "train/gi_mibi_66_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_67_2.tif", + "label": "train/gi_mibi_67_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_68_0.tif", + "label": "train/gi_mibi_68_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_72_1.tif", + "label": "train/gi_mibi_72_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_77_3.tif", + "label": "train/gi_mibi_77_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_78_1.tif", + "label": "train/gi_mibi_78_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_79_1.tif", + "label": "train/gi_mibi_79_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_79_2.tif", + "label": "train/gi_mibi_79_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_80_0.tif", + "label": "train/gi_mibi_80_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_80_1.tif", + "label": "train/gi_mibi_80_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_80_2.tif", + "label": "train/gi_mibi_80_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_80_3.tif", + "label": "train/gi_mibi_80_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_81_3.tif", + "label": "train/gi_mibi_81_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_82_2.tif", + "label": "train/gi_mibi_82_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_82_3.tif", + "label": "train/gi_mibi_82_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_83_2.tif", + "label": "train/gi_mibi_83_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_84_1.tif", + "label": "train/gi_mibi_84_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_85_0.tif", + "label": "train/gi_mibi_85_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_87_1.tif", + "label": "train/gi_mibi_87_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_90_3.tif", + "label": "train/gi_mibi_90_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_91_2.tif", + "label": "train/gi_mibi_91_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_93_0.tif", + "label": "train/gi_mibi_93_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_94_1.tif", + "label": "train/gi_mibi_94_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_94_2.tif", + "label": "train/gi_mibi_94_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_96_0.tif", + "label": "train/gi_mibi_96_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_96_2.tif", + "label": "train/gi_mibi_96_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_97_0.tif", + "label": "train/gi_mibi_97_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_99_3.tif", + "label": "train/gi_mibi_99_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_106_2.tif", + "label": "train/gi_mibi_106_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_108_0.tif", + "label": "train/gi_mibi_108_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_108_2.tif", + "label": "train/gi_mibi_108_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_109_1.tif", + "label": "train/gi_mibi_109_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_110_0.tif", + "label": "train/gi_mibi_110_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_113_1.tif", + "label": "train/gi_mibi_113_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_113_2.tif", + "label": "train/gi_mibi_113_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_113_3.tif", + "label": "train/gi_mibi_113_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_118_1.tif", + "label": "train/gi_mibi_118_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_118_3.tif", + "label": "train/gi_mibi_118_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_119_2.tif", + "label": "train/gi_mibi_119_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_120_0.tif", + "label": "train/gi_mibi_120_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_120_2.tif", + "label": "train/gi_mibi_120_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_121_0.tif", + "label": "train/gi_mibi_121_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_121_3.tif", + "label": "train/gi_mibi_121_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_122_0.tif", + "label": "train/gi_mibi_122_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_122_2.tif", + "label": "train/gi_mibi_122_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_123_0.tif", + "label": "train/gi_mibi_123_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_123_3.tif", + "label": "train/gi_mibi_123_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_124_1.tif", + "label": "train/gi_mibi_124_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_124_2.tif", + "label": "train/gi_mibi_124_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_125_0.tif", + "label": "train/gi_mibi_125_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_126_1.tif", + "label": "train/gi_mibi_126_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_128_1.tif", + "label": "train/gi_mibi_128_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_128_2.tif", + "label": "train/gi_mibi_128_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_128_3.tif", + "label": "train/gi_mibi_128_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_130_0.tif", + "label": "train/gi_mibi_130_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_130_3.tif", + "label": "train/gi_mibi_130_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_131_0.tif", + "label": "train/gi_mibi_131_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_132_3.tif", + "label": "train/gi_mibi_132_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_135_0.tif", + "label": "train/gi_mibi_135_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_135_1.tif", + "label": "train/gi_mibi_135_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_135_2.tif", + "label": "train/gi_mibi_135_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_135_3.tif", + "label": "train/gi_mibi_135_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_136_2.tif", + "label": "train/gi_mibi_136_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_136_3.tif", + "label": "train/gi_mibi_136_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_137_1.tif", + "label": "train/gi_mibi_137_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_141_0.tif", + "label": "train/gi_mibi_141_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_141_1.tif", + "label": "train/gi_mibi_141_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_144_1.tif", + "label": "train/gi_mibi_144_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_145_0.tif", + "label": "train/gi_mibi_145_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_145_2.tif", + "label": "train/gi_mibi_145_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_146_2.tif", + "label": "train/gi_mibi_146_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_147_0.tif", + "label": "train/gi_mibi_147_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_147_2.tif", + "label": "train/gi_mibi_147_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_148_3.tif", + "label": "train/gi_mibi_148_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_151_0.tif", + "label": "train/gi_mibi_151_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_152_1.tif", + "label": "train/gi_mibi_152_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_152_2.tif", + "label": "train/gi_mibi_152_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_156_3.tif", + "label": "train/gi_mibi_156_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_158_1.tif", + "label": "train/gi_mibi_158_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_158_2.tif", + "label": "train/gi_mibi_158_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_159_2.tif", + "label": "train/gi_mibi_159_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_159_3.tif", + "label": "train/gi_mibi_159_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_160_3.tif", + "label": "train/gi_mibi_160_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_163_0.tif", + "label": "train/gi_mibi_163_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_164_1.tif", + "label": "train/gi_mibi_164_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_164_3.tif", + "label": "train/gi_mibi_164_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_165_0.tif", + "label": "train/gi_mibi_165_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_165_1.tif", + "label": "train/gi_mibi_165_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_165_2.tif", + "label": "train/gi_mibi_165_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_166_1.tif", + "label": "train/gi_mibi_166_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_167_2.tif", + "label": "train/gi_mibi_167_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_167_3.tif", + "label": "train/gi_mibi_167_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_168_0.tif", + "label": "train/gi_mibi_168_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_171_0.tif", + "label": "train/gi_mibi_171_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_171_1.tif", + "label": "train/gi_mibi_171_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_174_1.tif", + "label": "train/gi_mibi_174_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_175_1.tif", + "label": "train/gi_mibi_175_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_176_0.tif", + "label": "train/gi_mibi_176_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_178_2.tif", + "label": "train/gi_mibi_178_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_179_1.tif", + "label": "train/gi_mibi_179_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_181_3.tif", + "label": "train/gi_mibi_181_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_182_2.tif", + "label": "train/gi_mibi_182_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_185_0.tif", + "label": "train/gi_mibi_185_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_185_1.tif", + "label": "train/gi_mibi_185_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_186_2.tif", + "label": "train/gi_mibi_186_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_187_0.tif", + "label": "train/gi_mibi_187_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_187_1.tif", + "label": "train/gi_mibi_187_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_188_3.tif", + "label": "train/gi_mibi_188_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_191_0.tif", + "label": "train/gi_mibi_191_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_191_1.tif", + "label": "train/gi_mibi_191_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_196_0.tif", + "label": "train/gi_mibi_196_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_197_3.tif", + "label": "train/gi_mibi_197_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_198_0.tif", + "label": "train/gi_mibi_198_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_199_2.tif", + "label": "train/gi_mibi_199_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_202_3.tif", + "label": "train/gi_mibi_202_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_204_1.tif", + "label": "train/gi_mibi_204_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_205_0.tif", + "label": "train/gi_mibi_205_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_207_0.tif", + "label": "train/gi_mibi_207_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_207_3.tif", + "label": "train/gi_mibi_207_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_210_2.tif", + "label": "train/gi_mibi_210_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_213_1.tif", + "label": "train/gi_mibi_213_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_214_1.tif", + "label": "train/gi_mibi_214_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_214_2.tif", + "label": "train/gi_mibi_214_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_215_1.tif", + "label": "train/gi_mibi_215_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_216_1.tif", + "label": "train/gi_mibi_216_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_217_0.tif", + "label": "train/gi_mibi_217_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_220_3.tif", + "label": "train/gi_mibi_220_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_222_1.tif", + "label": "train/gi_mibi_222_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_223_2.tif", + "label": "train/gi_mibi_223_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_225_0.tif", + "label": "train/gi_mibi_225_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_225_1.tif", + "label": "train/gi_mibi_225_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_225_3.tif", + "label": "train/gi_mibi_225_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_228_2.tif", + "label": "train/gi_mibi_228_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_232_0.tif", + "label": "train/gi_mibi_232_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_233_3.tif", + "label": "train/gi_mibi_233_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_236_3.tif", + "label": "train/gi_mibi_236_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_239_2.tif", + "label": "train/gi_mibi_239_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_240_2.tif", + "label": "train/gi_mibi_240_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_241_0.tif", + "label": "train/gi_mibi_241_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_242_0.tif", + "label": "train/gi_mibi_242_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_245_2.tif", + "label": "train/gi_mibi_245_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_245_3.tif", + "label": "train/gi_mibi_245_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_246_1.tif", + "label": "train/gi_mibi_246_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_248_0.tif", + "label": "train/gi_mibi_248_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_249_0.tif", + "label": "train/gi_mibi_249_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_249_2.tif", + "label": "train/gi_mibi_249_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_249_3.tif", + "label": "train/gi_mibi_249_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_250_0.tif", + "label": "train/gi_mibi_250_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_252_1.tif", + "label": "train/gi_mibi_252_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_254_2.tif", + "label": "train/gi_mibi_254_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_260_0.tif", + "label": "train/gi_mibi_260_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_261_0.tif", + "label": "train/gi_mibi_261_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_261_1.tif", + "label": "train/gi_mibi_261_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_261_3.tif", + "label": "train/gi_mibi_261_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_262_2.tif", + "label": "train/gi_mibi_262_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_262_3.tif", + "label": "train/gi_mibi_262_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_263_1.tif", + "label": "train/gi_mibi_263_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_263_2.tif", + "label": "train/gi_mibi_263_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_263_3.tif", + "label": "train/gi_mibi_263_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_266_0.tif", + "label": "train/gi_mibi_266_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_266_1.tif", + "label": "train/gi_mibi_266_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_266_2.tif", + "label": "train/gi_mibi_266_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_266_3.tif", + "label": "train/gi_mibi_266_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_267_1.tif", + "label": "train/gi_mibi_267_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_268_0.tif", + "label": "train/gi_mibi_268_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_269_2.tif", + "label": "train/gi_mibi_269_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_272_3.tif", + "label": "train/gi_mibi_272_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_273_0.tif", + "label": "train/gi_mibi_273_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_274_0.tif", + "label": "train/gi_mibi_274_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_274_1.tif", + "label": "train/gi_mibi_274_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_275_1.tif", + "label": "train/gi_mibi_275_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_275_2.tif", + "label": "train/gi_mibi_275_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_276_0.tif", + "label": "train/gi_mibi_276_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_277_1.tif", + "label": "train/gi_mibi_277_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_278_1.tif", + "label": "train/gi_mibi_278_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_278_3.tif", + "label": "train/gi_mibi_278_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_281_0.tif", + "label": "train/gi_mibi_281_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_281_3.tif", + "label": "train/gi_mibi_281_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_283_0.tif", + "label": "train/gi_mibi_283_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_283_2.tif", + "label": "train/gi_mibi_283_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_285_3.tif", + "label": "train/gi_mibi_285_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_287_1.tif", + "label": "train/gi_mibi_287_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_290_3.tif", + "label": "train/gi_mibi_290_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_292_3.tif", + "label": "train/gi_mibi_292_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_293_1.tif", + "label": "train/gi_mibi_293_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_293_2.tif", + "label": "train/gi_mibi_293_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_296_0.tif", + "label": "train/gi_mibi_296_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_296_2.tif", + "label": "train/gi_mibi_296_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_297_1.tif", + "label": "train/gi_mibi_297_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_299_3.tif", + "label": "train/gi_mibi_299_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_300_0.tif", + "label": "train/gi_mibi_300_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_301_0.tif", + "label": "train/gi_mibi_301_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_301_3.tif", + "label": "train/gi_mibi_301_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_302_2.tif", + "label": "train/gi_mibi_302_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_303_3.tif", + "label": "train/gi_mibi_303_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_304_2.tif", + "label": "train/gi_mibi_304_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_305_1.tif", + "label": "train/gi_mibi_305_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_307_2.tif", + "label": "train/gi_mibi_307_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_310_2.tif", + "label": "train/gi_mibi_310_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_310_3.tif", + "label": "train/gi_mibi_310_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_311_2.tif", + "label": "train/gi_mibi_311_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_313_2.tif", + "label": "train/gi_mibi_313_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_314_0.tif", + "label": "train/gi_mibi_314_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_316_0.tif", + "label": "train/gi_mibi_316_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_317_1.tif", + "label": "train/gi_mibi_317_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_317_2.tif", + "label": "train/gi_mibi_317_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_318_0.tif", + "label": "train/gi_mibi_318_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_318_1.tif", + "label": "train/gi_mibi_318_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_318_2.tif", + "label": "train/gi_mibi_318_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_320_2.tif", + "label": "train/gi_mibi_320_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_320_3.tif", + "label": "train/gi_mibi_320_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_321_1.tif", + "label": "train/gi_mibi_321_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_321_3.tif", + "label": "train/gi_mibi_321_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_322_0.tif", + "label": "train/gi_mibi_322_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_322_3.tif", + "label": "train/gi_mibi_322_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_323_3.tif", + "label": "train/gi_mibi_323_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_327_1.tif", + "label": "train/gi_mibi_327_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_327_2.tif", + "label": "train/gi_mibi_327_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_329_3.tif", + "label": "train/gi_mibi_329_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_330_3.tif", + "label": "train/gi_mibi_330_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_0_3.tif", + "label": "train/gi_mxif_0_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_2_0.tif", + "label": "train/gi_mxif_2_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_4_3.tif", + "label": "train/gi_mxif_4_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_5_2.tif", + "label": "train/gi_mxif_5_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_6_2.tif", + "label": "train/gi_mxif_6_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_6_3.tif", + "label": "train/gi_mxif_6_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_8_1.tif", + "label": "train/gi_mxif_8_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_8_2.tif", + "label": "train/gi_mxif_8_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_8_3.tif", + "label": "train/gi_mxif_8_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_10_2.tif", + "label": "train/gi_mxif_10_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_11_3.tif", + "label": "train/gi_mxif_11_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_12_0.tif", + "label": "train/gi_mxif_12_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_14_3.tif", + "label": "train/gi_mxif_14_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_15_1.tif", + "label": "train/gi_mxif_15_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_16_3.tif", + "label": "train/gi_mxif_16_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_18_2.tif", + "label": "train/gi_mxif_18_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_19_3.tif", + "label": "train/gi_mxif_19_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_24_1.tif", + "label": "train/gi_mxif_24_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_26_3.tif", + "label": "train/gi_mxif_26_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_27_1.tif", + "label": "train/gi_mxif_27_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_30_3.tif", + "label": "train/gi_mxif_30_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_34_0.tif", + "label": "train/gi_mxif_34_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_34_3.tif", + "label": "train/gi_mxif_34_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_39_0.tif", + "label": "train/gi_mxif_39_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_40_1.tif", + "label": "train/gi_mxif_40_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_41_3.tif", + "label": "train/gi_mxif_41_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_42_3.tif", + "label": "train/gi_mxif_42_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_43_2.tif", + "label": "train/gi_mxif_43_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_44_0.tif", + "label": "train/gi_mxif_44_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_44_1.tif", + "label": "train/gi_mxif_44_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_45_3.tif", + "label": "train/gi_mxif_45_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_48_1.tif", + "label": "train/gi_mxif_48_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_48_3.tif", + "label": "train/gi_mxif_48_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_51_1.tif", + "label": "train/gi_mxif_51_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_52_0.tif", + "label": "train/gi_mxif_52_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_53_2.tif", + "label": "train/gi_mxif_53_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_53_3.tif", + "label": "train/gi_mxif_53_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_56_0.tif", + "label": "train/gi_mxif_56_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_56_1.tif", + "label": "train/gi_mxif_56_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_56_3.tif", + "label": "train/gi_mxif_56_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_62_2.tif", + "label": "train/gi_mxif_62_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_62_3.tif", + "label": "train/gi_mxif_62_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_64_2.tif", + "label": "train/gi_mxif_64_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_66_0.tif", + "label": "train/gi_mxif_66_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_66_1.tif", + "label": "train/gi_mxif_66_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_68_0.tif", + "label": "train/gi_mxif_68_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_70_0.tif", + "label": "train/gi_mxif_70_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_72_0.tif", + "label": "train/gi_mxif_72_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_73_1.tif", + "label": "train/gi_mxif_73_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_74_3.tif", + "label": "train/gi_mxif_74_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_77_0.tif", + "label": "train/gi_mxif_77_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_79_0.tif", + "label": "train/gi_mxif_79_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_79_1.tif", + "label": "train/gi_mxif_79_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_80_1.tif", + "label": "train/gi_mxif_80_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_81_2.tif", + "label": "train/gi_mxif_81_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_83_2.tif", + "label": "train/gi_mxif_83_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_83_3.tif", + "label": "train/gi_mxif_83_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_86_1.tif", + "label": "train/gi_mxif_86_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_86_2.tif", + "label": "train/gi_mxif_86_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_86_3.tif", + "label": "train/gi_mxif_86_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_87_2.tif", + "label": "train/gi_mxif_87_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_88_1.tif", + "label": "train/gi_mxif_88_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_90_1.tif", + "label": "train/gi_mxif_90_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_90_3.tif", + "label": "train/gi_mxif_90_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_94_0.tif", + "label": "train/gi_mxif_94_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_94_1.tif", + "label": "train/gi_mxif_94_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_94_2.tif", + "label": "train/gi_mxif_94_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_96_3.tif", + "label": "train/gi_mxif_96_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_99_0.tif", + "label": "train/gi_mxif_99_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_99_1.tif", + "label": "train/gi_mxif_99_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_100_2.tif", + "label": "train/gi_mxif_100_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_101_1.tif", + "label": "train/gi_mxif_101_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_102_0.tif", + "label": "train/gi_mxif_102_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_103_1.tif", + "label": "train/gi_mxif_103_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_104_2.tif", + "label": "train/gi_mxif_104_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_104_3.tif", + "label": "train/gi_mxif_104_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_106_0.tif", + "label": "train/gi_mxif_106_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_106_1.tif", + "label": "train/gi_mxif_106_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_106_3.tif", + "label": "train/gi_mxif_106_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_107_3.tif", + "label": "train/gi_mxif_107_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_110_1.tif", + "label": "train/gi_mxif_110_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_111_1.tif", + "label": "train/gi_mxif_111_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_112_1.tif", + "label": "train/gi_mxif_112_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_113_0.tif", + "label": "train/gi_mxif_113_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_114_3.tif", + "label": "train/gi_mxif_114_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_115_0.tif", + "label": "train/gi_mxif_115_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_115_2.tif", + "label": "train/gi_mxif_115_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_119_0.tif", + "label": "train/gi_mxif_119_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_119_1.tif", + "label": "train/gi_mxif_119_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_119_3.tif", + "label": "train/gi_mxif_119_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_120_0.tif", + "label": "train/gi_mxif_120_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_121_2.tif", + "label": "train/gi_mxif_121_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_122_0.tif", + "label": "train/gi_mxif_122_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_122_3.tif", + "label": "train/gi_mxif_122_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_123_0.tif", + "label": "train/gi_mxif_123_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_123_1.tif", + "label": "train/gi_mxif_123_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_123_2.tif", + "label": "train/gi_mxif_123_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_125_3.tif", + "label": "train/gi_mxif_125_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_126_3.tif", + "label": "train/gi_mxif_126_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_127_1.tif", + "label": "train/gi_mxif_127_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_127_2.tif", + "label": "train/gi_mxif_127_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_127_3.tif", + "label": "train/gi_mxif_127_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_129_0.tif", + "label": "train/gi_mxif_129_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_129_3.tif", + "label": "train/gi_mxif_129_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_131_0.tif", + "label": "train/gi_mxif_131_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_131_3.tif", + "label": "train/gi_mxif_131_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_132_3.tif", + "label": "train/gi_mxif_132_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_133_0.tif", + "label": "train/gi_mxif_133_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_135_1.tif", + "label": "train/gi_mxif_135_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_142_2.tif", + "label": "train/gi_mxif_142_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_143_2.tif", + "label": "train/gi_mxif_143_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_145_0.tif", + "label": "train/gi_mxif_145_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_145_2.tif", + "label": "train/gi_mxif_145_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_145_3.tif", + "label": "train/gi_mxif_145_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_146_0.tif", + "label": "train/gi_mxif_146_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_146_2.tif", + "label": "train/gi_mxif_146_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_146_3.tif", + "label": "train/gi_mxif_146_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_147_0.tif", + "label": "train/gi_mxif_147_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_147_1.tif", + "label": "train/gi_mxif_147_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_151_3.tif", + "label": "train/gi_mxif_151_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_155_1.tif", + "label": "train/gi_mxif_155_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_156_3.tif", + "label": "train/gi_mxif_156_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_157_2.tif", + "label": "train/gi_mxif_157_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_160_1.tif", + "label": "train/gi_mxif_160_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_160_3.tif", + "label": "train/gi_mxif_160_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_161_0.tif", + "label": "train/gi_mxif_161_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_163_3.tif", + "label": "train/gi_mxif_163_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_165_2.tif", + "label": "train/gi_mxif_165_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_168_1.tif", + "label": "train/gi_mxif_168_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_169_3.tif", + "label": "train/gi_mxif_169_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_170_0.tif", + "label": "train/gi_mxif_170_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_171_3.tif", + "label": "train/gi_mxif_171_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_173_2.tif", + "label": "train/gi_mxif_173_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_174_1.tif", + "label": "train/gi_mxif_174_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_174_3.tif", + "label": "train/gi_mxif_174_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_175_0.tif", + "label": "train/gi_mxif_175_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_175_3.tif", + "label": "train/gi_mxif_175_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_177_0.tif", + "label": "train/gi_mxif_177_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_178_0.tif", + "label": "train/gi_mxif_178_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_178_1.tif", + "label": "train/gi_mxif_178_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_180_0.tif", + "label": "train/gi_mxif_180_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_183_0.tif", + "label": "train/gi_mxif_183_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_183_3.tif", + "label": "train/gi_mxif_183_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_0_1.tif", + "label": "train/gi_codex_0_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_2_3.tif", + "label": "train/gi_codex_2_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_4_0.tif", + "label": "train/gi_codex_4_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_5_3.tif", + "label": "train/gi_codex_5_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_7_2.tif", + "label": "train/gi_codex_7_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_8_0.tif", + "label": "train/gi_codex_8_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_8_3.tif", + "label": "train/gi_codex_8_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_14_0.tif", + "label": "train/gi_codex_14_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_19_0.tif", + "label": "train/gi_codex_19_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_20_2.tif", + "label": "train/gi_codex_20_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_22_1.tif", + "label": "train/gi_codex_22_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_22_2.tif", + "label": "train/gi_codex_22_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_23_1.tif", + "label": "train/gi_codex_23_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_23_2.tif", + "label": "train/gi_codex_23_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_28_3.tif", + "label": "train/gi_codex_28_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_29_3.tif", + "label": "train/gi_codex_29_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_31_0.tif", + "label": "train/gi_codex_31_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_32_2.tif", + "label": "train/gi_codex_32_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_33_2.tif", + "label": "train/gi_codex_33_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_34_1.tif", + "label": "train/gi_codex_34_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_35_0.tif", + "label": "train/gi_codex_35_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_37_0.tif", + "label": "train/gi_codex_37_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_41_2.tif", + "label": "train/gi_codex_41_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_43_1.tif", + "label": "train/gi_codex_43_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_45_2.tif", + "label": "train/gi_codex_45_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_46_2.tif", + "label": "train/gi_codex_46_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_47_0.tif", + "label": "train/gi_codex_47_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_47_1.tif", + "label": "train/gi_codex_47_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_47_2.tif", + "label": "train/gi_codex_47_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_47_3.tif", + "label": "train/gi_codex_47_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_48_2.tif", + "label": "train/gi_codex_48_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_49_0.tif", + "label": "train/gi_codex_49_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_49_3.tif", + "label": "train/gi_codex_49_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_50_0.tif", + "label": "train/gi_codex_50_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_51_2.tif", + "label": "train/gi_codex_51_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_52_0.tif", + "label": "train/gi_codex_52_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_54_0.tif", + "label": "train/gi_codex_54_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_54_3.tif", + "label": "train/gi_codex_54_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_55_1.tif", + "label": "train/gi_codex_55_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_56_2.tif", + "label": "train/gi_codex_56_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_57_0.tif", + "label": "train/gi_codex_57_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_58_1.tif", + "label": "train/gi_codex_58_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_59_0.tif", + "label": "train/gi_codex_59_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_60_1.tif", + "label": "train/gi_codex_60_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_60_2.tif", + "label": "train/gi_codex_60_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_62_2.tif", + "label": "train/gi_codex_62_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_63_2.tif", + "label": "train/gi_codex_63_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_64_1.tif", + "label": "train/gi_codex_64_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_64_2.tif", + "label": "train/gi_codex_64_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_67_0.tif", + "label": "train/gi_codex_67_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_67_2.tif", + "label": "train/gi_codex_67_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_68_3.tif", + "label": "train/gi_codex_68_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_70_0.tif", + "label": "train/gi_codex_70_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_71_3.tif", + "label": "train/gi_codex_71_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_72_0.tif", + "label": "train/gi_codex_72_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_75_2.tif", + "label": "train/gi_codex_75_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_81_1.tif", + "label": "train/gi_codex_81_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_82_1.tif", + "label": "train/gi_codex_82_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_82_3.tif", + "label": "train/gi_codex_82_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_84_2.tif", + "label": "train/gi_codex_84_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_85_1.tif", + "label": "train/gi_codex_85_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_87_0.tif", + "label": "train/gi_codex_87_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_87_2.tif", + "label": "train/gi_codex_87_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_88_1.tif", + "label": "train/gi_codex_88_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_91_0.tif", + "label": "train/gi_codex_91_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_92_0.tif", + "label": "train/gi_codex_92_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_93_3.tif", + "label": "train/gi_codex_93_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_99_1.tif", + "label": "train/gi_codex_99_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_101_2.tif", + "label": "train/gi_codex_101_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_103_2.tif", + "label": "train/gi_codex_103_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_104_2.tif", + "label": "train/gi_codex_104_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_105_1.tif", + "label": "train/gi_codex_105_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_105_2.tif", + "label": "train/gi_codex_105_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_106_1.tif", + "label": "train/gi_codex_106_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_107_1.tif", + "label": "train/gi_codex_107_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_109_3.tif", + "label": "train/gi_codex_109_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_110_1.tif", + "label": "train/gi_codex_110_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_110_3.tif", + "label": "train/gi_codex_110_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_111_0.tif", + "label": "train/gi_codex_111_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_111_2.tif", + "label": "train/gi_codex_111_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_111_3.tif", + "label": "train/gi_codex_111_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_113_0.tif", + "label": "train/gi_codex_113_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_113_1.tif", + "label": "train/gi_codex_113_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_114_1.tif", + "label": "train/gi_codex_114_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_114_3.tif", + "label": "train/gi_codex_114_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_117_0.tif", + "label": "train/gi_codex_117_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_117_2.tif", + "label": "train/gi_codex_117_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_119_0.tif", + "label": "train/gi_codex_119_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_119_1.tif", + "label": "train/gi_codex_119_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_120_0.tif", + "label": "train/gi_codex_120_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_121_1.tif", + "label": "train/gi_codex_121_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_121_2.tif", + "label": "train/gi_codex_121_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_123_0.tif", + "label": "train/gi_codex_123_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_123_1.tif", + "label": "train/gi_codex_123_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_125_1.tif", + "label": "train/gi_codex_125_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_125_3.tif", + "label": "train/gi_codex_125_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_127_0.tif", + "label": "train/gi_codex_127_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_127_2.tif", + "label": "train/gi_codex_127_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_128_2.tif", + "label": "train/gi_codex_128_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_133_1.tif", + "label": "train/gi_codex_133_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_135_3.tif", + "label": "train/gi_codex_135_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_136_0.tif", + "label": "train/gi_codex_136_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_137_1.tif", + "label": "train/gi_codex_137_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_137_3.tif", + "label": "train/gi_codex_137_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_138_3.tif", + "label": "train/gi_codex_138_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_139_1.tif", + "label": "train/gi_codex_139_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_139_3.tif", + "label": "train/gi_codex_139_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_140_1.tif", + "label": "train/gi_codex_140_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_142_1.tif", + "label": "train/gi_codex_142_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_143_0.tif", + "label": "train/gi_codex_143_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_143_1.tif", + "label": "train/gi_codex_143_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_143_2.tif", + "label": "train/gi_codex_143_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_144_3.tif", + "label": "train/gi_codex_144_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_146_1.tif", + "label": "train/gi_codex_146_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_146_3.tif", + "label": "train/gi_codex_146_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_148_0.tif", + "label": "train/gi_codex_148_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_151_3.tif", + "label": "train/gi_codex_151_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_152_0.tif", + "label": "train/gi_codex_152_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_153_0.tif", + "label": "train/gi_codex_153_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_153_2.tif", + "label": "train/gi_codex_153_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_153_3.tif", + "label": "train/gi_codex_153_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_154_0.tif", + "label": "train/gi_codex_154_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_155_3.tif", + "label": "train/gi_codex_155_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_156_3.tif", + "label": "train/gi_codex_156_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_158_0.tif", + "label": "train/gi_codex_158_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_158_3.tif", + "label": "train/gi_codex_158_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_159_2.tif", + "label": "train/gi_codex_159_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_159_3.tif", + "label": "train/gi_codex_159_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_160_2.tif", + "label": "train/gi_codex_160_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_161_0.tif", + "label": "train/gi_codex_161_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_161_1.tif", + "label": "train/gi_codex_161_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_162_2.tif", + "label": "train/gi_codex_162_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_163_1.tif", + "label": "train/gi_codex_163_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_163_2.tif", + "label": "train/gi_codex_163_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_163_3.tif", + "label": "train/gi_codex_163_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_165_0.tif", + "label": "train/gi_codex_165_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_167_2.tif", + "label": "train/gi_codex_167_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_168_2.tif", + "label": "train/gi_codex_168_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_169_3.tif", + "label": "train/gi_codex_169_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_170_0.tif", + "label": "train/gi_codex_170_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_170_1.tif", + "label": "train/gi_codex_170_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_170_3.tif", + "label": "train/gi_codex_170_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_172_1.tif", + "label": "train/gi_codex_172_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_173_0.tif", + "label": "train/gi_codex_173_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_173_1.tif", + "label": "train/gi_codex_173_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_175_3.tif", + "label": "train/gi_codex_175_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_177_0.tif", + "label": "train/gi_codex_177_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_177_1.tif", + "label": "train/gi_codex_177_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_177_3.tif", + "label": "train/gi_codex_177_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_178_0.tif", + "label": "train/gi_codex_178_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_180_0.tif", + "label": "train/gi_codex_180_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_183_1.tif", + "label": "train/gi_codex_183_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_183_3.tif", + "label": "train/gi_codex_183_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_184_0.tif", + "label": "train/gi_codex_184_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_184_1.tif", + "label": "train/gi_codex_184_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_185_3.tif", + "label": "train/gi_codex_185_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_186_1.tif", + "label": "train/gi_codex_186_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_190_0.tif", + "label": "train/gi_codex_190_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_190_3.tif", + "label": "train/gi_codex_190_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_191_0.tif", + "label": "train/gi_codex_191_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_191_3.tif", + "label": "train/gi_codex_191_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_192_0.tif", + "label": "train/gi_codex_192_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_194_2.tif", + "label": "train/gi_codex_194_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_196_1.tif", + "label": "train/gi_codex_196_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_197_0.tif", + "label": "train/gi_codex_197_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_200_2.tif", + "label": "train/gi_codex_200_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_201_3.tif", + "label": "train/gi_codex_201_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_202_0.tif", + "label": "train/gi_codex_202_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_204_1.tif", + "label": "train/gi_codex_204_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_206_1.tif", + "label": "train/gi_codex_206_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_210_0.tif", + "label": "train/gi_codex_210_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_213_0.tif", + "label": "train/gi_codex_213_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_214_2.tif", + "label": "train/gi_codex_214_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_214_3.tif", + "label": "train/gi_codex_214_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_219_1.tif", + "label": "train/gi_codex_219_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_220_0.tif", + "label": "train/gi_codex_220_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_220_1.tif", + "label": "train/gi_codex_220_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_223_3.tif", + "label": "train/gi_codex_223_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_225_0.tif", + "label": "train/gi_codex_225_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_229_0.tif", + "label": "train/gi_codex_229_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_229_1.tif", + "label": "train/gi_codex_229_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_230_1.tif", + "label": "train/gi_codex_230_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_231_0.tif", + "label": "train/gi_codex_231_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_231_1.tif", + "label": "train/gi_codex_231_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_231_3.tif", + "label": "train/gi_codex_231_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_233_1.tif", + "label": "train/gi_codex_233_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_233_2.tif", + "label": "train/gi_codex_233_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_234_1.tif", + "label": "train/gi_codex_234_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_235_0.tif", + "label": "train/gi_codex_235_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_235_3.tif", + "label": "train/gi_codex_235_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_236_1.tif", + "label": "train/gi_codex_236_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_238_2.tif", + "label": "train/gi_codex_238_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_238_3.tif", + "label": "train/gi_codex_238_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_239_3.tif", + "label": "train/gi_codex_239_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_240_1.tif", + "label": "train/gi_codex_240_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_242_0.tif", + "label": "train/gi_codex_242_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_243_0.tif", + "label": "train/gi_codex_243_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_243_1.tif", + "label": "train/gi_codex_243_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_243_3.tif", + "label": "train/gi_codex_243_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_244_3.tif", + "label": "train/gi_codex_244_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_246_0.tif", + "label": "train/gi_codex_246_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_246_1.tif", + "label": "train/gi_codex_246_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_248_1.tif", + "label": "train/gi_codex_248_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_248_2.tif", + "label": "train/gi_codex_248_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_249_1.tif", + "label": "train/gi_codex_249_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_250_0.tif", + "label": "train/gi_codex_250_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_251_0.tif", + "label": "train/gi_codex_251_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_252_2.tif", + "label": "train/gi_codex_252_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_253_3.tif", + "label": "train/gi_codex_253_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_255_0.tif", + "label": "train/gi_codex_255_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_255_1.tif", + "label": "train/gi_codex_255_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_256_3.tif", + "label": "train/gi_codex_256_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_257_2.tif", + "label": "train/gi_codex_257_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_258_0.tif", + "label": "train/gi_codex_258_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_259_0.tif", + "label": "train/gi_codex_259_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_260_3.tif", + "label": "train/gi_codex_260_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_261_0.tif", + "label": "train/gi_codex_261_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_261_1.tif", + "label": "train/gi_codex_261_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_262_3.tif", + "label": "train/gi_codex_262_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_264_2.tif", + "label": "train/gi_codex_264_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_1_0.tif", + "label": "train/gi_mibi_1_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_1_2.tif", + "label": "train/gi_mibi_1_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_2_1.tif", + "label": "train/gi_mibi_2_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_2_2.tif", + "label": "train/gi_mibi_2_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_5_3.tif", + "label": "train/gi_mibi_5_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_7_2.tif", + "label": "train/gi_mibi_7_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_8_2.tif", + "label": "train/gi_mibi_8_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_9_2.tif", + "label": "train/gi_mibi_9_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_13_1.tif", + "label": "train/gi_mibi_13_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_14_0.tif", + "label": "train/gi_mibi_14_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_16_0.tif", + "label": "train/gi_mibi_16_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_16_1.tif", + "label": "train/gi_mibi_16_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_17_0.tif", + "label": "train/gi_mibi_17_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_18_2.tif", + "label": "train/gi_mibi_18_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_19_0.tif", + "label": "train/gi_mibi_19_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_20_0.tif", + "label": "train/gi_mibi_20_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_21_3.tif", + "label": "train/gi_mibi_21_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_25_0.tif", + "label": "train/gi_mibi_25_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_25_1.tif", + "label": "train/gi_mibi_25_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_26_1.tif", + "label": "train/gi_mibi_26_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_26_3.tif", + "label": "train/gi_mibi_26_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_28_1.tif", + "label": "train/gi_mibi_28_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_30_1.tif", + "label": "train/gi_mibi_30_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_30_2.tif", + "label": "train/gi_mibi_30_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_31_0.tif", + "label": "train/gi_mibi_31_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_31_1.tif", + "label": "train/gi_mibi_31_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_32_1.tif", + "label": "train/gi_mibi_32_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_34_1.tif", + "label": "train/gi_mibi_34_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_35_1.tif", + "label": "train/gi_mibi_35_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_37_3.tif", + "label": "train/gi_mibi_37_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_38_0.tif", + "label": "train/gi_mibi_38_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_38_1.tif", + "label": "train/gi_mibi_38_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_38_2.tif", + "label": "train/gi_mibi_38_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_39_1.tif", + "label": "train/gi_mibi_39_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_39_3.tif", + "label": "train/gi_mibi_39_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_40_0.tif", + "label": "train/gi_mibi_40_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_40_1.tif", + "label": "train/gi_mibi_40_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_41_0.tif", + "label": "train/gi_mibi_41_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_41_2.tif", + "label": "train/gi_mibi_41_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_43_1.tif", + "label": "train/gi_mibi_43_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_43_2.tif", + "label": "train/gi_mibi_43_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_43_3.tif", + "label": "train/gi_mibi_43_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_49_3.tif", + "label": "train/gi_mibi_49_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_50_1.tif", + "label": "train/gi_mibi_50_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_50_2.tif", + "label": "train/gi_mibi_50_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_51_0.tif", + "label": "train/gi_mibi_51_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_51_2.tif", + "label": "train/gi_mibi_51_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_52_1.tif", + "label": "train/gi_mibi_52_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_54_2.tif", + "label": "train/gi_mibi_54_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_56_3.tif", + "label": "train/gi_mibi_56_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_57_2.tif", + "label": "train/gi_mibi_57_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_58_1.tif", + "label": "train/gi_mibi_58_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_59_1.tif", + "label": "train/gi_mibi_59_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_60_3.tif", + "label": "train/gi_mibi_60_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_66_0.tif", + "label": "train/gi_mibi_66_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_67_1.tif", + "label": "train/gi_mibi_67_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_67_3.tif", + "label": "train/gi_mibi_67_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_69_2.tif", + "label": "train/gi_mibi_69_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_70_0.tif", + "label": "train/gi_mibi_70_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_71_1.tif", + "label": "train/gi_mibi_71_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_71_3.tif", + "label": "train/gi_mibi_71_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_72_0.tif", + "label": "train/gi_mibi_72_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_72_3.tif", + "label": "train/gi_mibi_72_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_73_1.tif", + "label": "train/gi_mibi_73_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_73_3.tif", + "label": "train/gi_mibi_73_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_74_3.tif", + "label": "train/gi_mibi_74_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_75_1.tif", + "label": "train/gi_mibi_75_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_79_0.tif", + "label": "train/gi_mibi_79_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_83_0.tif", + "label": "train/gi_mibi_83_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_83_3.tif", + "label": "train/gi_mibi_83_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_84_3.tif", + "label": "train/gi_mibi_84_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_85_3.tif", + "label": "train/gi_mibi_85_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_86_0.tif", + "label": "train/gi_mibi_86_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_86_2.tif", + "label": "train/gi_mibi_86_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_87_0.tif", + "label": "train/gi_mibi_87_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_87_2.tif", + "label": "train/gi_mibi_87_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_88_1.tif", + "label": "train/gi_mibi_88_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_88_3.tif", + "label": "train/gi_mibi_88_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_89_1.tif", + "label": "train/gi_mibi_89_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_90_2.tif", + "label": "train/gi_mibi_90_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_92_0.tif", + "label": "train/gi_mibi_92_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_92_1.tif", + "label": "train/gi_mibi_92_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_92_3.tif", + "label": "train/gi_mibi_92_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_95_3.tif", + "label": "train/gi_mibi_95_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_97_1.tif", + "label": "train/gi_mibi_97_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_97_2.tif", + "label": "train/gi_mibi_97_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_98_1.tif", + "label": "train/gi_mibi_98_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_100_2.tif", + "label": "train/gi_mibi_100_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_101_3.tif", + "label": "train/gi_mibi_101_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_103_1.tif", + "label": "train/gi_mibi_103_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_104_3.tif", + "label": "train/gi_mibi_104_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_108_1.tif", + "label": "train/gi_mibi_108_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_109_2.tif", + "label": "train/gi_mibi_109_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_109_3.tif", + "label": "train/gi_mibi_109_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_110_3.tif", + "label": "train/gi_mibi_110_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_111_0.tif", + "label": "train/gi_mibi_111_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_111_1.tif", + "label": "train/gi_mibi_111_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_112_1.tif", + "label": "train/gi_mibi_112_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_114_0.tif", + "label": "train/gi_mibi_114_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_115_0.tif", + "label": "train/gi_mibi_115_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_115_2.tif", + "label": "train/gi_mibi_115_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_117_0.tif", + "label": "train/gi_mibi_117_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_117_2.tif", + "label": "train/gi_mibi_117_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_117_3.tif", + "label": "train/gi_mibi_117_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_118_0.tif", + "label": "train/gi_mibi_118_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_119_0.tif", + "label": "train/gi_mibi_119_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_121_1.tif", + "label": "train/gi_mibi_121_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_122_3.tif", + "label": "train/gi_mibi_122_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_124_3.tif", + "label": "train/gi_mibi_124_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_125_1.tif", + "label": "train/gi_mibi_125_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_125_2.tif", + "label": "train/gi_mibi_125_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_127_1.tif", + "label": "train/gi_mibi_127_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_131_1.tif", + "label": "train/gi_mibi_131_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_132_1.tif", + "label": "train/gi_mibi_132_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_133_0.tif", + "label": "train/gi_mibi_133_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_133_1.tif", + "label": "train/gi_mibi_133_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_134_1.tif", + "label": "train/gi_mibi_134_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_134_3.tif", + "label": "train/gi_mibi_134_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_136_0.tif", + "label": "train/gi_mibi_136_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_136_1.tif", + "label": "train/gi_mibi_136_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_138_1.tif", + "label": "train/gi_mibi_138_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_139_1.tif", + "label": "train/gi_mibi_139_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_141_3.tif", + "label": "train/gi_mibi_141_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_143_1.tif", + "label": "train/gi_mibi_143_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_144_2.tif", + "label": "train/gi_mibi_144_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_145_1.tif", + "label": "train/gi_mibi_145_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_145_3.tif", + "label": "train/gi_mibi_145_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_146_0.tif", + "label": "train/gi_mibi_146_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_146_1.tif", + "label": "train/gi_mibi_146_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_146_3.tif", + "label": "train/gi_mibi_146_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_147_1.tif", + "label": "train/gi_mibi_147_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_148_1.tif", + "label": "train/gi_mibi_148_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_149_0.tif", + "label": "train/gi_mibi_149_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_152_0.tif", + "label": "train/gi_mibi_152_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_153_1.tif", + "label": "train/gi_mibi_153_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_153_2.tif", + "label": "train/gi_mibi_153_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_154_0.tif", + "label": "train/gi_mibi_154_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_155_3.tif", + "label": "train/gi_mibi_155_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_156_2.tif", + "label": "train/gi_mibi_156_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_158_0.tif", + "label": "train/gi_mibi_158_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_161_0.tif", + "label": "train/gi_mibi_161_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_163_3.tif", + "label": "train/gi_mibi_163_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_166_2.tif", + "label": "train/gi_mibi_166_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_167_0.tif", + "label": "train/gi_mibi_167_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_169_2.tif", + "label": "train/gi_mibi_169_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_170_0.tif", + "label": "train/gi_mibi_170_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_173_2.tif", + "label": "train/gi_mibi_173_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_173_3.tif", + "label": "train/gi_mibi_173_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_175_3.tif", + "label": "train/gi_mibi_175_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_178_0.tif", + "label": "train/gi_mibi_178_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_178_1.tif", + "label": "train/gi_mibi_178_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_179_0.tif", + "label": "train/gi_mibi_179_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_180_0.tif", + "label": "train/gi_mibi_180_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_180_1.tif", + "label": "train/gi_mibi_180_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_184_2.tif", + "label": "train/gi_mibi_184_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_185_3.tif", + "label": "train/gi_mibi_185_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_186_0.tif", + "label": "train/gi_mibi_186_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_188_1.tif", + "label": "train/gi_mibi_188_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_188_2.tif", + "label": "train/gi_mibi_188_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_189_2.tif", + "label": "train/gi_mibi_189_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_190_1.tif", + "label": "train/gi_mibi_190_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_190_2.tif", + "label": "train/gi_mibi_190_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_191_3.tif", + "label": "train/gi_mibi_191_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_192_1.tif", + "label": "train/gi_mibi_192_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_193_0.tif", + "label": "train/gi_mibi_193_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_194_2.tif", + "label": "train/gi_mibi_194_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_196_3.tif", + "label": "train/gi_mibi_196_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_197_0.tif", + "label": "train/gi_mibi_197_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_197_1.tif", + "label": "train/gi_mibi_197_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_197_2.tif", + "label": "train/gi_mibi_197_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_198_2.tif", + "label": "train/gi_mibi_198_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_199_0.tif", + "label": "train/gi_mibi_199_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_199_3.tif", + "label": "train/gi_mibi_199_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_200_0.tif", + "label": "train/gi_mibi_200_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_200_2.tif", + "label": "train/gi_mibi_200_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_204_2.tif", + "label": "train/gi_mibi_204_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_207_1.tif", + "label": "train/gi_mibi_207_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_208_0.tif", + "label": "train/gi_mibi_208_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_208_1.tif", + "label": "train/gi_mibi_208_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_208_3.tif", + "label": "train/gi_mibi_208_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_209_2.tif", + "label": "train/gi_mibi_209_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_210_1.tif", + "label": "train/gi_mibi_210_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_211_1.tif", + "label": "train/gi_mibi_211_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_211_3.tif", + "label": "train/gi_mibi_211_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_213_0.tif", + "label": "train/gi_mibi_213_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_213_2.tif", + "label": "train/gi_mibi_213_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_215_0.tif", + "label": "train/gi_mibi_215_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_218_2.tif", + "label": "train/gi_mibi_218_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_219_3.tif", + "label": "train/gi_mibi_219_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_220_0.tif", + "label": "train/gi_mibi_220_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_220_1.tif", + "label": "train/gi_mibi_220_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_220_2.tif", + "label": "train/gi_mibi_220_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_222_3.tif", + "label": "train/gi_mibi_222_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_223_1.tif", + "label": "train/gi_mibi_223_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_223_3.tif", + "label": "train/gi_mibi_223_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_224_1.tif", + "label": "train/gi_mibi_224_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_224_2.tif", + "label": "train/gi_mibi_224_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_226_2.tif", + "label": "train/gi_mibi_226_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_227_1.tif", + "label": "train/gi_mibi_227_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_230_2.tif", + "label": "train/gi_mibi_230_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_230_3.tif", + "label": "train/gi_mibi_230_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_231_3.tif", + "label": "train/gi_mibi_231_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_232_2.tif", + "label": "train/gi_mibi_232_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_232_3.tif", + "label": "train/gi_mibi_232_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_234_1.tif", + "label": "train/gi_mibi_234_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_235_0.tif", + "label": "train/gi_mibi_235_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_235_2.tif", + "label": "train/gi_mibi_235_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_237_1.tif", + "label": "train/gi_mibi_237_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_238_0.tif", + "label": "train/gi_mibi_238_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_238_2.tif", + "label": "train/gi_mibi_238_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_243_1.tif", + "label": "train/gi_mibi_243_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_246_0.tif", + "label": "train/gi_mibi_246_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_247_2.tif", + "label": "train/gi_mibi_247_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_248_3.tif", + "label": "train/gi_mibi_248_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_250_1.tif", + "label": "train/gi_mibi_250_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_251_2.tif", + "label": "train/gi_mibi_251_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_252_2.tif", + "label": "train/gi_mibi_252_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_253_3.tif", + "label": "train/gi_mibi_253_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_255_1.tif", + "label": "train/gi_mibi_255_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_258_0.tif", + "label": "train/gi_mibi_258_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_259_1.tif", + "label": "train/gi_mibi_259_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_260_2.tif", + "label": "train/gi_mibi_260_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_260_3.tif", + "label": "train/gi_mibi_260_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_261_2.tif", + "label": "train/gi_mibi_261_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_262_0.tif", + "label": "train/gi_mibi_262_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_264_1.tif", + "label": "train/gi_mibi_264_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_267_0.tif", + "label": "train/gi_mibi_267_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_268_2.tif", + "label": "train/gi_mibi_268_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_268_3.tif", + "label": "train/gi_mibi_268_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_270_1.tif", + "label": "train/gi_mibi_270_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_271_2.tif", + "label": "train/gi_mibi_271_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_271_3.tif", + "label": "train/gi_mibi_271_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_273_3.tif", + "label": "train/gi_mibi_273_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_274_2.tif", + "label": "train/gi_mibi_274_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_274_3.tif", + "label": "train/gi_mibi_274_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_276_1.tif", + "label": "train/gi_mibi_276_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_277_2.tif", + "label": "train/gi_mibi_277_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_279_3.tif", + "label": "train/gi_mibi_279_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_280_0.tif", + "label": "train/gi_mibi_280_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_284_1.tif", + "label": "train/gi_mibi_284_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_284_2.tif", + "label": "train/gi_mibi_284_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_286_0.tif", + "label": "train/gi_mibi_286_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_286_1.tif", + "label": "train/gi_mibi_286_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_291_1.tif", + "label": "train/gi_mibi_291_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_294_1.tif", + "label": "train/gi_mibi_294_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_294_2.tif", + "label": "train/gi_mibi_294_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_294_3.tif", + "label": "train/gi_mibi_294_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_298_3.tif", + "label": "train/gi_mibi_298_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_301_2.tif", + "label": "train/gi_mibi_301_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_302_3.tif", + "label": "train/gi_mibi_302_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_304_1.tif", + "label": "train/gi_mibi_304_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_305_3.tif", + "label": "train/gi_mibi_305_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_306_3.tif", + "label": "train/gi_mibi_306_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_308_2.tif", + "label": "train/gi_mibi_308_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_308_3.tif", + "label": "train/gi_mibi_308_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_309_3.tif", + "label": "train/gi_mibi_309_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_310_0.tif", + "label": "train/gi_mibi_310_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_312_1.tif", + "label": "train/gi_mibi_312_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_312_2.tif", + "label": "train/gi_mibi_312_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_312_3.tif", + "label": "train/gi_mibi_312_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_316_1.tif", + "label": "train/gi_mibi_316_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_320_1.tif", + "label": "train/gi_mibi_320_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_321_2.tif", + "label": "train/gi_mibi_321_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_322_1.tif", + "label": "train/gi_mibi_322_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_323_0.tif", + "label": "train/gi_mibi_323_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_323_1.tif", + "label": "train/gi_mibi_323_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_323_2.tif", + "label": "train/gi_mibi_323_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_325_3.tif", + "label": "train/gi_mibi_325_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_326_0.tif", + "label": "train/gi_mibi_326_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_326_2.tif", + "label": "train/gi_mibi_326_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_327_0.tif", + "label": "train/gi_mibi_327_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_329_0.tif", + "label": "train/gi_mibi_329_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_329_1.tif", + "label": "train/gi_mibi_329_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_332_3.tif", + "label": "train/gi_mibi_332_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_0_1.tif", + "label": "train/gi_mxif_0_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_1_1.tif", + "label": "train/gi_mxif_1_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_1_2.tif", + "label": "train/gi_mxif_1_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_2_3.tif", + "label": "train/gi_mxif_2_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_5_0.tif", + "label": "train/gi_mxif_5_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_7_2.tif", + "label": "train/gi_mxif_7_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_8_0.tif", + "label": "train/gi_mxif_8_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_9_1.tif", + "label": "train/gi_mxif_9_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_10_0.tif", + "label": "train/gi_mxif_10_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_10_1.tif", + "label": "train/gi_mxif_10_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_13_1.tif", + "label": "train/gi_mxif_13_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_15_2.tif", + "label": "train/gi_mxif_15_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_16_2.tif", + "label": "train/gi_mxif_16_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_19_0.tif", + "label": "train/gi_mxif_19_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_19_2.tif", + "label": "train/gi_mxif_19_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_20_2.tif", + "label": "train/gi_mxif_20_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_20_3.tif", + "label": "train/gi_mxif_20_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_21_1.tif", + "label": "train/gi_mxif_21_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_21_3.tif", + "label": "train/gi_mxif_21_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_23_2.tif", + "label": "train/gi_mxif_23_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_23_3.tif", + "label": "train/gi_mxif_23_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_25_0.tif", + "label": "train/gi_mxif_25_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_26_1.tif", + "label": "train/gi_mxif_26_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_27_3.tif", + "label": "train/gi_mxif_27_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_29_0.tif", + "label": "train/gi_mxif_29_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_29_3.tif", + "label": "train/gi_mxif_29_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_32_2.tif", + "label": "train/gi_mxif_32_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_33_1.tif", + "label": "train/gi_mxif_33_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_36_1.tif", + "label": "train/gi_mxif_36_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_38_2.tif", + "label": "train/gi_mxif_38_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_39_2.tif", + "label": "train/gi_mxif_39_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_41_0.tif", + "label": "train/gi_mxif_41_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_43_3.tif", + "label": "train/gi_mxif_43_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_45_1.tif", + "label": "train/gi_mxif_45_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_45_2.tif", + "label": "train/gi_mxif_45_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_47_1.tif", + "label": "train/gi_mxif_47_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_47_2.tif", + "label": "train/gi_mxif_47_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_49_3.tif", + "label": "train/gi_mxif_49_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_52_3.tif", + "label": "train/gi_mxif_52_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_53_0.tif", + "label": "train/gi_mxif_53_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_54_0.tif", + "label": "train/gi_mxif_54_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_54_2.tif", + "label": "train/gi_mxif_54_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_54_3.tif", + "label": "train/gi_mxif_54_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_55_3.tif", + "label": "train/gi_mxif_55_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_58_2.tif", + "label": "train/gi_mxif_58_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_59_3.tif", + "label": "train/gi_mxif_59_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_60_1.tif", + "label": "train/gi_mxif_60_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_61_0.tif", + "label": "train/gi_mxif_61_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_62_0.tif", + "label": "train/gi_mxif_62_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_63_2.tif", + "label": "train/gi_mxif_63_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_64_0.tif", + "label": "train/gi_mxif_64_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_64_3.tif", + "label": "train/gi_mxif_64_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_71_1.tif", + "label": "train/gi_mxif_71_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_73_3.tif", + "label": "train/gi_mxif_73_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_75_3.tif", + "label": "train/gi_mxif_75_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_77_3.tif", + "label": "train/gi_mxif_77_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_78_1.tif", + "label": "train/gi_mxif_78_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_79_3.tif", + "label": "train/gi_mxif_79_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_81_3.tif", + "label": "train/gi_mxif_81_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_82_1.tif", + "label": "train/gi_mxif_82_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_83_0.tif", + "label": "train/gi_mxif_83_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_84_1.tif", + "label": "train/gi_mxif_84_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_85_0.tif", + "label": "train/gi_mxif_85_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_85_2.tif", + "label": "train/gi_mxif_85_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_86_0.tif", + "label": "train/gi_mxif_86_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_87_1.tif", + "label": "train/gi_mxif_87_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_88_3.tif", + "label": "train/gi_mxif_88_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_90_0.tif", + "label": "train/gi_mxif_90_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_90_2.tif", + "label": "train/gi_mxif_90_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_93_1.tif", + "label": "train/gi_mxif_93_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_95_3.tif", + "label": "train/gi_mxif_95_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_96_1.tif", + "label": "train/gi_mxif_96_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_96_2.tif", + "label": "train/gi_mxif_96_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_97_0.tif", + "label": "train/gi_mxif_97_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_99_2.tif", + "label": "train/gi_mxif_99_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_99_3.tif", + "label": "train/gi_mxif_99_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_103_2.tif", + "label": "train/gi_mxif_103_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_105_0.tif", + "label": "train/gi_mxif_105_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_105_2.tif", + "label": "train/gi_mxif_105_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_107_2.tif", + "label": "train/gi_mxif_107_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_108_0.tif", + "label": "train/gi_mxif_108_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_109_3.tif", + "label": "train/gi_mxif_109_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_111_2.tif", + "label": "train/gi_mxif_111_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_112_2.tif", + "label": "train/gi_mxif_112_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_114_1.tif", + "label": "train/gi_mxif_114_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_115_3.tif", + "label": "train/gi_mxif_115_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_117_0.tif", + "label": "train/gi_mxif_117_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_117_3.tif", + "label": "train/gi_mxif_117_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_118_0.tif", + "label": "train/gi_mxif_118_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_118_1.tif", + "label": "train/gi_mxif_118_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_119_2.tif", + "label": "train/gi_mxif_119_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_122_2.tif", + "label": "train/gi_mxif_122_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_123_3.tif", + "label": "train/gi_mxif_123_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_124_1.tif", + "label": "train/gi_mxif_124_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_125_2.tif", + "label": "train/gi_mxif_125_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_126_2.tif", + "label": "train/gi_mxif_126_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_128_2.tif", + "label": "train/gi_mxif_128_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_128_3.tif", + "label": "train/gi_mxif_128_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_129_1.tif", + "label": "train/gi_mxif_129_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_130_0.tif", + "label": "train/gi_mxif_130_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_130_1.tif", + "label": "train/gi_mxif_130_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_131_1.tif", + "label": "train/gi_mxif_131_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_132_1.tif", + "label": "train/gi_mxif_132_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_133_2.tif", + "label": "train/gi_mxif_133_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_139_0.tif", + "label": "train/gi_mxif_139_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_139_1.tif", + "label": "train/gi_mxif_139_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_139_2.tif", + "label": "train/gi_mxif_139_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_141_3.tif", + "label": "train/gi_mxif_141_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_142_0.tif", + "label": "train/gi_mxif_142_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_142_1.tif", + "label": "train/gi_mxif_142_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_144_1.tif", + "label": "train/gi_mxif_144_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_147_2.tif", + "label": "train/gi_mxif_147_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_148_2.tif", + "label": "train/gi_mxif_148_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_152_2.tif", + "label": "train/gi_mxif_152_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_154_2.tif", + "label": "train/gi_mxif_154_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_154_3.tif", + "label": "train/gi_mxif_154_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_156_2.tif", + "label": "train/gi_mxif_156_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_157_3.tif", + "label": "train/gi_mxif_157_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_158_1.tif", + "label": "train/gi_mxif_158_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_158_3.tif", + "label": "train/gi_mxif_158_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_159_3.tif", + "label": "train/gi_mxif_159_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_162_0.tif", + "label": "train/gi_mxif_162_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_162_1.tif", + "label": "train/gi_mxif_162_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_166_0.tif", + "label": "train/gi_mxif_166_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_166_2.tif", + "label": "train/gi_mxif_166_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_172_2.tif", + "label": "train/gi_mxif_172_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_173_0.tif", + "label": "train/gi_mxif_173_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_173_3.tif", + "label": "train/gi_mxif_173_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_174_0.tif", + "label": "train/gi_mxif_174_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_178_3.tif", + "label": "train/gi_mxif_178_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_180_1.tif", + "label": "train/gi_mxif_180_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_183_1.tif", + "label": "train/gi_mxif_183_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_183_2.tif", + "label": "train/gi_mxif_183_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_0_0.tif", + "label": "train/gi_codex_0_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_2_0.tif", + "label": "train/gi_codex_2_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_4_3.tif", + "label": "train/gi_codex_4_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_5_1.tif", + "label": "train/gi_codex_5_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_5_2.tif", + "label": "train/gi_codex_5_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_6_0.tif", + "label": "train/gi_codex_6_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_8_2.tif", + "label": "train/gi_codex_8_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_9_1.tif", + "label": "train/gi_codex_9_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_9_2.tif", + "label": "train/gi_codex_9_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_9_3.tif", + "label": "train/gi_codex_9_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_12_0.tif", + "label": "train/gi_codex_12_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_12_1.tif", + "label": "train/gi_codex_12_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_12_3.tif", + "label": "train/gi_codex_12_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_13_1.tif", + "label": "train/gi_codex_13_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_14_3.tif", + "label": "train/gi_codex_14_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_15_0.tif", + "label": "train/gi_codex_15_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_16_0.tif", + "label": "train/gi_codex_16_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_16_3.tif", + "label": "train/gi_codex_16_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_17_0.tif", + "label": "train/gi_codex_17_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_18_1.tif", + "label": "train/gi_codex_18_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_20_0.tif", + "label": "train/gi_codex_20_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_22_0.tif", + "label": "train/gi_codex_22_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_25_1.tif", + "label": "train/gi_codex_25_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_26_0.tif", + "label": "train/gi_codex_26_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_31_1.tif", + "label": "train/gi_codex_31_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_32_0.tif", + "label": "train/gi_codex_32_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_33_0.tif", + "label": "train/gi_codex_33_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_33_3.tif", + "label": "train/gi_codex_33_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_34_2.tif", + "label": "train/gi_codex_34_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_35_2.tif", + "label": "train/gi_codex_35_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_36_2.tif", + "label": "train/gi_codex_36_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_37_1.tif", + "label": "train/gi_codex_37_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_39_2.tif", + "label": "train/gi_codex_39_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_40_0.tif", + "label": "train/gi_codex_40_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_40_3.tif", + "label": "train/gi_codex_40_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_41_3.tif", + "label": "train/gi_codex_41_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_43_0.tif", + "label": "train/gi_codex_43_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_44_0.tif", + "label": "train/gi_codex_44_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_49_2.tif", + "label": "train/gi_codex_49_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_50_2.tif", + "label": "train/gi_codex_50_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_51_0.tif", + "label": "train/gi_codex_51_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_51_3.tif", + "label": "train/gi_codex_51_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_52_1.tif", + "label": "train/gi_codex_52_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_52_2.tif", + "label": "train/gi_codex_52_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_52_3.tif", + "label": "train/gi_codex_52_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_53_0.tif", + "label": "train/gi_codex_53_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_54_1.tif", + "label": "train/gi_codex_54_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_55_3.tif", + "label": "train/gi_codex_55_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_57_1.tif", + "label": "train/gi_codex_57_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_64_3.tif", + "label": "train/gi_codex_64_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_65_1.tif", + "label": "train/gi_codex_65_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_66_0.tif", + "label": "train/gi_codex_66_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_66_3.tif", + "label": "train/gi_codex_66_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_68_2.tif", + "label": "train/gi_codex_68_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_70_1.tif", + "label": "train/gi_codex_70_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_70_3.tif", + "label": "train/gi_codex_70_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_71_2.tif", + "label": "train/gi_codex_71_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_73_1.tif", + "label": "train/gi_codex_73_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_73_2.tif", + "label": "train/gi_codex_73_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_74_2.tif", + "label": "train/gi_codex_74_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_76_1.tif", + "label": "train/gi_codex_76_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_77_1.tif", + "label": "train/gi_codex_77_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_80_3.tif", + "label": "train/gi_codex_80_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_84_0.tif", + "label": "train/gi_codex_84_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_86_1.tif", + "label": "train/gi_codex_86_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_86_3.tif", + "label": "train/gi_codex_86_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_88_0.tif", + "label": "train/gi_codex_88_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_90_1.tif", + "label": "train/gi_codex_90_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_90_3.tif", + "label": "train/gi_codex_90_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_92_1.tif", + "label": "train/gi_codex_92_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_93_0.tif", + "label": "train/gi_codex_93_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_95_0.tif", + "label": "train/gi_codex_95_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_96_0.tif", + "label": "train/gi_codex_96_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_96_1.tif", + "label": "train/gi_codex_96_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_96_2.tif", + "label": "train/gi_codex_96_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_97_0.tif", + "label": "train/gi_codex_97_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_97_1.tif", + "label": "train/gi_codex_97_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_97_2.tif", + "label": "train/gi_codex_97_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_99_2.tif", + "label": "train/gi_codex_99_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_99_3.tif", + "label": "train/gi_codex_99_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_100_0.tif", + "label": "train/gi_codex_100_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_101_3.tif", + "label": "train/gi_codex_101_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_102_0.tif", + "label": "train/gi_codex_102_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_104_0.tif", + "label": "train/gi_codex_104_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_104_3.tif", + "label": "train/gi_codex_104_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_105_0.tif", + "label": "train/gi_codex_105_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_106_0.tif", + "label": "train/gi_codex_106_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_108_2.tif", + "label": "train/gi_codex_108_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_108_3.tif", + "label": "train/gi_codex_108_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_109_0.tif", + "label": "train/gi_codex_109_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_114_0.tif", + "label": "train/gi_codex_114_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_115_2.tif", + "label": "train/gi_codex_115_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_119_2.tif", + "label": "train/gi_codex_119_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_121_0.tif", + "label": "train/gi_codex_121_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_122_0.tif", + "label": "train/gi_codex_122_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_124_2.tif", + "label": "train/gi_codex_124_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_126_3.tif", + "label": "train/gi_codex_126_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_127_1.tif", + "label": "train/gi_codex_127_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_128_0.tif", + "label": "train/gi_codex_128_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_128_1.tif", + "label": "train/gi_codex_128_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_129_2.tif", + "label": "train/gi_codex_129_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_130_0.tif", + "label": "train/gi_codex_130_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_130_3.tif", + "label": "train/gi_codex_130_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_131_2.tif", + "label": "train/gi_codex_131_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_132_1.tif", + "label": "train/gi_codex_132_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_132_3.tif", + "label": "train/gi_codex_132_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_134_0.tif", + "label": "train/gi_codex_134_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_134_1.tif", + "label": "train/gi_codex_134_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_135_1.tif", + "label": "train/gi_codex_135_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_139_0.tif", + "label": "train/gi_codex_139_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_141_3.tif", + "label": "train/gi_codex_141_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_143_3.tif", + "label": "train/gi_codex_143_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_144_2.tif", + "label": "train/gi_codex_144_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_145_3.tif", + "label": "train/gi_codex_145_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_147_2.tif", + "label": "train/gi_codex_147_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_149_0.tif", + "label": "train/gi_codex_149_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_151_0.tif", + "label": "train/gi_codex_151_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_154_3.tif", + "label": "train/gi_codex_154_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_155_2.tif", + "label": "train/gi_codex_155_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_156_1.tif", + "label": "train/gi_codex_156_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_157_0.tif", + "label": "train/gi_codex_157_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_157_3.tif", + "label": "train/gi_codex_157_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_158_2.tif", + "label": "train/gi_codex_158_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_160_0.tif", + "label": "train/gi_codex_160_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_160_1.tif", + "label": "train/gi_codex_160_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_160_3.tif", + "label": "train/gi_codex_160_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_165_1.tif", + "label": "train/gi_codex_165_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_165_2.tif", + "label": "train/gi_codex_165_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_167_1.tif", + "label": "train/gi_codex_167_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_168_0.tif", + "label": "train/gi_codex_168_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_174_1.tif", + "label": "train/gi_codex_174_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_175_1.tif", + "label": "train/gi_codex_175_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_177_2.tif", + "label": "train/gi_codex_177_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_179_3.tif", + "label": "train/gi_codex_179_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_181_2.tif", + "label": "train/gi_codex_181_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_182_1.tif", + "label": "train/gi_codex_182_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_186_3.tif", + "label": "train/gi_codex_186_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_187_2.tif", + "label": "train/gi_codex_187_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_189_2.tif", + "label": "train/gi_codex_189_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_191_2.tif", + "label": "train/gi_codex_191_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_194_3.tif", + "label": "train/gi_codex_194_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_196_2.tif", + "label": "train/gi_codex_196_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_196_3.tif", + "label": "train/gi_codex_196_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_198_1.tif", + "label": "train/gi_codex_198_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_200_0.tif", + "label": "train/gi_codex_200_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_200_1.tif", + "label": "train/gi_codex_200_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_201_1.tif", + "label": "train/gi_codex_201_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_202_1.tif", + "label": "train/gi_codex_202_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_203_3.tif", + "label": "train/gi_codex_203_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_205_0.tif", + "label": "train/gi_codex_205_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_205_1.tif", + "label": "train/gi_codex_205_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_207_0.tif", + "label": "train/gi_codex_207_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_208_2.tif", + "label": "train/gi_codex_208_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_211_1.tif", + "label": "train/gi_codex_211_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_212_1.tif", + "label": "train/gi_codex_212_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_212_3.tif", + "label": "train/gi_codex_212_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_213_1.tif", + "label": "train/gi_codex_213_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_215_1.tif", + "label": "train/gi_codex_215_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_216_0.tif", + "label": "train/gi_codex_216_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_218_0.tif", + "label": "train/gi_codex_218_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_222_0.tif", + "label": "train/gi_codex_222_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_222_3.tif", + "label": "train/gi_codex_222_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_223_2.tif", + "label": "train/gi_codex_223_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_226_0.tif", + "label": "train/gi_codex_226_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_229_3.tif", + "label": "train/gi_codex_229_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_230_0.tif", + "label": "train/gi_codex_230_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_232_3.tif", + "label": "train/gi_codex_232_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_233_3.tif", + "label": "train/gi_codex_233_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_236_2.tif", + "label": "train/gi_codex_236_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_237_0.tif", + "label": "train/gi_codex_237_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_238_0.tif", + "label": "train/gi_codex_238_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_238_1.tif", + "label": "train/gi_codex_238_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_242_2.tif", + "label": "train/gi_codex_242_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_244_1.tif", + "label": "train/gi_codex_244_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_245_1.tif", + "label": "train/gi_codex_245_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_245_2.tif", + "label": "train/gi_codex_245_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_245_3.tif", + "label": "train/gi_codex_245_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_248_0.tif", + "label": "train/gi_codex_248_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_248_3.tif", + "label": "train/gi_codex_248_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_251_1.tif", + "label": "train/gi_codex_251_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_251_2.tif", + "label": "train/gi_codex_251_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_253_1.tif", + "label": "train/gi_codex_253_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_254_1.tif", + "label": "train/gi_codex_254_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_258_2.tif", + "label": "train/gi_codex_258_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_258_3.tif", + "label": "train/gi_codex_258_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_259_1.tif", + "label": "train/gi_codex_259_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_260_0.tif", + "label": "train/gi_codex_260_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_263_1.tif", + "label": "train/gi_codex_263_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_263_2.tif", + "label": "train/gi_codex_263_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_264_3.tif", + "label": "train/gi_codex_264_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_0_2.tif", + "label": "train/gi_mibi_0_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_3_3.tif", + "label": "train/gi_mibi_3_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_4_1.tif", + "label": "train/gi_mibi_4_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_4_2.tif", + "label": "train/gi_mibi_4_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_4_3.tif", + "label": "train/gi_mibi_4_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_5_0.tif", + "label": "train/gi_mibi_5_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_5_1.tif", + "label": "train/gi_mibi_5_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_5_2.tif", + "label": "train/gi_mibi_5_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_6_3.tif", + "label": "train/gi_mibi_6_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_7_1.tif", + "label": "train/gi_mibi_7_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_10_1.tif", + "label": "train/gi_mibi_10_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_11_0.tif", + "label": "train/gi_mibi_11_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_11_1.tif", + "label": "train/gi_mibi_11_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_12_0.tif", + "label": "train/gi_mibi_12_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_12_3.tif", + "label": "train/gi_mibi_12_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_13_2.tif", + "label": "train/gi_mibi_13_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_14_2.tif", + "label": "train/gi_mibi_14_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_14_3.tif", + "label": "train/gi_mibi_14_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_15_0.tif", + "label": "train/gi_mibi_15_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_15_1.tif", + "label": "train/gi_mibi_15_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_18_0.tif", + "label": "train/gi_mibi_18_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_18_3.tif", + "label": "train/gi_mibi_18_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_20_2.tif", + "label": "train/gi_mibi_20_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_21_0.tif", + "label": "train/gi_mibi_21_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_22_0.tif", + "label": "train/gi_mibi_22_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_23_1.tif", + "label": "train/gi_mibi_23_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_24_1.tif", + "label": "train/gi_mibi_24_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_25_3.tif", + "label": "train/gi_mibi_25_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_28_0.tif", + "label": "train/gi_mibi_28_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_29_1.tif", + "label": "train/gi_mibi_29_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_29_3.tif", + "label": "train/gi_mibi_29_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_32_3.tif", + "label": "train/gi_mibi_32_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_35_0.tif", + "label": "train/gi_mibi_35_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_35_2.tif", + "label": "train/gi_mibi_35_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_37_0.tif", + "label": "train/gi_mibi_37_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_37_1.tif", + "label": "train/gi_mibi_37_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_39_0.tif", + "label": "train/gi_mibi_39_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_41_3.tif", + "label": "train/gi_mibi_41_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_42_0.tif", + "label": "train/gi_mibi_42_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_42_1.tif", + "label": "train/gi_mibi_42_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_45_0.tif", + "label": "train/gi_mibi_45_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_45_1.tif", + "label": "train/gi_mibi_45_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_46_1.tif", + "label": "train/gi_mibi_46_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_47_0.tif", + "label": "train/gi_mibi_47_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_49_2.tif", + "label": "train/gi_mibi_49_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_51_1.tif", + "label": "train/gi_mibi_51_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_52_0.tif", + "label": "train/gi_mibi_52_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_52_2.tif", + "label": "train/gi_mibi_52_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_53_0.tif", + "label": "train/gi_mibi_53_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_53_3.tif", + "label": "train/gi_mibi_53_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_54_3.tif", + "label": "train/gi_mibi_54_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_55_1.tif", + "label": "train/gi_mibi_55_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_55_2.tif", + "label": "train/gi_mibi_55_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_55_3.tif", + "label": "train/gi_mibi_55_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_56_1.tif", + "label": "train/gi_mibi_56_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_56_2.tif", + "label": "train/gi_mibi_56_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_57_1.tif", + "label": "train/gi_mibi_57_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_60_1.tif", + "label": "train/gi_mibi_60_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_61_2.tif", + "label": "train/gi_mibi_61_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_63_1.tif", + "label": "train/gi_mibi_63_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_64_3.tif", + "label": "train/gi_mibi_64_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_65_1.tif", + "label": "train/gi_mibi_65_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_65_2.tif", + "label": "train/gi_mibi_65_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_66_1.tif", + "label": "train/gi_mibi_66_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_66_3.tif", + "label": "train/gi_mibi_66_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_68_3.tif", + "label": "train/gi_mibi_68_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_69_3.tif", + "label": "train/gi_mibi_69_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_71_0.tif", + "label": "train/gi_mibi_71_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_72_2.tif", + "label": "train/gi_mibi_72_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_74_2.tif", + "label": "train/gi_mibi_74_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_75_0.tif", + "label": "train/gi_mibi_75_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_76_1.tif", + "label": "train/gi_mibi_76_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_77_1.tif", + "label": "train/gi_mibi_77_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_78_2.tif", + "label": "train/gi_mibi_78_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_78_3.tif", + "label": "train/gi_mibi_78_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_81_0.tif", + "label": "train/gi_mibi_81_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_82_0.tif", + "label": "train/gi_mibi_82_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_83_1.tif", + "label": "train/gi_mibi_83_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_84_0.tif", + "label": "train/gi_mibi_84_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_84_2.tif", + "label": "train/gi_mibi_84_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_85_1.tif", + "label": "train/gi_mibi_85_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_85_2.tif", + "label": "train/gi_mibi_85_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_86_1.tif", + "label": "train/gi_mibi_86_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_87_3.tif", + "label": "train/gi_mibi_87_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_89_2.tif", + "label": "train/gi_mibi_89_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_93_2.tif", + "label": "train/gi_mibi_93_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_94_3.tif", + "label": "train/gi_mibi_94_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_98_0.tif", + "label": "train/gi_mibi_98_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_98_3.tif", + "label": "train/gi_mibi_98_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_99_1.tif", + "label": "train/gi_mibi_99_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_99_2.tif", + "label": "train/gi_mibi_99_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_101_0.tif", + "label": "train/gi_mibi_101_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_101_2.tif", + "label": "train/gi_mibi_101_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_102_3.tif", + "label": "train/gi_mibi_102_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_104_0.tif", + "label": "train/gi_mibi_104_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_104_1.tif", + "label": "train/gi_mibi_104_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_104_2.tif", + "label": "train/gi_mibi_104_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_105_3.tif", + "label": "train/gi_mibi_105_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_106_0.tif", + "label": "train/gi_mibi_106_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_106_1.tif", + "label": "train/gi_mibi_106_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_107_2.tif", + "label": "train/gi_mibi_107_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_109_0.tif", + "label": "train/gi_mibi_109_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_111_3.tif", + "label": "train/gi_mibi_111_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_112_3.tif", + "label": "train/gi_mibi_112_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_115_1.tif", + "label": "train/gi_mibi_115_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_116_1.tif", + "label": "train/gi_mibi_116_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_117_1.tif", + "label": "train/gi_mibi_117_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_119_1.tif", + "label": "train/gi_mibi_119_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_123_2.tif", + "label": "train/gi_mibi_123_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_126_2.tif", + "label": "train/gi_mibi_126_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_127_2.tif", + "label": "train/gi_mibi_127_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_127_3.tif", + "label": "train/gi_mibi_127_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_128_0.tif", + "label": "train/gi_mibi_128_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_130_1.tif", + "label": "train/gi_mibi_130_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_130_2.tif", + "label": "train/gi_mibi_130_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_132_0.tif", + "label": "train/gi_mibi_132_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_140_0.tif", + "label": "train/gi_mibi_140_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_140_2.tif", + "label": "train/gi_mibi_140_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_143_0.tif", + "label": "train/gi_mibi_143_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_147_3.tif", + "label": "train/gi_mibi_147_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_148_2.tif", + "label": "train/gi_mibi_148_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_149_1.tif", + "label": "train/gi_mibi_149_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_151_2.tif", + "label": "train/gi_mibi_151_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_151_3.tif", + "label": "train/gi_mibi_151_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_152_3.tif", + "label": "train/gi_mibi_152_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_154_1.tif", + "label": "train/gi_mibi_154_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_154_3.tif", + "label": "train/gi_mibi_154_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_155_0.tif", + "label": "train/gi_mibi_155_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_155_1.tif", + "label": "train/gi_mibi_155_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_156_0.tif", + "label": "train/gi_mibi_156_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_157_3.tif", + "label": "train/gi_mibi_157_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_158_3.tif", + "label": "train/gi_mibi_158_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_159_1.tif", + "label": "train/gi_mibi_159_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_160_1.tif", + "label": "train/gi_mibi_160_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_161_2.tif", + "label": "train/gi_mibi_161_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_162_1.tif", + "label": "train/gi_mibi_162_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_164_0.tif", + "label": "train/gi_mibi_164_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_165_3.tif", + "label": "train/gi_mibi_165_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_166_0.tif", + "label": "train/gi_mibi_166_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_168_1.tif", + "label": "train/gi_mibi_168_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_170_3.tif", + "label": "train/gi_mibi_170_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_171_3.tif", + "label": "train/gi_mibi_171_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_172_1.tif", + "label": "train/gi_mibi_172_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_172_2.tif", + "label": "train/gi_mibi_172_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_174_0.tif", + "label": "train/gi_mibi_174_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_175_2.tif", + "label": "train/gi_mibi_175_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_176_2.tif", + "label": "train/gi_mibi_176_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_177_0.tif", + "label": "train/gi_mibi_177_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_177_1.tif", + "label": "train/gi_mibi_177_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_179_2.tif", + "label": "train/gi_mibi_179_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_179_3.tif", + "label": "train/gi_mibi_179_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_180_3.tif", + "label": "train/gi_mibi_180_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_181_1.tif", + "label": "train/gi_mibi_181_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_181_2.tif", + "label": "train/gi_mibi_181_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_182_0.tif", + "label": "train/gi_mibi_182_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_183_0.tif", + "label": "train/gi_mibi_183_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_187_2.tif", + "label": "train/gi_mibi_187_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_187_3.tif", + "label": "train/gi_mibi_187_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_189_3.tif", + "label": "train/gi_mibi_189_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_190_3.tif", + "label": "train/gi_mibi_190_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_192_0.tif", + "label": "train/gi_mibi_192_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_193_1.tif", + "label": "train/gi_mibi_193_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_195_2.tif", + "label": "train/gi_mibi_195_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_196_2.tif", + "label": "train/gi_mibi_196_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_198_1.tif", + "label": "train/gi_mibi_198_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_198_3.tif", + "label": "train/gi_mibi_198_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_200_1.tif", + "label": "train/gi_mibi_200_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_201_2.tif", + "label": "train/gi_mibi_201_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_202_0.tif", + "label": "train/gi_mibi_202_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_202_1.tif", + "label": "train/gi_mibi_202_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_205_1.tif", + "label": "train/gi_mibi_205_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_206_3.tif", + "label": "train/gi_mibi_206_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_207_2.tif", + "label": "train/gi_mibi_207_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_209_0.tif", + "label": "train/gi_mibi_209_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_209_3.tif", + "label": "train/gi_mibi_209_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_210_3.tif", + "label": "train/gi_mibi_210_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_211_0.tif", + "label": "train/gi_mibi_211_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_212_1.tif", + "label": "train/gi_mibi_212_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_212_3.tif", + "label": "train/gi_mibi_212_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_213_3.tif", + "label": "train/gi_mibi_213_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_215_2.tif", + "label": "train/gi_mibi_215_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_216_0.tif", + "label": "train/gi_mibi_216_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_216_2.tif", + "label": "train/gi_mibi_216_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_216_3.tif", + "label": "train/gi_mibi_216_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_217_1.tif", + "label": "train/gi_mibi_217_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_217_2.tif", + "label": "train/gi_mibi_217_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_217_3.tif", + "label": "train/gi_mibi_217_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_218_1.tif", + "label": "train/gi_mibi_218_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_219_1.tif", + "label": "train/gi_mibi_219_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_221_2.tif", + "label": "train/gi_mibi_221_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_224_0.tif", + "label": "train/gi_mibi_224_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_225_2.tif", + "label": "train/gi_mibi_225_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_231_2.tif", + "label": "train/gi_mibi_231_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_232_1.tif", + "label": "train/gi_mibi_232_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_234_0.tif", + "label": "train/gi_mibi_234_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_235_1.tif", + "label": "train/gi_mibi_235_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_236_0.tif", + "label": "train/gi_mibi_236_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_236_1.tif", + "label": "train/gi_mibi_236_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_236_2.tif", + "label": "train/gi_mibi_236_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_238_1.tif", + "label": "train/gi_mibi_238_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_238_3.tif", + "label": "train/gi_mibi_238_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_239_0.tif", + "label": "train/gi_mibi_239_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_240_0.tif", + "label": "train/gi_mibi_240_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_240_3.tif", + "label": "train/gi_mibi_240_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_241_2.tif", + "label": "train/gi_mibi_241_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_241_3.tif", + "label": "train/gi_mibi_241_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_242_2.tif", + "label": "train/gi_mibi_242_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_242_3.tif", + "label": "train/gi_mibi_242_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_243_2.tif", + "label": "train/gi_mibi_243_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_244_0.tif", + "label": "train/gi_mibi_244_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_246_3.tif", + "label": "train/gi_mibi_246_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_247_1.tif", + "label": "train/gi_mibi_247_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_250_3.tif", + "label": "train/gi_mibi_250_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_251_0.tif", + "label": "train/gi_mibi_251_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_253_2.tif", + "label": "train/gi_mibi_253_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_255_0.tif", + "label": "train/gi_mibi_255_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_255_3.tif", + "label": "train/gi_mibi_255_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_256_0.tif", + "label": "train/gi_mibi_256_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_257_1.tif", + "label": "train/gi_mibi_257_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_258_1.tif", + "label": "train/gi_mibi_258_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_258_2.tif", + "label": "train/gi_mibi_258_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_259_0.tif", + "label": "train/gi_mibi_259_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_262_1.tif", + "label": "train/gi_mibi_262_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_264_3.tif", + "label": "train/gi_mibi_264_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_267_3.tif", + "label": "train/gi_mibi_267_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_270_2.tif", + "label": "train/gi_mibi_270_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_272_0.tif", + "label": "train/gi_mibi_272_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_273_2.tif", + "label": "train/gi_mibi_273_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_275_3.tif", + "label": "train/gi_mibi_275_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_276_2.tif", + "label": "train/gi_mibi_276_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_279_2.tif", + "label": "train/gi_mibi_279_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_280_1.tif", + "label": "train/gi_mibi_280_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_281_2.tif", + "label": "train/gi_mibi_281_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_282_1.tif", + "label": "train/gi_mibi_282_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_282_2.tif", + "label": "train/gi_mibi_282_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_285_0.tif", + "label": "train/gi_mibi_285_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_285_2.tif", + "label": "train/gi_mibi_285_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_287_3.tif", + "label": "train/gi_mibi_287_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_288_1.tif", + "label": "train/gi_mibi_288_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_289_3.tif", + "label": "train/gi_mibi_289_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_290_1.tif", + "label": "train/gi_mibi_290_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_290_2.tif", + "label": "train/gi_mibi_290_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_292_2.tif", + "label": "train/gi_mibi_292_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_293_0.tif", + "label": "train/gi_mibi_293_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_295_2.tif", + "label": "train/gi_mibi_295_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_296_1.tif", + "label": "train/gi_mibi_296_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_297_0.tif", + "label": "train/gi_mibi_297_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_302_1.tif", + "label": "train/gi_mibi_302_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_303_0.tif", + "label": "train/gi_mibi_303_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_304_0.tif", + "label": "train/gi_mibi_304_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_305_2.tif", + "label": "train/gi_mibi_305_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_306_1.tif", + "label": "train/gi_mibi_306_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_306_2.tif", + "label": "train/gi_mibi_306_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_307_0.tif", + "label": "train/gi_mibi_307_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_307_1.tif", + "label": "train/gi_mibi_307_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_308_1.tif", + "label": "train/gi_mibi_308_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_309_1.tif", + "label": "train/gi_mibi_309_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_311_0.tif", + "label": "train/gi_mibi_311_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_312_0.tif", + "label": "train/gi_mibi_312_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_313_0.tif", + "label": "train/gi_mibi_313_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_313_1.tif", + "label": "train/gi_mibi_313_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_314_3.tif", + "label": "train/gi_mibi_314_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_315_1.tif", + "label": "train/gi_mibi_315_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_316_3.tif", + "label": "train/gi_mibi_316_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_317_0.tif", + "label": "train/gi_mibi_317_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_319_1.tif", + "label": "train/gi_mibi_319_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_319_3.tif", + "label": "train/gi_mibi_319_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_320_0.tif", + "label": "train/gi_mibi_320_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_322_2.tif", + "label": "train/gi_mibi_322_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_324_0.tif", + "label": "train/gi_mibi_324_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_324_1.tif", + "label": "train/gi_mibi_324_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_326_1.tif", + "label": "train/gi_mibi_326_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_328_2.tif", + "label": "train/gi_mibi_328_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_331_1.tif", + "label": "train/gi_mibi_331_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_331_3.tif", + "label": "train/gi_mibi_331_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_332_1.tif", + "label": "train/gi_mibi_332_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_0_0.tif", + "label": "train/gi_mxif_0_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_0_2.tif", + "label": "train/gi_mxif_0_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_2_2.tif", + "label": "train/gi_mxif_2_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_3_1.tif", + "label": "train/gi_mxif_3_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_3_2.tif", + "label": "train/gi_mxif_3_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_3_3.tif", + "label": "train/gi_mxif_3_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_4_2.tif", + "label": "train/gi_mxif_4_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_7_1.tif", + "label": "train/gi_mxif_7_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_9_3.tif", + "label": "train/gi_mxif_9_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_12_3.tif", + "label": "train/gi_mxif_12_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_14_0.tif", + "label": "train/gi_mxif_14_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_14_2.tif", + "label": "train/gi_mxif_14_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_15_0.tif", + "label": "train/gi_mxif_15_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_15_3.tif", + "label": "train/gi_mxif_15_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_17_2.tif", + "label": "train/gi_mxif_17_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_18_1.tif", + "label": "train/gi_mxif_18_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_20_0.tif", + "label": "train/gi_mxif_20_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_21_0.tif", + "label": "train/gi_mxif_21_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_22_0.tif", + "label": "train/gi_mxif_22_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_22_1.tif", + "label": "train/gi_mxif_22_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_23_1.tif", + "label": "train/gi_mxif_23_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_24_3.tif", + "label": "train/gi_mxif_24_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_25_1.tif", + "label": "train/gi_mxif_25_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_26_0.tif", + "label": "train/gi_mxif_26_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_28_0.tif", + "label": "train/gi_mxif_28_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_28_1.tif", + "label": "train/gi_mxif_28_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_28_2.tif", + "label": "train/gi_mxif_28_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_33_0.tif", + "label": "train/gi_mxif_33_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_33_3.tif", + "label": "train/gi_mxif_33_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_35_2.tif", + "label": "train/gi_mxif_35_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_36_0.tif", + "label": "train/gi_mxif_36_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_36_2.tif", + "label": "train/gi_mxif_36_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_36_3.tif", + "label": "train/gi_mxif_36_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_37_0.tif", + "label": "train/gi_mxif_37_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_37_1.tif", + "label": "train/gi_mxif_37_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_39_1.tif", + "label": "train/gi_mxif_39_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_39_3.tif", + "label": "train/gi_mxif_39_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_40_2.tif", + "label": "train/gi_mxif_40_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_42_0.tif", + "label": "train/gi_mxif_42_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_43_0.tif", + "label": "train/gi_mxif_43_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_43_1.tif", + "label": "train/gi_mxif_43_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_45_0.tif", + "label": "train/gi_mxif_45_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_46_0.tif", + "label": "train/gi_mxif_46_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_49_1.tif", + "label": "train/gi_mxif_49_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_50_1.tif", + "label": "train/gi_mxif_50_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_50_2.tif", + "label": "train/gi_mxif_50_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_51_0.tif", + "label": "train/gi_mxif_51_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_51_2.tif", + "label": "train/gi_mxif_51_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_51_3.tif", + "label": "train/gi_mxif_51_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_52_1.tif", + "label": "train/gi_mxif_52_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_52_2.tif", + "label": "train/gi_mxif_52_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_55_0.tif", + "label": "train/gi_mxif_55_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_57_2.tif", + "label": "train/gi_mxif_57_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_59_0.tif", + "label": "train/gi_mxif_59_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_59_1.tif", + "label": "train/gi_mxif_59_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_61_1.tif", + "label": "train/gi_mxif_61_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_61_2.tif", + "label": "train/gi_mxif_61_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_63_0.tif", + "label": "train/gi_mxif_63_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_63_1.tif", + "label": "train/gi_mxif_63_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_66_2.tif", + "label": "train/gi_mxif_66_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_67_0.tif", + "label": "train/gi_mxif_67_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_68_2.tif", + "label": "train/gi_mxif_68_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_69_0.tif", + "label": "train/gi_mxif_69_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_69_1.tif", + "label": "train/gi_mxif_69_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_70_1.tif", + "label": "train/gi_mxif_70_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_70_3.tif", + "label": "train/gi_mxif_70_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_71_0.tif", + "label": "train/gi_mxif_71_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_72_3.tif", + "label": "train/gi_mxif_72_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_75_1.tif", + "label": "train/gi_mxif_75_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_76_1.tif", + "label": "train/gi_mxif_76_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_77_2.tif", + "label": "train/gi_mxif_77_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_78_2.tif", + "label": "train/gi_mxif_78_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_80_3.tif", + "label": "train/gi_mxif_80_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_81_0.tif", + "label": "train/gi_mxif_81_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_82_0.tif", + "label": "train/gi_mxif_82_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_82_3.tif", + "label": "train/gi_mxif_82_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_84_2.tif", + "label": "train/gi_mxif_84_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_87_3.tif", + "label": "train/gi_mxif_87_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_89_0.tif", + "label": "train/gi_mxif_89_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_89_1.tif", + "label": "train/gi_mxif_89_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_91_1.tif", + "label": "train/gi_mxif_91_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_92_0.tif", + "label": "train/gi_mxif_92_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_92_1.tif", + "label": "train/gi_mxif_92_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_92_3.tif", + "label": "train/gi_mxif_92_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_95_2.tif", + "label": "train/gi_mxif_95_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_97_1.tif", + "label": "train/gi_mxif_97_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_98_2.tif", + "label": "train/gi_mxif_98_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_100_0.tif", + "label": "train/gi_mxif_100_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_101_3.tif", + "label": "train/gi_mxif_101_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_102_1.tif", + "label": "train/gi_mxif_102_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_102_2.tif", + "label": "train/gi_mxif_102_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_105_1.tif", + "label": "train/gi_mxif_105_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_106_2.tif", + "label": "train/gi_mxif_106_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_107_0.tif", + "label": "train/gi_mxif_107_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_108_3.tif", + "label": "train/gi_mxif_108_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_109_1.tif", + "label": "train/gi_mxif_109_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_110_2.tif", + "label": "train/gi_mxif_110_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_112_0.tif", + "label": "train/gi_mxif_112_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_113_2.tif", + "label": "train/gi_mxif_113_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_114_0.tif", + "label": "train/gi_mxif_114_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_115_1.tif", + "label": "train/gi_mxif_115_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_116_2.tif", + "label": "train/gi_mxif_116_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_116_3.tif", + "label": "train/gi_mxif_116_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_120_2.tif", + "label": "train/gi_mxif_120_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_122_1.tif", + "label": "train/gi_mxif_122_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_125_0.tif", + "label": "train/gi_mxif_125_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_126_0.tif", + "label": "train/gi_mxif_126_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_126_1.tif", + "label": "train/gi_mxif_126_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_127_0.tif", + "label": "train/gi_mxif_127_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_128_1.tif", + "label": "train/gi_mxif_128_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_129_2.tif", + "label": "train/gi_mxif_129_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_130_2.tif", + "label": "train/gi_mxif_130_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_130_3.tif", + "label": "train/gi_mxif_130_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_131_2.tif", + "label": "train/gi_mxif_131_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_135_3.tif", + "label": "train/gi_mxif_135_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_136_2.tif", + "label": "train/gi_mxif_136_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_137_1.tif", + "label": "train/gi_mxif_137_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_140_2.tif", + "label": "train/gi_mxif_140_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_143_1.tif", + "label": "train/gi_mxif_143_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_144_0.tif", + "label": "train/gi_mxif_144_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_145_1.tif", + "label": "train/gi_mxif_145_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_148_0.tif", + "label": "train/gi_mxif_148_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_148_1.tif", + "label": "train/gi_mxif_148_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_149_0.tif", + "label": "train/gi_mxif_149_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_149_1.tif", + "label": "train/gi_mxif_149_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_149_2.tif", + "label": "train/gi_mxif_149_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_149_3.tif", + "label": "train/gi_mxif_149_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_150_0.tif", + "label": "train/gi_mxif_150_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_150_3.tif", + "label": "train/gi_mxif_150_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_151_1.tif", + "label": "train/gi_mxif_151_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_151_2.tif", + "label": "train/gi_mxif_151_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_152_1.tif", + "label": "train/gi_mxif_152_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_152_3.tif", + "label": "train/gi_mxif_152_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_153_2.tif", + "label": "train/gi_mxif_153_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_154_1.tif", + "label": "train/gi_mxif_154_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_155_2.tif", + "label": "train/gi_mxif_155_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_155_3.tif", + "label": "train/gi_mxif_155_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_156_1.tif", + "label": "train/gi_mxif_156_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_157_0.tif", + "label": "train/gi_mxif_157_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_159_0.tif", + "label": "train/gi_mxif_159_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_160_2.tif", + "label": "train/gi_mxif_160_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_161_1.tif", + "label": "train/gi_mxif_161_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_161_2.tif", + "label": "train/gi_mxif_161_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_163_2.tif", + "label": "train/gi_mxif_163_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_164_3.tif", + "label": "train/gi_mxif_164_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_165_0.tif", + "label": "train/gi_mxif_165_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_167_2.tif", + "label": "train/gi_mxif_167_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_169_0.tif", + "label": "train/gi_mxif_169_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_170_3.tif", + "label": "train/gi_mxif_170_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_171_1.tif", + "label": "train/gi_mxif_171_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_171_2.tif", + "label": "train/gi_mxif_171_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_179_1.tif", + "label": "train/gi_mxif_179_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_180_2.tif", + "label": "train/gi_mxif_180_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_180_3.tif", + "label": "train/gi_mxif_180_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_181_0.tif", + "label": "train/gi_mxif_181_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_181_1.tif", + "label": "train/gi_mxif_181_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_181_2.tif", + "label": "train/gi_mxif_181_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_181_3.tif", + "label": "train/gi_mxif_181_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_182_1.tif", + "label": "train/gi_mxif_182_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_182_2.tif", + "label": "train/gi_mxif_182_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_0_2.tif", + "label": "train/gi_codex_0_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_1_1.tif", + "label": "train/gi_codex_1_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_1_3.tif", + "label": "train/gi_codex_1_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_2_1.tif", + "label": "train/gi_codex_2_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_3_0.tif", + "label": "train/gi_codex_3_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_6_2.tif", + "label": "train/gi_codex_6_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_6_3.tif", + "label": "train/gi_codex_6_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_7_1.tif", + "label": "train/gi_codex_7_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_7_3.tif", + "label": "train/gi_codex_7_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_8_1.tif", + "label": "train/gi_codex_8_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_10_3.tif", + "label": "train/gi_codex_10_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_11_0.tif", + "label": "train/gi_codex_11_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_11_2.tif", + "label": "train/gi_codex_11_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_13_3.tif", + "label": "train/gi_codex_13_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_14_1.tif", + "label": "train/gi_codex_14_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_15_1.tif", + "label": "train/gi_codex_15_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_15_2.tif", + "label": "train/gi_codex_15_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_16_2.tif", + "label": "train/gi_codex_16_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_17_1.tif", + "label": "train/gi_codex_17_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_18_2.tif", + "label": "train/gi_codex_18_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_19_2.tif", + "label": "train/gi_codex_19_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_19_3.tif", + "label": "train/gi_codex_19_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_20_3.tif", + "label": "train/gi_codex_20_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_21_0.tif", + "label": "train/gi_codex_21_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_21_1.tif", + "label": "train/gi_codex_21_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_24_1.tif", + "label": "train/gi_codex_24_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_25_3.tif", + "label": "train/gi_codex_25_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_26_2.tif", + "label": "train/gi_codex_26_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_29_1.tif", + "label": "train/gi_codex_29_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_30_1.tif", + "label": "train/gi_codex_30_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_31_3.tif", + "label": "train/gi_codex_31_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_32_3.tif", + "label": "train/gi_codex_32_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_34_3.tif", + "label": "train/gi_codex_34_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_35_1.tif", + "label": "train/gi_codex_35_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_36_3.tif", + "label": "train/gi_codex_36_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_38_2.tif", + "label": "train/gi_codex_38_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_39_0.tif", + "label": "train/gi_codex_39_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_39_3.tif", + "label": "train/gi_codex_39_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_41_0.tif", + "label": "train/gi_codex_41_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_42_2.tif", + "label": "train/gi_codex_42_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_43_3.tif", + "label": "train/gi_codex_43_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_44_2.tif", + "label": "train/gi_codex_44_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_46_1.tif", + "label": "train/gi_codex_46_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_48_1.tif", + "label": "train/gi_codex_48_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_53_3.tif", + "label": "train/gi_codex_53_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_58_2.tif", + "label": "train/gi_codex_58_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_59_1.tif", + "label": "train/gi_codex_59_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_59_2.tif", + "label": "train/gi_codex_59_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_59_3.tif", + "label": "train/gi_codex_59_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_61_0.tif", + "label": "train/gi_codex_61_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_62_3.tif", + "label": "train/gi_codex_62_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_66_1.tif", + "label": "train/gi_codex_66_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_69_0.tif", + "label": "train/gi_codex_69_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_69_1.tif", + "label": "train/gi_codex_69_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_69_2.tif", + "label": "train/gi_codex_69_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_69_3.tif", + "label": "train/gi_codex_69_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_71_0.tif", + "label": "train/gi_codex_71_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_72_1.tif", + "label": "train/gi_codex_72_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_73_3.tif", + "label": "train/gi_codex_73_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_75_0.tif", + "label": "train/gi_codex_75_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_76_3.tif", + "label": "train/gi_codex_76_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_77_0.tif", + "label": "train/gi_codex_77_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_77_2.tif", + "label": "train/gi_codex_77_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_77_3.tif", + "label": "train/gi_codex_77_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_78_3.tif", + "label": "train/gi_codex_78_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_80_0.tif", + "label": "train/gi_codex_80_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_80_2.tif", + "label": "train/gi_codex_80_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_81_2.tif", + "label": "train/gi_codex_81_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_82_0.tif", + "label": "train/gi_codex_82_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_83_0.tif", + "label": "train/gi_codex_83_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_84_3.tif", + "label": "train/gi_codex_84_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_88_2.tif", + "label": "train/gi_codex_88_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_88_3.tif", + "label": "train/gi_codex_88_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_89_2.tif", + "label": "train/gi_codex_89_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_90_0.tif", + "label": "train/gi_codex_90_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_91_1.tif", + "label": "train/gi_codex_91_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_92_3.tif", + "label": "train/gi_codex_92_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_93_2.tif", + "label": "train/gi_codex_93_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_95_1.tif", + "label": "train/gi_codex_95_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_96_3.tif", + "label": "train/gi_codex_96_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_98_0.tif", + "label": "train/gi_codex_98_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_98_3.tif", + "label": "train/gi_codex_98_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_100_1.tif", + "label": "train/gi_codex_100_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_101_0.tif", + "label": "train/gi_codex_101_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_102_1.tif", + "label": "train/gi_codex_102_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_106_2.tif", + "label": "train/gi_codex_106_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_106_3.tif", + "label": "train/gi_codex_106_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_107_2.tif", + "label": "train/gi_codex_107_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_108_1.tif", + "label": "train/gi_codex_108_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_109_1.tif", + "label": "train/gi_codex_109_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_112_0.tif", + "label": "train/gi_codex_112_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_112_1.tif", + "label": "train/gi_codex_112_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_113_3.tif", + "label": "train/gi_codex_113_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_114_2.tif", + "label": "train/gi_codex_114_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_115_0.tif", + "label": "train/gi_codex_115_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_115_3.tif", + "label": "train/gi_codex_115_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_116_2.tif", + "label": "train/gi_codex_116_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_118_0.tif", + "label": "train/gi_codex_118_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_118_2.tif", + "label": "train/gi_codex_118_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_119_3.tif", + "label": "train/gi_codex_119_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_120_2.tif", + "label": "train/gi_codex_120_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_120_3.tif", + "label": "train/gi_codex_120_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_122_3.tif", + "label": "train/gi_codex_122_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_123_2.tif", + "label": "train/gi_codex_123_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_124_0.tif", + "label": "train/gi_codex_124_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_125_0.tif", + "label": "train/gi_codex_125_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_125_2.tif", + "label": "train/gi_codex_125_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_126_0.tif", + "label": "train/gi_codex_126_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_127_3.tif", + "label": "train/gi_codex_127_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_132_0.tif", + "label": "train/gi_codex_132_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_132_2.tif", + "label": "train/gi_codex_132_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_134_2.tif", + "label": "train/gi_codex_134_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_137_0.tif", + "label": "train/gi_codex_137_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_137_2.tif", + "label": "train/gi_codex_137_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_138_2.tif", + "label": "train/gi_codex_138_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_142_0.tif", + "label": "train/gi_codex_142_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_142_2.tif", + "label": "train/gi_codex_142_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_142_3.tif", + "label": "train/gi_codex_142_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_145_1.tif", + "label": "train/gi_codex_145_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_148_1.tif", + "label": "train/gi_codex_148_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_148_2.tif", + "label": "train/gi_codex_148_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_148_3.tif", + "label": "train/gi_codex_148_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_149_1.tif", + "label": "train/gi_codex_149_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_149_3.tif", + "label": "train/gi_codex_149_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_150_3.tif", + "label": "train/gi_codex_150_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_154_2.tif", + "label": "train/gi_codex_154_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_157_1.tif", + "label": "train/gi_codex_157_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_161_2.tif", + "label": "train/gi_codex_161_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_161_3.tif", + "label": "train/gi_codex_161_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_162_1.tif", + "label": "train/gi_codex_162_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_164_3.tif", + "label": "train/gi_codex_164_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_165_3.tif", + "label": "train/gi_codex_165_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_168_1.tif", + "label": "train/gi_codex_168_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_170_2.tif", + "label": "train/gi_codex_170_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_171_2.tif", + "label": "train/gi_codex_171_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_173_2.tif", + "label": "train/gi_codex_173_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_174_2.tif", + "label": "train/gi_codex_174_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_174_3.tif", + "label": "train/gi_codex_174_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_179_2.tif", + "label": "train/gi_codex_179_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_180_2.tif", + "label": "train/gi_codex_180_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_180_3.tif", + "label": "train/gi_codex_180_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_182_3.tif", + "label": "train/gi_codex_182_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_184_3.tif", + "label": "train/gi_codex_184_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_185_0.tif", + "label": "train/gi_codex_185_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_185_1.tif", + "label": "train/gi_codex_185_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_185_2.tif", + "label": "train/gi_codex_185_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_186_0.tif", + "label": "train/gi_codex_186_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_186_2.tif", + "label": "train/gi_codex_186_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_188_0.tif", + "label": "train/gi_codex_188_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_188_2.tif", + "label": "train/gi_codex_188_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_188_3.tif", + "label": "train/gi_codex_188_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_189_3.tif", + "label": "train/gi_codex_189_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_191_1.tif", + "label": "train/gi_codex_191_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_192_1.tif", + "label": "train/gi_codex_192_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_194_0.tif", + "label": "train/gi_codex_194_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_195_0.tif", + "label": "train/gi_codex_195_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_195_2.tif", + "label": "train/gi_codex_195_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_197_1.tif", + "label": "train/gi_codex_197_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_198_0.tif", + "label": "train/gi_codex_198_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_199_2.tif", + "label": "train/gi_codex_199_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_199_3.tif", + "label": "train/gi_codex_199_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_202_2.tif", + "label": "train/gi_codex_202_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_204_3.tif", + "label": "train/gi_codex_204_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_205_3.tif", + "label": "train/gi_codex_205_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_206_0.tif", + "label": "train/gi_codex_206_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_206_2.tif", + "label": "train/gi_codex_206_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_206_3.tif", + "label": "train/gi_codex_206_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_207_2.tif", + "label": "train/gi_codex_207_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_207_3.tif", + "label": "train/gi_codex_207_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_208_1.tif", + "label": "train/gi_codex_208_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_210_1.tif", + "label": "train/gi_codex_210_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_210_2.tif", + "label": "train/gi_codex_210_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_211_3.tif", + "label": "train/gi_codex_211_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_215_0.tif", + "label": "train/gi_codex_215_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_215_2.tif", + "label": "train/gi_codex_215_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_215_3.tif", + "label": "train/gi_codex_215_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_216_3.tif", + "label": "train/gi_codex_216_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_217_0.tif", + "label": "train/gi_codex_217_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_218_3.tif", + "label": "train/gi_codex_218_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_221_3.tif", + "label": "train/gi_codex_221_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_222_2.tif", + "label": "train/gi_codex_222_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_223_0.tif", + "label": "train/gi_codex_223_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_228_0.tif", + "label": "train/gi_codex_228_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_228_2.tif", + "label": "train/gi_codex_228_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_230_2.tif", + "label": "train/gi_codex_230_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_230_3.tif", + "label": "train/gi_codex_230_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_231_2.tif", + "label": "train/gi_codex_231_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_232_2.tif", + "label": "train/gi_codex_232_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_234_2.tif", + "label": "train/gi_codex_234_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_235_1.tif", + "label": "train/gi_codex_235_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_235_2.tif", + "label": "train/gi_codex_235_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_237_2.tif", + "label": "train/gi_codex_237_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_237_3.tif", + "label": "train/gi_codex_237_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_240_2.tif", + "label": "train/gi_codex_240_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_241_2.tif", + "label": "train/gi_codex_241_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_242_1.tif", + "label": "train/gi_codex_242_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_243_2.tif", + "label": "train/gi_codex_243_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_244_0.tif", + "label": "train/gi_codex_244_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_244_2.tif", + "label": "train/gi_codex_244_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_246_2.tif", + "label": "train/gi_codex_246_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_247_0.tif", + "label": "train/gi_codex_247_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_247_3.tif", + "label": "train/gi_codex_247_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_250_1.tif", + "label": "train/gi_codex_250_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_250_3.tif", + "label": "train/gi_codex_250_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_251_3.tif", + "label": "train/gi_codex_251_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_253_2.tif", + "label": "train/gi_codex_253_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_255_3.tif", + "label": "train/gi_codex_255_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_256_0.tif", + "label": "train/gi_codex_256_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_257_1.tif", + "label": "train/gi_codex_257_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_262_0.tif", + "label": "train/gi_codex_262_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_263_3.tif", + "label": "train/gi_codex_263_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_264_0.tif", + "label": "train/gi_codex_264_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_264_1.tif", + "label": "train/gi_codex_264_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_1_1.tif", + "label": "train/gi_mibi_1_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_3_2.tif", + "label": "train/gi_mibi_3_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_6_2.tif", + "label": "train/gi_mibi_6_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_7_0.tif", + "label": "train/gi_mibi_7_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_8_1.tif", + "label": "train/gi_mibi_8_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_9_1.tif", + "label": "train/gi_mibi_9_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_9_3.tif", + "label": "train/gi_mibi_9_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_13_0.tif", + "label": "train/gi_mibi_13_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_13_3.tif", + "label": "train/gi_mibi_13_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_15_3.tif", + "label": "train/gi_mibi_15_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_16_2.tif", + "label": "train/gi_mibi_16_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_17_2.tif", + "label": "train/gi_mibi_17_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_23_2.tif", + "label": "train/gi_mibi_23_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_25_2.tif", + "label": "train/gi_mibi_25_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_27_0.tif", + "label": "train/gi_mibi_27_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_29_0.tif", + "label": "train/gi_mibi_29_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_30_0.tif", + "label": "train/gi_mibi_30_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_31_2.tif", + "label": "train/gi_mibi_31_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_33_1.tif", + "label": "train/gi_mibi_33_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_33_2.tif", + "label": "train/gi_mibi_33_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_33_3.tif", + "label": "train/gi_mibi_33_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_34_3.tif", + "label": "train/gi_mibi_34_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_36_1.tif", + "label": "train/gi_mibi_36_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_36_3.tif", + "label": "train/gi_mibi_36_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_38_3.tif", + "label": "train/gi_mibi_38_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_39_2.tif", + "label": "train/gi_mibi_39_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_41_1.tif", + "label": "train/gi_mibi_41_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_44_0.tif", + "label": "train/gi_mibi_44_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_44_2.tif", + "label": "train/gi_mibi_44_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_44_3.tif", + "label": "train/gi_mibi_44_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_46_2.tif", + "label": "train/gi_mibi_46_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_48_0.tif", + "label": "train/gi_mibi_48_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_48_1.tif", + "label": "train/gi_mibi_48_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_48_3.tif", + "label": "train/gi_mibi_48_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_50_3.tif", + "label": "train/gi_mibi_50_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_54_0.tif", + "label": "train/gi_mibi_54_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_58_2.tif", + "label": "train/gi_mibi_58_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_59_2.tif", + "label": "train/gi_mibi_59_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_60_0.tif", + "label": "train/gi_mibi_60_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_62_2.tif", + "label": "train/gi_mibi_62_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_62_3.tif", + "label": "train/gi_mibi_62_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_63_2.tif", + "label": "train/gi_mibi_63_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_63_3.tif", + "label": "train/gi_mibi_63_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_64_0.tif", + "label": "train/gi_mibi_64_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_68_2.tif", + "label": "train/gi_mibi_68_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_69_0.tif", + "label": "train/gi_mibi_69_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_69_1.tif", + "label": "train/gi_mibi_69_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_70_2.tif", + "label": "train/gi_mibi_70_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_70_3.tif", + "label": "train/gi_mibi_70_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_73_0.tif", + "label": "train/gi_mibi_73_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_73_2.tif", + "label": "train/gi_mibi_73_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_74_1.tif", + "label": "train/gi_mibi_74_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_75_3.tif", + "label": "train/gi_mibi_75_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_76_2.tif", + "label": "train/gi_mibi_76_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_76_3.tif", + "label": "train/gi_mibi_76_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_77_2.tif", + "label": "train/gi_mibi_77_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_81_2.tif", + "label": "train/gi_mibi_81_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_88_0.tif", + "label": "train/gi_mibi_88_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_88_2.tif", + "label": "train/gi_mibi_88_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_91_0.tif", + "label": "train/gi_mibi_91_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_91_1.tif", + "label": "train/gi_mibi_91_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_93_1.tif", + "label": "train/gi_mibi_93_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_94_0.tif", + "label": "train/gi_mibi_94_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_95_0.tif", + "label": "train/gi_mibi_95_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_95_2.tif", + "label": "train/gi_mibi_95_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_96_3.tif", + "label": "train/gi_mibi_96_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_98_2.tif", + "label": "train/gi_mibi_98_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_100_0.tif", + "label": "train/gi_mibi_100_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_100_3.tif", + "label": "train/gi_mibi_100_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_103_0.tif", + "label": "train/gi_mibi_103_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_103_3.tif", + "label": "train/gi_mibi_103_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_110_1.tif", + "label": "train/gi_mibi_110_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_110_2.tif", + "label": "train/gi_mibi_110_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_111_2.tif", + "label": "train/gi_mibi_111_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_112_0.tif", + "label": "train/gi_mibi_112_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_112_2.tif", + "label": "train/gi_mibi_112_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_113_0.tif", + "label": "train/gi_mibi_113_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_116_3.tif", + "label": "train/gi_mibi_116_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_119_3.tif", + "label": "train/gi_mibi_119_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_120_1.tif", + "label": "train/gi_mibi_120_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_121_2.tif", + "label": "train/gi_mibi_121_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_122_1.tif", + "label": "train/gi_mibi_122_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_123_1.tif", + "label": "train/gi_mibi_123_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_125_3.tif", + "label": "train/gi_mibi_125_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_126_0.tif", + "label": "train/gi_mibi_126_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_129_3.tif", + "label": "train/gi_mibi_129_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_131_3.tif", + "label": "train/gi_mibi_131_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_133_3.tif", + "label": "train/gi_mibi_133_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_134_0.tif", + "label": "train/gi_mibi_134_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_134_2.tif", + "label": "train/gi_mibi_134_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_137_2.tif", + "label": "train/gi_mibi_137_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_138_2.tif", + "label": "train/gi_mibi_138_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_139_3.tif", + "label": "train/gi_mibi_139_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_140_1.tif", + "label": "train/gi_mibi_140_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_142_1.tif", + "label": "train/gi_mibi_142_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_142_2.tif", + "label": "train/gi_mibi_142_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_144_3.tif", + "label": "train/gi_mibi_144_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_148_0.tif", + "label": "train/gi_mibi_148_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_149_2.tif", + "label": "train/gi_mibi_149_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_149_3.tif", + "label": "train/gi_mibi_149_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_150_0.tif", + "label": "train/gi_mibi_150_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_150_1.tif", + "label": "train/gi_mibi_150_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_151_1.tif", + "label": "train/gi_mibi_151_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_153_0.tif", + "label": "train/gi_mibi_153_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_154_2.tif", + "label": "train/gi_mibi_154_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_160_0.tif", + "label": "train/gi_mibi_160_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_161_1.tif", + "label": "train/gi_mibi_161_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_161_3.tif", + "label": "train/gi_mibi_161_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_162_2.tif", + "label": "train/gi_mibi_162_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_163_2.tif", + "label": "train/gi_mibi_163_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_166_3.tif", + "label": "train/gi_mibi_166_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_167_1.tif", + "label": "train/gi_mibi_167_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_168_3.tif", + "label": "train/gi_mibi_168_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_169_3.tif", + "label": "train/gi_mibi_169_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_170_2.tif", + "label": "train/gi_mibi_170_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_171_2.tif", + "label": "train/gi_mibi_171_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_172_3.tif", + "label": "train/gi_mibi_172_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_175_0.tif", + "label": "train/gi_mibi_175_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_176_1.tif", + "label": "train/gi_mibi_176_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_177_3.tif", + "label": "train/gi_mibi_177_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_178_3.tif", + "label": "train/gi_mibi_178_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_180_2.tif", + "label": "train/gi_mibi_180_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_181_0.tif", + "label": "train/gi_mibi_181_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_182_1.tif", + "label": "train/gi_mibi_182_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_183_1.tif", + "label": "train/gi_mibi_183_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_184_0.tif", + "label": "train/gi_mibi_184_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_186_1.tif", + "label": "train/gi_mibi_186_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_186_3.tif", + "label": "train/gi_mibi_186_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_188_0.tif", + "label": "train/gi_mibi_188_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_189_1.tif", + "label": "train/gi_mibi_189_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_193_3.tif", + "label": "train/gi_mibi_193_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_194_1.tif", + "label": "train/gi_mibi_194_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_194_3.tif", + "label": "train/gi_mibi_194_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_195_3.tif", + "label": "train/gi_mibi_195_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_199_1.tif", + "label": "train/gi_mibi_199_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_200_3.tif", + "label": "train/gi_mibi_200_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_201_0.tif", + "label": "train/gi_mibi_201_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_203_1.tif", + "label": "train/gi_mibi_203_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_205_2.tif", + "label": "train/gi_mibi_205_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_206_1.tif", + "label": "train/gi_mibi_206_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_209_1.tif", + "label": "train/gi_mibi_209_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_210_0.tif", + "label": "train/gi_mibi_210_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_211_2.tif", + "label": "train/gi_mibi_211_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_212_0.tif", + "label": "train/gi_mibi_212_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_214_3.tif", + "label": "train/gi_mibi_214_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_219_0.tif", + "label": "train/gi_mibi_219_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_221_0.tif", + "label": "train/gi_mibi_221_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_221_3.tif", + "label": "train/gi_mibi_221_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_222_0.tif", + "label": "train/gi_mibi_222_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_222_2.tif", + "label": "train/gi_mibi_222_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_223_0.tif", + "label": "train/gi_mibi_223_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_224_3.tif", + "label": "train/gi_mibi_224_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_226_1.tif", + "label": "train/gi_mibi_226_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_226_3.tif", + "label": "train/gi_mibi_226_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_227_0.tif", + "label": "train/gi_mibi_227_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_227_2.tif", + "label": "train/gi_mibi_227_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_227_3.tif", + "label": "train/gi_mibi_227_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_228_0.tif", + "label": "train/gi_mibi_228_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_228_1.tif", + "label": "train/gi_mibi_228_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_229_0.tif", + "label": "train/gi_mibi_229_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_230_0.tif", + "label": "train/gi_mibi_230_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_230_1.tif", + "label": "train/gi_mibi_230_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_231_0.tif", + "label": "train/gi_mibi_231_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_231_1.tif", + "label": "train/gi_mibi_231_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_233_1.tif", + "label": "train/gi_mibi_233_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_233_2.tif", + "label": "train/gi_mibi_233_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_234_2.tif", + "label": "train/gi_mibi_234_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_234_3.tif", + "label": "train/gi_mibi_234_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_235_3.tif", + "label": "train/gi_mibi_235_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_237_2.tif", + "label": "train/gi_mibi_237_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_237_3.tif", + "label": "train/gi_mibi_237_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_239_1.tif", + "label": "train/gi_mibi_239_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_239_3.tif", + "label": "train/gi_mibi_239_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_241_1.tif", + "label": "train/gi_mibi_241_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_243_0.tif", + "label": "train/gi_mibi_243_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_243_3.tif", + "label": "train/gi_mibi_243_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_244_1.tif", + "label": "train/gi_mibi_244_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_244_2.tif", + "label": "train/gi_mibi_244_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_244_3.tif", + "label": "train/gi_mibi_244_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_245_0.tif", + "label": "train/gi_mibi_245_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_245_1.tif", + "label": "train/gi_mibi_245_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_246_2.tif", + "label": "train/gi_mibi_246_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_248_1.tif", + "label": "train/gi_mibi_248_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_248_2.tif", + "label": "train/gi_mibi_248_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_249_1.tif", + "label": "train/gi_mibi_249_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_250_2.tif", + "label": "train/gi_mibi_250_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_251_3.tif", + "label": "train/gi_mibi_251_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_252_3.tif", + "label": "train/gi_mibi_252_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_253_0.tif", + "label": "train/gi_mibi_253_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_254_0.tif", + "label": "train/gi_mibi_254_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_254_1.tif", + "label": "train/gi_mibi_254_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_254_3.tif", + "label": "train/gi_mibi_254_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_255_2.tif", + "label": "train/gi_mibi_255_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_256_1.tif", + "label": "train/gi_mibi_256_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_256_2.tif", + "label": "train/gi_mibi_256_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_257_2.tif", + "label": "train/gi_mibi_257_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_257_3.tif", + "label": "train/gi_mibi_257_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_258_3.tif", + "label": "train/gi_mibi_258_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_259_2.tif", + "label": "train/gi_mibi_259_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_260_1.tif", + "label": "train/gi_mibi_260_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_263_0.tif", + "label": "train/gi_mibi_263_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_264_0.tif", + "label": "train/gi_mibi_264_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_264_2.tif", + "label": "train/gi_mibi_264_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_265_0.tif", + "label": "train/gi_mibi_265_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_265_2.tif", + "label": "train/gi_mibi_265_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_267_2.tif", + "label": "train/gi_mibi_267_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_268_1.tif", + "label": "train/gi_mibi_268_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_269_0.tif", + "label": "train/gi_mibi_269_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_269_3.tif", + "label": "train/gi_mibi_269_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_270_3.tif", + "label": "train/gi_mibi_270_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_271_1.tif", + "label": "train/gi_mibi_271_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_272_1.tif", + "label": "train/gi_mibi_272_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_272_2.tif", + "label": "train/gi_mibi_272_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_273_1.tif", + "label": "train/gi_mibi_273_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_275_0.tif", + "label": "train/gi_mibi_275_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_277_3.tif", + "label": "train/gi_mibi_277_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_279_1.tif", + "label": "train/gi_mibi_279_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_280_3.tif", + "label": "train/gi_mibi_280_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_282_0.tif", + "label": "train/gi_mibi_282_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_283_3.tif", + "label": "train/gi_mibi_283_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_284_0.tif", + "label": "train/gi_mibi_284_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_284_3.tif", + "label": "train/gi_mibi_284_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_286_3.tif", + "label": "train/gi_mibi_286_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_287_0.tif", + "label": "train/gi_mibi_287_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_289_0.tif", + "label": "train/gi_mibi_289_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_291_0.tif", + "label": "train/gi_mibi_291_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_291_3.tif", + "label": "train/gi_mibi_291_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_292_0.tif", + "label": "train/gi_mibi_292_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_292_1.tif", + "label": "train/gi_mibi_292_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_293_3.tif", + "label": "train/gi_mibi_293_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_294_0.tif", + "label": "train/gi_mibi_294_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_295_1.tif", + "label": "train/gi_mibi_295_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_297_3.tif", + "label": "train/gi_mibi_297_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_298_0.tif", + "label": "train/gi_mibi_298_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_299_2.tif", + "label": "train/gi_mibi_299_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_300_2.tif", + "label": "train/gi_mibi_300_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_302_0.tif", + "label": "train/gi_mibi_302_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_305_0.tif", + "label": "train/gi_mibi_305_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_307_3.tif", + "label": "train/gi_mibi_307_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_308_0.tif", + "label": "train/gi_mibi_308_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_309_0.tif", + "label": "train/gi_mibi_309_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_310_1.tif", + "label": "train/gi_mibi_310_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_313_3.tif", + "label": "train/gi_mibi_313_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_314_2.tif", + "label": "train/gi_mibi_314_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_315_0.tif", + "label": "train/gi_mibi_315_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_316_2.tif", + "label": "train/gi_mibi_316_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_318_3.tif", + "label": "train/gi_mibi_318_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_319_0.tif", + "label": "train/gi_mibi_319_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_319_2.tif", + "label": "train/gi_mibi_319_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_321_0.tif", + "label": "train/gi_mibi_321_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_324_2.tif", + "label": "train/gi_mibi_324_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_324_3.tif", + "label": "train/gi_mibi_324_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_325_0.tif", + "label": "train/gi_mibi_325_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_325_2.tif", + "label": "train/gi_mibi_325_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_326_3.tif", + "label": "train/gi_mibi_326_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_327_3.tif", + "label": "train/gi_mibi_327_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_328_1.tif", + "label": "train/gi_mibi_328_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_328_3.tif", + "label": "train/gi_mibi_328_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_330_0.tif", + "label": "train/gi_mibi_330_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_330_1.tif", + "label": "train/gi_mibi_330_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_331_0.tif", + "label": "train/gi_mibi_331_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_331_2.tif", + "label": "train/gi_mibi_331_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_332_0.tif", + "label": "train/gi_mibi_332_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_1_3.tif", + "label": "train/gi_mxif_1_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_4_0.tif", + "label": "train/gi_mxif_4_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_6_0.tif", + "label": "train/gi_mxif_6_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_6_1.tif", + "label": "train/gi_mxif_6_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_7_0.tif", + "label": "train/gi_mxif_7_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_7_3.tif", + "label": "train/gi_mxif_7_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_9_2.tif", + "label": "train/gi_mxif_9_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_10_3.tif", + "label": "train/gi_mxif_10_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_11_0.tif", + "label": "train/gi_mxif_11_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_11_1.tif", + "label": "train/gi_mxif_11_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_13_0.tif", + "label": "train/gi_mxif_13_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_13_3.tif", + "label": "train/gi_mxif_13_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_14_1.tif", + "label": "train/gi_mxif_14_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_16_0.tif", + "label": "train/gi_mxif_16_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_16_1.tif", + "label": "train/gi_mxif_16_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_17_3.tif", + "label": "train/gi_mxif_17_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_18_3.tif", + "label": "train/gi_mxif_18_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_19_1.tif", + "label": "train/gi_mxif_19_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_21_2.tif", + "label": "train/gi_mxif_21_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_22_3.tif", + "label": "train/gi_mxif_22_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_24_2.tif", + "label": "train/gi_mxif_24_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_28_3.tif", + "label": "train/gi_mxif_28_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_29_1.tif", + "label": "train/gi_mxif_29_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_29_2.tif", + "label": "train/gi_mxif_29_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_30_1.tif", + "label": "train/gi_mxif_30_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_31_0.tif", + "label": "train/gi_mxif_31_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_31_1.tif", + "label": "train/gi_mxif_31_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_31_2.tif", + "label": "train/gi_mxif_31_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_32_3.tif", + "label": "train/gi_mxif_32_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_33_2.tif", + "label": "train/gi_mxif_33_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_35_3.tif", + "label": "train/gi_mxif_35_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_37_2.tif", + "label": "train/gi_mxif_37_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_38_3.tif", + "label": "train/gi_mxif_38_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_44_3.tif", + "label": "train/gi_mxif_44_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_46_2.tif", + "label": "train/gi_mxif_46_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_47_0.tif", + "label": "train/gi_mxif_47_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_49_2.tif", + "label": "train/gi_mxif_49_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_50_0.tif", + "label": "train/gi_mxif_50_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_53_1.tif", + "label": "train/gi_mxif_53_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_54_1.tif", + "label": "train/gi_mxif_54_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_55_2.tif", + "label": "train/gi_mxif_55_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_56_2.tif", + "label": "train/gi_mxif_56_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_57_1.tif", + "label": "train/gi_mxif_57_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_57_3.tif", + "label": "train/gi_mxif_57_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_58_1.tif", + "label": "train/gi_mxif_58_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_60_0.tif", + "label": "train/gi_mxif_60_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_60_3.tif", + "label": "train/gi_mxif_60_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_62_1.tif", + "label": "train/gi_mxif_62_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_63_3.tif", + "label": "train/gi_mxif_63_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_65_0.tif", + "label": "train/gi_mxif_65_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_65_1.tif", + "label": "train/gi_mxif_65_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_65_3.tif", + "label": "train/gi_mxif_65_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_67_1.tif", + "label": "train/gi_mxif_67_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_68_3.tif", + "label": "train/gi_mxif_68_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_71_2.tif", + "label": "train/gi_mxif_71_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_71_3.tif", + "label": "train/gi_mxif_71_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_73_0.tif", + "label": "train/gi_mxif_73_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_74_0.tif", + "label": "train/gi_mxif_74_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_75_0.tif", + "label": "train/gi_mxif_75_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_75_2.tif", + "label": "train/gi_mxif_75_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_76_0.tif", + "label": "train/gi_mxif_76_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_76_2.tif", + "label": "train/gi_mxif_76_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_78_0.tif", + "label": "train/gi_mxif_78_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_80_2.tif", + "label": "train/gi_mxif_80_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_81_1.tif", + "label": "train/gi_mxif_81_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_82_2.tif", + "label": "train/gi_mxif_82_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_84_0.tif", + "label": "train/gi_mxif_84_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_84_3.tif", + "label": "train/gi_mxif_84_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_85_3.tif", + "label": "train/gi_mxif_85_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_88_0.tif", + "label": "train/gi_mxif_88_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_88_2.tif", + "label": "train/gi_mxif_88_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_89_3.tif", + "label": "train/gi_mxif_89_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_91_2.tif", + "label": "train/gi_mxif_91_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_92_2.tif", + "label": "train/gi_mxif_92_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_93_0.tif", + "label": "train/gi_mxif_93_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_93_3.tif", + "label": "train/gi_mxif_93_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_94_3.tif", + "label": "train/gi_mxif_94_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_97_2.tif", + "label": "train/gi_mxif_97_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_98_1.tif", + "label": "train/gi_mxif_98_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_98_3.tif", + "label": "train/gi_mxif_98_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_101_0.tif", + "label": "train/gi_mxif_101_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_101_2.tif", + "label": "train/gi_mxif_101_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_103_3.tif", + "label": "train/gi_mxif_103_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_104_0.tif", + "label": "train/gi_mxif_104_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_104_1.tif", + "label": "train/gi_mxif_104_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_107_1.tif", + "label": "train/gi_mxif_107_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_108_1.tif", + "label": "train/gi_mxif_108_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_108_2.tif", + "label": "train/gi_mxif_108_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_109_2.tif", + "label": "train/gi_mxif_109_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_110_3.tif", + "label": "train/gi_mxif_110_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_111_3.tif", + "label": "train/gi_mxif_111_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_113_1.tif", + "label": "train/gi_mxif_113_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_113_3.tif", + "label": "train/gi_mxif_113_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_116_0.tif", + "label": "train/gi_mxif_116_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_117_1.tif", + "label": "train/gi_mxif_117_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_117_2.tif", + "label": "train/gi_mxif_117_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_118_3.tif", + "label": "train/gi_mxif_118_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_121_0.tif", + "label": "train/gi_mxif_121_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_121_3.tif", + "label": "train/gi_mxif_121_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_124_0.tif", + "label": "train/gi_mxif_124_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_124_2.tif", + "label": "train/gi_mxif_124_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_128_0.tif", + "label": "train/gi_mxif_128_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_132_2.tif", + "label": "train/gi_mxif_132_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_133_1.tif", + "label": "train/gi_mxif_133_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_133_3.tif", + "label": "train/gi_mxif_133_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_134_1.tif", + "label": "train/gi_mxif_134_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_134_2.tif", + "label": "train/gi_mxif_134_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_134_3.tif", + "label": "train/gi_mxif_134_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_135_0.tif", + "label": "train/gi_mxif_135_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_135_2.tif", + "label": "train/gi_mxif_135_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_136_0.tif", + "label": "train/gi_mxif_136_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_136_3.tif", + "label": "train/gi_mxif_136_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_137_3.tif", + "label": "train/gi_mxif_137_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_138_0.tif", + "label": "train/gi_mxif_138_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_138_3.tif", + "label": "train/gi_mxif_138_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_140_0.tif", + "label": "train/gi_mxif_140_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_140_1.tif", + "label": "train/gi_mxif_140_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_141_0.tif", + "label": "train/gi_mxif_141_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_141_1.tif", + "label": "train/gi_mxif_141_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_143_3.tif", + "label": "train/gi_mxif_143_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_144_3.tif", + "label": "train/gi_mxif_144_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_147_3.tif", + "label": "train/gi_mxif_147_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_150_1.tif", + "label": "train/gi_mxif_150_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_151_0.tif", + "label": "train/gi_mxif_151_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_152_0.tif", + "label": "train/gi_mxif_152_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_156_0.tif", + "label": "train/gi_mxif_156_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_157_1.tif", + "label": "train/gi_mxif_157_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_158_0.tif", + "label": "train/gi_mxif_158_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_159_1.tif", + "label": "train/gi_mxif_159_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_159_2.tif", + "label": "train/gi_mxif_159_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_161_3.tif", + "label": "train/gi_mxif_161_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_162_2.tif", + "label": "train/gi_mxif_162_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_164_0.tif", + "label": "train/gi_mxif_164_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_164_2.tif", + "label": "train/gi_mxif_164_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_165_1.tif", + "label": "train/gi_mxif_165_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_165_3.tif", + "label": "train/gi_mxif_165_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_166_1.tif", + "label": "train/gi_mxif_166_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_166_3.tif", + "label": "train/gi_mxif_166_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_167_3.tif", + "label": "train/gi_mxif_167_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_168_2.tif", + "label": "train/gi_mxif_168_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_169_1.tif", + "label": "train/gi_mxif_169_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_170_1.tif", + "label": "train/gi_mxif_170_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_172_1.tif", + "label": "train/gi_mxif_172_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_173_1.tif", + "label": "train/gi_mxif_173_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_174_2.tif", + "label": "train/gi_mxif_174_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_175_1.tif", + "label": "train/gi_mxif_175_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_176_1.tif", + "label": "train/gi_mxif_176_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_177_3.tif", + "label": "train/gi_mxif_177_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_179_3.tif", + "label": "train/gi_mxif_179_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_182_3.tif", + "label": "train/gi_mxif_182_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_3_2.tif", + "label": "train/gi_codex_3_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_3_3.tif", + "label": "train/gi_codex_3_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_4_2.tif", + "label": "train/gi_codex_4_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_5_0.tif", + "label": "train/gi_codex_5_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_6_1.tif", + "label": "train/gi_codex_6_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_9_0.tif", + "label": "train/gi_codex_9_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_10_2.tif", + "label": "train/gi_codex_10_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_13_0.tif", + "label": "train/gi_codex_13_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_15_3.tif", + "label": "train/gi_codex_15_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_17_2.tif", + "label": "train/gi_codex_17_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_17_3.tif", + "label": "train/gi_codex_17_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_19_1.tif", + "label": "train/gi_codex_19_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_21_2.tif", + "label": "train/gi_codex_21_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_23_0.tif", + "label": "train/gi_codex_23_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_23_3.tif", + "label": "train/gi_codex_23_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_24_0.tif", + "label": "train/gi_codex_24_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_25_0.tif", + "label": "train/gi_codex_25_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_26_1.tif", + "label": "train/gi_codex_26_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_27_1.tif", + "label": "train/gi_codex_27_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_28_0.tif", + "label": "train/gi_codex_28_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_28_1.tif", + "label": "train/gi_codex_28_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_28_2.tif", + "label": "train/gi_codex_28_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_29_0.tif", + "label": "train/gi_codex_29_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_29_2.tif", + "label": "train/gi_codex_29_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_30_2.tif", + "label": "train/gi_codex_30_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_32_1.tif", + "label": "train/gi_codex_32_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_35_3.tif", + "label": "train/gi_codex_35_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_36_0.tif", + "label": "train/gi_codex_36_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_36_1.tif", + "label": "train/gi_codex_36_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_37_2.tif", + "label": "train/gi_codex_37_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_38_0.tif", + "label": "train/gi_codex_38_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_38_1.tif", + "label": "train/gi_codex_38_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_38_3.tif", + "label": "train/gi_codex_38_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_40_2.tif", + "label": "train/gi_codex_40_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_42_0.tif", + "label": "train/gi_codex_42_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_43_2.tif", + "label": "train/gi_codex_43_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_44_3.tif", + "label": "train/gi_codex_44_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_45_3.tif", + "label": "train/gi_codex_45_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_46_0.tif", + "label": "train/gi_codex_46_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_49_1.tif", + "label": "train/gi_codex_49_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_53_1.tif", + "label": "train/gi_codex_53_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_53_2.tif", + "label": "train/gi_codex_53_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_55_2.tif", + "label": "train/gi_codex_55_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_56_1.tif", + "label": "train/gi_codex_56_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_58_0.tif", + "label": "train/gi_codex_58_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_58_3.tif", + "label": "train/gi_codex_58_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_60_0.tif", + "label": "train/gi_codex_60_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_60_3.tif", + "label": "train/gi_codex_60_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_61_1.tif", + "label": "train/gi_codex_61_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_61_2.tif", + "label": "train/gi_codex_61_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_61_3.tif", + "label": "train/gi_codex_61_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_62_1.tif", + "label": "train/gi_codex_62_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_63_0.tif", + "label": "train/gi_codex_63_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_63_1.tif", + "label": "train/gi_codex_63_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_65_3.tif", + "label": "train/gi_codex_65_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_66_2.tif", + "label": "train/gi_codex_66_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_67_1.tif", + "label": "train/gi_codex_67_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_67_3.tif", + "label": "train/gi_codex_67_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_68_0.tif", + "label": "train/gi_codex_68_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_72_2.tif", + "label": "train/gi_codex_72_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_74_0.tif", + "label": "train/gi_codex_74_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_78_0.tif", + "label": "train/gi_codex_78_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_78_1.tif", + "label": "train/gi_codex_78_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_79_0.tif", + "label": "train/gi_codex_79_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_79_1.tif", + "label": "train/gi_codex_79_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_79_3.tif", + "label": "train/gi_codex_79_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_81_0.tif", + "label": "train/gi_codex_81_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_81_3.tif", + "label": "train/gi_codex_81_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_83_1.tif", + "label": "train/gi_codex_83_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_83_2.tif", + "label": "train/gi_codex_83_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_84_1.tif", + "label": "train/gi_codex_84_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_85_2.tif", + "label": "train/gi_codex_85_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_85_3.tif", + "label": "train/gi_codex_85_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_86_0.tif", + "label": "train/gi_codex_86_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_89_0.tif", + "label": "train/gi_codex_89_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_89_1.tif", + "label": "train/gi_codex_89_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_90_2.tif", + "label": "train/gi_codex_90_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_93_1.tif", + "label": "train/gi_codex_93_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_94_0.tif", + "label": "train/gi_codex_94_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_94_1.tif", + "label": "train/gi_codex_94_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_94_2.tif", + "label": "train/gi_codex_94_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_94_3.tif", + "label": "train/gi_codex_94_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_97_3.tif", + "label": "train/gi_codex_97_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_100_2.tif", + "label": "train/gi_codex_100_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_101_1.tif", + "label": "train/gi_codex_101_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_102_2.tif", + "label": "train/gi_codex_102_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_102_3.tif", + "label": "train/gi_codex_102_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_103_0.tif", + "label": "train/gi_codex_103_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_103_1.tif", + "label": "train/gi_codex_103_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_104_1.tif", + "label": "train/gi_codex_104_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_105_3.tif", + "label": "train/gi_codex_105_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_107_3.tif", + "label": "train/gi_codex_107_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_112_2.tif", + "label": "train/gi_codex_112_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_112_3.tif", + "label": "train/gi_codex_112_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_113_2.tif", + "label": "train/gi_codex_113_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_115_1.tif", + "label": "train/gi_codex_115_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_116_1.tif", + "label": "train/gi_codex_116_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_116_3.tif", + "label": "train/gi_codex_116_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_117_1.tif", + "label": "train/gi_codex_117_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_118_3.tif", + "label": "train/gi_codex_118_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_122_1.tif", + "label": "train/gi_codex_122_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_124_1.tif", + "label": "train/gi_codex_124_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_126_1.tif", + "label": "train/gi_codex_126_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_126_2.tif", + "label": "train/gi_codex_126_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_128_3.tif", + "label": "train/gi_codex_128_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_129_3.tif", + "label": "train/gi_codex_129_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_130_2.tif", + "label": "train/gi_codex_130_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_131_0.tif", + "label": "train/gi_codex_131_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_133_0.tif", + "label": "train/gi_codex_133_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_134_3.tif", + "label": "train/gi_codex_134_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_135_2.tif", + "label": "train/gi_codex_135_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_136_1.tif", + "label": "train/gi_codex_136_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_138_0.tif", + "label": "train/gi_codex_138_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_140_2.tif", + "label": "train/gi_codex_140_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_141_0.tif", + "label": "train/gi_codex_141_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_141_1.tif", + "label": "train/gi_codex_141_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_141_2.tif", + "label": "train/gi_codex_141_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_145_0.tif", + "label": "train/gi_codex_145_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_147_3.tif", + "label": "train/gi_codex_147_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_150_1.tif", + "label": "train/gi_codex_150_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_151_2.tif", + "label": "train/gi_codex_151_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_152_1.tif", + "label": "train/gi_codex_152_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_152_3.tif", + "label": "train/gi_codex_152_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_154_1.tif", + "label": "train/gi_codex_154_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_155_1.tif", + "label": "train/gi_codex_155_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_156_0.tif", + "label": "train/gi_codex_156_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_156_2.tif", + "label": "train/gi_codex_156_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_158_1.tif", + "label": "train/gi_codex_158_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_159_1.tif", + "label": "train/gi_codex_159_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_162_0.tif", + "label": "train/gi_codex_162_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_162_3.tif", + "label": "train/gi_codex_162_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_163_0.tif", + "label": "train/gi_codex_163_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_164_0.tif", + "label": "train/gi_codex_164_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_164_1.tif", + "label": "train/gi_codex_164_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_164_2.tif", + "label": "train/gi_codex_164_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_166_1.tif", + "label": "train/gi_codex_166_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_166_3.tif", + "label": "train/gi_codex_166_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_167_0.tif", + "label": "train/gi_codex_167_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_169_0.tif", + "label": "train/gi_codex_169_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_169_1.tif", + "label": "train/gi_codex_169_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_171_0.tif", + "label": "train/gi_codex_171_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_171_3.tif", + "label": "train/gi_codex_171_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_172_2.tif", + "label": "train/gi_codex_172_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_172_3.tif", + "label": "train/gi_codex_172_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_173_3.tif", + "label": "train/gi_codex_173_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_174_0.tif", + "label": "train/gi_codex_174_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_176_0.tif", + "label": "train/gi_codex_176_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_176_2.tif", + "label": "train/gi_codex_176_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_178_2.tif", + "label": "train/gi_codex_178_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_178_3.tif", + "label": "train/gi_codex_178_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_179_0.tif", + "label": "train/gi_codex_179_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_179_1.tif", + "label": "train/gi_codex_179_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_180_1.tif", + "label": "train/gi_codex_180_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_181_3.tif", + "label": "train/gi_codex_181_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_182_0.tif", + "label": "train/gi_codex_182_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_183_0.tif", + "label": "train/gi_codex_183_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_183_2.tif", + "label": "train/gi_codex_183_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_184_2.tif", + "label": "train/gi_codex_184_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_188_1.tif", + "label": "train/gi_codex_188_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_190_2.tif", + "label": "train/gi_codex_190_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_192_2.tif", + "label": "train/gi_codex_192_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_193_3.tif", + "label": "train/gi_codex_193_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_198_2.tif", + "label": "train/gi_codex_198_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_198_3.tif", + "label": "train/gi_codex_198_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_200_3.tif", + "label": "train/gi_codex_200_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_201_2.tif", + "label": "train/gi_codex_201_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_202_3.tif", + "label": "train/gi_codex_202_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_203_2.tif", + "label": "train/gi_codex_203_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_204_2.tif", + "label": "train/gi_codex_204_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_205_2.tif", + "label": "train/gi_codex_205_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_208_0.tif", + "label": "train/gi_codex_208_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_208_3.tif", + "label": "train/gi_codex_208_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_209_1.tif", + "label": "train/gi_codex_209_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_209_2.tif", + "label": "train/gi_codex_209_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_210_3.tif", + "label": "train/gi_codex_210_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_211_0.tif", + "label": "train/gi_codex_211_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_212_0.tif", + "label": "train/gi_codex_212_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_212_2.tif", + "label": "train/gi_codex_212_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_214_0.tif", + "label": "train/gi_codex_214_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_216_1.tif", + "label": "train/gi_codex_216_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_217_1.tif", + "label": "train/gi_codex_217_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_217_3.tif", + "label": "train/gi_codex_217_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_218_1.tif", + "label": "train/gi_codex_218_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_219_2.tif", + "label": "train/gi_codex_219_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_219_3.tif", + "label": "train/gi_codex_219_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_220_2.tif", + "label": "train/gi_codex_220_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_220_3.tif", + "label": "train/gi_codex_220_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_221_0.tif", + "label": "train/gi_codex_221_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_221_2.tif", + "label": "train/gi_codex_221_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_222_1.tif", + "label": "train/gi_codex_222_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_224_1.tif", + "label": "train/gi_codex_224_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_225_1.tif", + "label": "train/gi_codex_225_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_225_3.tif", + "label": "train/gi_codex_225_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_226_1.tif", + "label": "train/gi_codex_226_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_226_3.tif", + "label": "train/gi_codex_226_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_227_0.tif", + "label": "train/gi_codex_227_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_227_2.tif", + "label": "train/gi_codex_227_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_228_3.tif", + "label": "train/gi_codex_228_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_232_0.tif", + "label": "train/gi_codex_232_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_234_3.tif", + "label": "train/gi_codex_234_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_236_0.tif", + "label": "train/gi_codex_236_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_236_3.tif", + "label": "train/gi_codex_236_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_237_1.tif", + "label": "train/gi_codex_237_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_239_0.tif", + "label": "train/gi_codex_239_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_240_0.tif", + "label": "train/gi_codex_240_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_240_3.tif", + "label": "train/gi_codex_240_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_241_0.tif", + "label": "train/gi_codex_241_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_241_3.tif", + "label": "train/gi_codex_241_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_242_3.tif", + "label": "train/gi_codex_242_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_245_0.tif", + "label": "train/gi_codex_245_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_247_1.tif", + "label": "train/gi_codex_247_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_249_2.tif", + "label": "train/gi_codex_249_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_249_3.tif", + "label": "train/gi_codex_249_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_254_2.tif", + "label": "train/gi_codex_254_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_254_3.tif", + "label": "train/gi_codex_254_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_255_2.tif", + "label": "train/gi_codex_255_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_256_1.tif", + "label": "train/gi_codex_256_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_257_3.tif", + "label": "train/gi_codex_257_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_258_1.tif", + "label": "train/gi_codex_258_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_260_2.tif", + "label": "train/gi_codex_260_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_261_2.tif", + "label": "train/gi_codex_261_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_262_1.tif", + "label": "train/gi_codex_262_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_codex_263_0.tif", + "label": "train/gi_codex_263_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_codex_265_1.tif", + "label": "train/gi_codex_265_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_codex_265_2.tif", + "label": "train/gi_codex_265_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_codex_265_3.tif", + "label": "train/gi_codex_265_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_0_3.tif", + "label": "train/gi_mibi_0_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_2_0.tif", + "label": "train/gi_mibi_2_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_2_3.tif", + "label": "train/gi_mibi_2_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_3_0.tif", + "label": "train/gi_mibi_3_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_6_0.tif", + "label": "train/gi_mibi_6_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_7_3.tif", + "label": "train/gi_mibi_7_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_8_0.tif", + "label": "train/gi_mibi_8_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_8_3.tif", + "label": "train/gi_mibi_8_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_10_2.tif", + "label": "train/gi_mibi_10_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_10_3.tif", + "label": "train/gi_mibi_10_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_11_2.tif", + "label": "train/gi_mibi_11_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_11_3.tif", + "label": "train/gi_mibi_11_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_12_1.tif", + "label": "train/gi_mibi_12_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_14_1.tif", + "label": "train/gi_mibi_14_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_17_1.tif", + "label": "train/gi_mibi_17_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_18_1.tif", + "label": "train/gi_mibi_18_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_21_2.tif", + "label": "train/gi_mibi_21_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_22_2.tif", + "label": "train/gi_mibi_22_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_22_3.tif", + "label": "train/gi_mibi_22_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_24_0.tif", + "label": "train/gi_mibi_24_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_26_0.tif", + "label": "train/gi_mibi_26_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_26_2.tif", + "label": "train/gi_mibi_26_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_27_2.tif", + "label": "train/gi_mibi_27_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_27_3.tif", + "label": "train/gi_mibi_27_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_29_2.tif", + "label": "train/gi_mibi_29_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_30_3.tif", + "label": "train/gi_mibi_30_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_31_3.tif", + "label": "train/gi_mibi_31_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_32_0.tif", + "label": "train/gi_mibi_32_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_34_0.tif", + "label": "train/gi_mibi_34_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_34_2.tif", + "label": "train/gi_mibi_34_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_35_3.tif", + "label": "train/gi_mibi_35_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_37_2.tif", + "label": "train/gi_mibi_37_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_42_3.tif", + "label": "train/gi_mibi_42_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_46_3.tif", + "label": "train/gi_mibi_46_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_47_1.tif", + "label": "train/gi_mibi_47_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_47_2.tif", + "label": "train/gi_mibi_47_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_48_2.tif", + "label": "train/gi_mibi_48_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_49_1.tif", + "label": "train/gi_mibi_49_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_52_3.tif", + "label": "train/gi_mibi_52_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_53_1.tif", + "label": "train/gi_mibi_53_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_53_2.tif", + "label": "train/gi_mibi_53_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_55_0.tif", + "label": "train/gi_mibi_55_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_56_0.tif", + "label": "train/gi_mibi_56_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_57_3.tif", + "label": "train/gi_mibi_57_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_59_0.tif", + "label": "train/gi_mibi_59_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_59_3.tif", + "label": "train/gi_mibi_59_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_60_2.tif", + "label": "train/gi_mibi_60_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_61_1.tif", + "label": "train/gi_mibi_61_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_61_3.tif", + "label": "train/gi_mibi_61_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_62_0.tif", + "label": "train/gi_mibi_62_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_62_1.tif", + "label": "train/gi_mibi_62_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_64_1.tif", + "label": "train/gi_mibi_64_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_65_0.tif", + "label": "train/gi_mibi_65_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_65_3.tif", + "label": "train/gi_mibi_65_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_67_0.tif", + "label": "train/gi_mibi_67_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_68_1.tif", + "label": "train/gi_mibi_68_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_70_1.tif", + "label": "train/gi_mibi_70_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_71_2.tif", + "label": "train/gi_mibi_71_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_74_0.tif", + "label": "train/gi_mibi_74_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_75_2.tif", + "label": "train/gi_mibi_75_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_76_0.tif", + "label": "train/gi_mibi_76_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_77_0.tif", + "label": "train/gi_mibi_77_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_78_0.tif", + "label": "train/gi_mibi_78_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_79_3.tif", + "label": "train/gi_mibi_79_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_81_1.tif", + "label": "train/gi_mibi_81_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_82_1.tif", + "label": "train/gi_mibi_82_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_86_3.tif", + "label": "train/gi_mibi_86_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_89_0.tif", + "label": "train/gi_mibi_89_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_89_3.tif", + "label": "train/gi_mibi_89_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_90_0.tif", + "label": "train/gi_mibi_90_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_90_1.tif", + "label": "train/gi_mibi_90_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_91_3.tif", + "label": "train/gi_mibi_91_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_92_2.tif", + "label": "train/gi_mibi_92_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_93_3.tif", + "label": "train/gi_mibi_93_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_95_1.tif", + "label": "train/gi_mibi_95_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_96_1.tif", + "label": "train/gi_mibi_96_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_97_3.tif", + "label": "train/gi_mibi_97_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_99_0.tif", + "label": "train/gi_mibi_99_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_100_1.tif", + "label": "train/gi_mibi_100_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_101_1.tif", + "label": "train/gi_mibi_101_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_102_0.tif", + "label": "train/gi_mibi_102_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_102_1.tif", + "label": "train/gi_mibi_102_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_102_2.tif", + "label": "train/gi_mibi_102_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_103_2.tif", + "label": "train/gi_mibi_103_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_105_0.tif", + "label": "train/gi_mibi_105_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_105_1.tif", + "label": "train/gi_mibi_105_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_105_2.tif", + "label": "train/gi_mibi_105_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_106_3.tif", + "label": "train/gi_mibi_106_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_107_0.tif", + "label": "train/gi_mibi_107_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_107_1.tif", + "label": "train/gi_mibi_107_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_107_3.tif", + "label": "train/gi_mibi_107_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_108_3.tif", + "label": "train/gi_mibi_108_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_114_1.tif", + "label": "train/gi_mibi_114_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_114_2.tif", + "label": "train/gi_mibi_114_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_114_3.tif", + "label": "train/gi_mibi_114_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_115_3.tif", + "label": "train/gi_mibi_115_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_116_0.tif", + "label": "train/gi_mibi_116_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_116_2.tif", + "label": "train/gi_mibi_116_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_118_2.tif", + "label": "train/gi_mibi_118_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_120_3.tif", + "label": "train/gi_mibi_120_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_124_0.tif", + "label": "train/gi_mibi_124_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_126_3.tif", + "label": "train/gi_mibi_126_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_127_0.tif", + "label": "train/gi_mibi_127_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_129_0.tif", + "label": "train/gi_mibi_129_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_129_1.tif", + "label": "train/gi_mibi_129_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_129_2.tif", + "label": "train/gi_mibi_129_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_131_2.tif", + "label": "train/gi_mibi_131_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_132_2.tif", + "label": "train/gi_mibi_132_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_133_2.tif", + "label": "train/gi_mibi_133_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_137_0.tif", + "label": "train/gi_mibi_137_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_137_3.tif", + "label": "train/gi_mibi_137_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_138_0.tif", + "label": "train/gi_mibi_138_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_138_3.tif", + "label": "train/gi_mibi_138_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_139_0.tif", + "label": "train/gi_mibi_139_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_139_2.tif", + "label": "train/gi_mibi_139_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_140_3.tif", + "label": "train/gi_mibi_140_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_141_2.tif", + "label": "train/gi_mibi_141_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_142_0.tif", + "label": "train/gi_mibi_142_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_142_3.tif", + "label": "train/gi_mibi_142_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_143_2.tif", + "label": "train/gi_mibi_143_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_143_3.tif", + "label": "train/gi_mibi_143_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_144_0.tif", + "label": "train/gi_mibi_144_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_150_2.tif", + "label": "train/gi_mibi_150_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_150_3.tif", + "label": "train/gi_mibi_150_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_153_3.tif", + "label": "train/gi_mibi_153_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_155_2.tif", + "label": "train/gi_mibi_155_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_156_1.tif", + "label": "train/gi_mibi_156_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_157_0.tif", + "label": "train/gi_mibi_157_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_157_1.tif", + "label": "train/gi_mibi_157_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_157_2.tif", + "label": "train/gi_mibi_157_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_159_0.tif", + "label": "train/gi_mibi_159_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_160_2.tif", + "label": "train/gi_mibi_160_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_162_0.tif", + "label": "train/gi_mibi_162_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_162_3.tif", + "label": "train/gi_mibi_162_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_163_1.tif", + "label": "train/gi_mibi_163_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_164_2.tif", + "label": "train/gi_mibi_164_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_168_2.tif", + "label": "train/gi_mibi_168_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_169_0.tif", + "label": "train/gi_mibi_169_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_169_1.tif", + "label": "train/gi_mibi_169_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_170_1.tif", + "label": "train/gi_mibi_170_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_172_0.tif", + "label": "train/gi_mibi_172_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_173_0.tif", + "label": "train/gi_mibi_173_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_173_1.tif", + "label": "train/gi_mibi_173_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_174_2.tif", + "label": "train/gi_mibi_174_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_174_3.tif", + "label": "train/gi_mibi_174_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_176_3.tif", + "label": "train/gi_mibi_176_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_177_2.tif", + "label": "train/gi_mibi_177_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_182_3.tif", + "label": "train/gi_mibi_182_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_183_2.tif", + "label": "train/gi_mibi_183_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_183_3.tif", + "label": "train/gi_mibi_183_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_184_1.tif", + "label": "train/gi_mibi_184_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_184_3.tif", + "label": "train/gi_mibi_184_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_185_2.tif", + "label": "train/gi_mibi_185_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_189_0.tif", + "label": "train/gi_mibi_189_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_190_0.tif", + "label": "train/gi_mibi_190_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_191_2.tif", + "label": "train/gi_mibi_191_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_192_2.tif", + "label": "train/gi_mibi_192_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_192_3.tif", + "label": "train/gi_mibi_192_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_193_2.tif", + "label": "train/gi_mibi_193_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_194_0.tif", + "label": "train/gi_mibi_194_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_195_0.tif", + "label": "train/gi_mibi_195_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_195_1.tif", + "label": "train/gi_mibi_195_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_196_1.tif", + "label": "train/gi_mibi_196_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_201_1.tif", + "label": "train/gi_mibi_201_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_201_3.tif", + "label": "train/gi_mibi_201_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_202_2.tif", + "label": "train/gi_mibi_202_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_203_0.tif", + "label": "train/gi_mibi_203_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_203_2.tif", + "label": "train/gi_mibi_203_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_203_3.tif", + "label": "train/gi_mibi_203_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_204_0.tif", + "label": "train/gi_mibi_204_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_204_3.tif", + "label": "train/gi_mibi_204_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_205_3.tif", + "label": "train/gi_mibi_205_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_206_0.tif", + "label": "train/gi_mibi_206_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_206_2.tif", + "label": "train/gi_mibi_206_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_208_2.tif", + "label": "train/gi_mibi_208_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_212_2.tif", + "label": "train/gi_mibi_212_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_214_0.tif", + "label": "train/gi_mibi_214_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_215_3.tif", + "label": "train/gi_mibi_215_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_218_0.tif", + "label": "train/gi_mibi_218_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_218_3.tif", + "label": "train/gi_mibi_218_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_219_2.tif", + "label": "train/gi_mibi_219_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_221_1.tif", + "label": "train/gi_mibi_221_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_226_0.tif", + "label": "train/gi_mibi_226_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_228_3.tif", + "label": "train/gi_mibi_228_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_229_1.tif", + "label": "train/gi_mibi_229_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_229_2.tif", + "label": "train/gi_mibi_229_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_229_3.tif", + "label": "train/gi_mibi_229_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_233_0.tif", + "label": "train/gi_mibi_233_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_237_0.tif", + "label": "train/gi_mibi_237_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_240_1.tif", + "label": "train/gi_mibi_240_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_242_1.tif", + "label": "train/gi_mibi_242_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_247_0.tif", + "label": "train/gi_mibi_247_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_247_3.tif", + "label": "train/gi_mibi_247_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_251_1.tif", + "label": "train/gi_mibi_251_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_252_0.tif", + "label": "train/gi_mibi_252_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_253_1.tif", + "label": "train/gi_mibi_253_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_256_3.tif", + "label": "train/gi_mibi_256_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_257_0.tif", + "label": "train/gi_mibi_257_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_259_3.tif", + "label": "train/gi_mibi_259_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_265_1.tif", + "label": "train/gi_mibi_265_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_265_3.tif", + "label": "train/gi_mibi_265_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_269_1.tif", + "label": "train/gi_mibi_269_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_270_0.tif", + "label": "train/gi_mibi_270_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_271_0.tif", + "label": "train/gi_mibi_271_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_276_3.tif", + "label": "train/gi_mibi_276_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_277_0.tif", + "label": "train/gi_mibi_277_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_278_0.tif", + "label": "train/gi_mibi_278_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_278_2.tif", + "label": "train/gi_mibi_278_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_279_0.tif", + "label": "train/gi_mibi_279_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_280_2.tif", + "label": "train/gi_mibi_280_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_281_1.tif", + "label": "train/gi_mibi_281_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_282_3.tif", + "label": "train/gi_mibi_282_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_283_1.tif", + "label": "train/gi_mibi_283_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_285_1.tif", + "label": "train/gi_mibi_285_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_286_2.tif", + "label": "train/gi_mibi_286_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_287_2.tif", + "label": "train/gi_mibi_287_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_288_0.tif", + "label": "train/gi_mibi_288_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_288_2.tif", + "label": "train/gi_mibi_288_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_288_3.tif", + "label": "train/gi_mibi_288_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_289_1.tif", + "label": "train/gi_mibi_289_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_289_2.tif", + "label": "train/gi_mibi_289_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_290_0.tif", + "label": "train/gi_mibi_290_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_291_2.tif", + "label": "train/gi_mibi_291_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_295_0.tif", + "label": "train/gi_mibi_295_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_295_3.tif", + "label": "train/gi_mibi_295_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_296_3.tif", + "label": "train/gi_mibi_296_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_297_2.tif", + "label": "train/gi_mibi_297_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_298_1.tif", + "label": "train/gi_mibi_298_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_298_2.tif", + "label": "train/gi_mibi_298_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_299_0.tif", + "label": "train/gi_mibi_299_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_299_1.tif", + "label": "train/gi_mibi_299_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_300_1.tif", + "label": "train/gi_mibi_300_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_300_3.tif", + "label": "train/gi_mibi_300_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_301_1.tif", + "label": "train/gi_mibi_301_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_303_1.tif", + "label": "train/gi_mibi_303_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_303_2.tif", + "label": "train/gi_mibi_303_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_304_3.tif", + "label": "train/gi_mibi_304_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_306_0.tif", + "label": "train/gi_mibi_306_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_309_2.tif", + "label": "train/gi_mibi_309_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_311_1.tif", + "label": "train/gi_mibi_311_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_311_3.tif", + "label": "train/gi_mibi_311_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_314_1.tif", + "label": "train/gi_mibi_314_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_315_2.tif", + "label": "train/gi_mibi_315_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_315_3.tif", + "label": "train/gi_mibi_315_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_317_3.tif", + "label": "train/gi_mibi_317_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_325_1.tif", + "label": "train/gi_mibi_325_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_328_0.tif", + "label": "train/gi_mibi_328_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_329_2.tif", + "label": "train/gi_mibi_329_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_330_2.tif", + "label": "train/gi_mibi_330_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_332_2.tif", + "label": "train/gi_mibi_332_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_1_0.tif", + "label": "train/gi_mxif_1_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_2_1.tif", + "label": "train/gi_mxif_2_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_3_0.tif", + "label": "train/gi_mxif_3_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_4_1.tif", + "label": "train/gi_mxif_4_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_5_1.tif", + "label": "train/gi_mxif_5_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_5_3.tif", + "label": "train/gi_mxif_5_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_9_0.tif", + "label": "train/gi_mxif_9_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_11_2.tif", + "label": "train/gi_mxif_11_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_12_1.tif", + "label": "train/gi_mxif_12_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_12_2.tif", + "label": "train/gi_mxif_12_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_13_2.tif", + "label": "train/gi_mxif_13_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_17_0.tif", + "label": "train/gi_mxif_17_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_17_1.tif", + "label": "train/gi_mxif_17_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_18_0.tif", + "label": "train/gi_mxif_18_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_20_1.tif", + "label": "train/gi_mxif_20_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_22_2.tif", + "label": "train/gi_mxif_22_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_23_0.tif", + "label": "train/gi_mxif_23_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_24_0.tif", + "label": "train/gi_mxif_24_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_25_2.tif", + "label": "train/gi_mxif_25_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_25_3.tif", + "label": "train/gi_mxif_25_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_26_2.tif", + "label": "train/gi_mxif_26_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_27_0.tif", + "label": "train/gi_mxif_27_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_27_2.tif", + "label": "train/gi_mxif_27_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_30_0.tif", + "label": "train/gi_mxif_30_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_30_2.tif", + "label": "train/gi_mxif_30_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_31_3.tif", + "label": "train/gi_mxif_31_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_32_0.tif", + "label": "train/gi_mxif_32_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_32_1.tif", + "label": "train/gi_mxif_32_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_34_1.tif", + "label": "train/gi_mxif_34_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_34_2.tif", + "label": "train/gi_mxif_34_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_35_0.tif", + "label": "train/gi_mxif_35_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_35_1.tif", + "label": "train/gi_mxif_35_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_37_3.tif", + "label": "train/gi_mxif_37_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_38_0.tif", + "label": "train/gi_mxif_38_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_38_1.tif", + "label": "train/gi_mxif_38_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_40_0.tif", + "label": "train/gi_mxif_40_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_40_3.tif", + "label": "train/gi_mxif_40_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_41_1.tif", + "label": "train/gi_mxif_41_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_41_2.tif", + "label": "train/gi_mxif_41_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_42_1.tif", + "label": "train/gi_mxif_42_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_42_2.tif", + "label": "train/gi_mxif_42_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_44_2.tif", + "label": "train/gi_mxif_44_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_46_1.tif", + "label": "train/gi_mxif_46_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_46_3.tif", + "label": "train/gi_mxif_46_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_47_3.tif", + "label": "train/gi_mxif_47_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_48_0.tif", + "label": "train/gi_mxif_48_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_48_2.tif", + "label": "train/gi_mxif_48_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_49_0.tif", + "label": "train/gi_mxif_49_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_50_3.tif", + "label": "train/gi_mxif_50_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_55_1.tif", + "label": "train/gi_mxif_55_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_57_0.tif", + "label": "train/gi_mxif_57_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_58_0.tif", + "label": "train/gi_mxif_58_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_58_3.tif", + "label": "train/gi_mxif_58_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_59_2.tif", + "label": "train/gi_mxif_59_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_60_2.tif", + "label": "train/gi_mxif_60_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_61_3.tif", + "label": "train/gi_mxif_61_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_64_1.tif", + "label": "train/gi_mxif_64_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_65_2.tif", + "label": "train/gi_mxif_65_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_66_3.tif", + "label": "train/gi_mxif_66_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_67_2.tif", + "label": "train/gi_mxif_67_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_67_3.tif", + "label": "train/gi_mxif_67_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_68_1.tif", + "label": "train/gi_mxif_68_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_69_2.tif", + "label": "train/gi_mxif_69_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_69_3.tif", + "label": "train/gi_mxif_69_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_70_2.tif", + "label": "train/gi_mxif_70_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_72_1.tif", + "label": "train/gi_mxif_72_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_72_2.tif", + "label": "train/gi_mxif_72_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_73_2.tif", + "label": "train/gi_mxif_73_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_74_1.tif", + "label": "train/gi_mxif_74_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_74_2.tif", + "label": "train/gi_mxif_74_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_76_3.tif", + "label": "train/gi_mxif_76_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_77_1.tif", + "label": "train/gi_mxif_77_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_78_3.tif", + "label": "train/gi_mxif_78_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_79_2.tif", + "label": "train/gi_mxif_79_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_80_0.tif", + "label": "train/gi_mxif_80_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_83_1.tif", + "label": "train/gi_mxif_83_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_85_1.tif", + "label": "train/gi_mxif_85_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_87_0.tif", + "label": "train/gi_mxif_87_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_89_2.tif", + "label": "train/gi_mxif_89_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_91_0.tif", + "label": "train/gi_mxif_91_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_91_3.tif", + "label": "train/gi_mxif_91_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_93_2.tif", + "label": "train/gi_mxif_93_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_95_0.tif", + "label": "train/gi_mxif_95_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_95_1.tif", + "label": "train/gi_mxif_95_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_96_0.tif", + "label": "train/gi_mxif_96_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_97_3.tif", + "label": "train/gi_mxif_97_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_98_0.tif", + "label": "train/gi_mxif_98_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_100_1.tif", + "label": "train/gi_mxif_100_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_100_3.tif", + "label": "train/gi_mxif_100_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_102_3.tif", + "label": "train/gi_mxif_102_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_103_0.tif", + "label": "train/gi_mxif_103_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_105_3.tif", + "label": "train/gi_mxif_105_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_109_0.tif", + "label": "train/gi_mxif_109_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_110_0.tif", + "label": "train/gi_mxif_110_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_111_0.tif", + "label": "train/gi_mxif_111_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_112_3.tif", + "label": "train/gi_mxif_112_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_114_2.tif", + "label": "train/gi_mxif_114_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_116_1.tif", + "label": "train/gi_mxif_116_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_118_2.tif", + "label": "train/gi_mxif_118_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_120_1.tif", + "label": "train/gi_mxif_120_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_120_3.tif", + "label": "train/gi_mxif_120_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_121_1.tif", + "label": "train/gi_mxif_121_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_124_3.tif", + "label": "train/gi_mxif_124_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_125_1.tif", + "label": "train/gi_mxif_125_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_132_0.tif", + "label": "train/gi_mxif_132_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_134_0.tif", + "label": "train/gi_mxif_134_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_136_1.tif", + "label": "train/gi_mxif_136_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_137_0.tif", + "label": "train/gi_mxif_137_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_137_2.tif", + "label": "train/gi_mxif_137_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_138_1.tif", + "label": "train/gi_mxif_138_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_138_2.tif", + "label": "train/gi_mxif_138_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_139_3.tif", + "label": "train/gi_mxif_139_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_140_3.tif", + "label": "train/gi_mxif_140_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_141_2.tif", + "label": "train/gi_mxif_141_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_142_3.tif", + "label": "train/gi_mxif_142_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_143_0.tif", + "label": "train/gi_mxif_143_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_144_2.tif", + "label": "train/gi_mxif_144_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_146_1.tif", + "label": "train/gi_mxif_146_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_148_3.tif", + "label": "train/gi_mxif_148_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_150_2.tif", + "label": "train/gi_mxif_150_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_153_0.tif", + "label": "train/gi_mxif_153_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_153_1.tif", + "label": "train/gi_mxif_153_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_153_3.tif", + "label": "train/gi_mxif_153_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_154_0.tif", + "label": "train/gi_mxif_154_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_155_0.tif", + "label": "train/gi_mxif_155_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_158_2.tif", + "label": "train/gi_mxif_158_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_160_0.tif", + "label": "train/gi_mxif_160_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_162_3.tif", + "label": "train/gi_mxif_162_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_163_0.tif", + "label": "train/gi_mxif_163_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_163_1.tif", + "label": "train/gi_mxif_163_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_164_1.tif", + "label": "train/gi_mxif_164_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_167_0.tif", + "label": "train/gi_mxif_167_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_167_1.tif", + "label": "train/gi_mxif_167_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_168_0.tif", + "label": "train/gi_mxif_168_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_168_3.tif", + "label": "train/gi_mxif_168_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_169_2.tif", + "label": "train/gi_mxif_169_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_170_2.tif", + "label": "train/gi_mxif_170_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_171_0.tif", + "label": "train/gi_mxif_171_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_172_0.tif", + "label": "train/gi_mxif_172_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_172_3.tif", + "label": "train/gi_mxif_172_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_175_2.tif", + "label": "train/gi_mxif_175_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_176_0.tif", + "label": "train/gi_mxif_176_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_176_2.tif", + "label": "train/gi_mxif_176_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_176_3.tif", + "label": "train/gi_mxif_176_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_177_1.tif", + "label": "train/gi_mxif_177_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_177_2.tif", + "label": "train/gi_mxif_177_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_178_2.tif", + "label": "train/gi_mxif_178_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_179_0.tif", + "label": "train/gi_mxif_179_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_179_2.tif", + "label": "train/gi_mxif_179_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_182_0.tif", + "label": "train/gi_mxif_182_0_masks.tif", + "fold": 1 + } + ], + "testing": [ + { + "image": "test/gi_codex_4.tif", + "label": "test/gi_codex_4_masks.tif" + }, + { + "image": "test/gi_codex_6.tif", + "label": "test/gi_codex_6_masks.tif" + }, + { + "image": "test/gi_codex_11.tif", + "label": "test/gi_codex_11_masks.tif" + }, + { + "image": "test/gi_codex_12.tif", + "label": "test/gi_codex_12_masks.tif" + }, + { + "image": "test/gi_codex_18.tif", + "label": "test/gi_codex_18_masks.tif" + }, + { + "image": "test/gi_codex_27.tif", + "label": "test/gi_codex_27_masks.tif" + }, + { + "image": "test/gi_codex_29.tif", + "label": "test/gi_codex_29_masks.tif" + }, + { + "image": "test/gi_codex_58.tif", + "label": "test/gi_codex_58_masks.tif" + }, + { + "image": "test/gi_codex_59.tif", + "label": "test/gi_codex_59_masks.tif" + }, + { + "image": "test/gi_codex_65.tif", + "label": "test/gi_codex_65_masks.tif" + }, + { + "image": "test/gi_codex_73.tif", + "label": "test/gi_codex_73_masks.tif" + }, + { + "image": "test/gi_codex_80.tif", + "label": "test/gi_codex_80_masks.tif" + }, + { + "image": "test/gi_codex_85.tif", + "label": "test/gi_codex_85_masks.tif" + }, + { + "image": "test/gi_codex_89.tif", + "label": "test/gi_codex_89_masks.tif" + }, + { + "image": "test/gi_codex_90.tif", + "label": "test/gi_codex_90_masks.tif" + }, + { + "image": "test/gi_codex_91.tif", + "label": "test/gi_codex_91_masks.tif" + }, + { + "image": "test/gi_codex_92.tif", + "label": "test/gi_codex_92_masks.tif" + }, + { + "image": "test/gi_codex_93.tif", + "label": "test/gi_codex_93_masks.tif" + }, + { + "image": "test/gi_codex_95.tif", + "label": "test/gi_codex_95_masks.tif" + }, + { + "image": "test/gi_codex_102.tif", + "label": "test/gi_codex_102_masks.tif" + }, + { + "image": "test/gi_codex_105.tif", + "label": "test/gi_codex_105_masks.tif" + }, + { + "image": "test/gi_codex_106.tif", + "label": "test/gi_codex_106_masks.tif" + }, + { + "image": "test/gi_codex_107.tif", + "label": "test/gi_codex_107_masks.tif" + }, + { + "image": "test/gi_codex_111.tif", + "label": "test/gi_codex_111_masks.tif" + }, + { + "image": "test/gi_mibi_0.tif", + "label": "test/gi_mibi_0_masks.tif" + }, + { + "image": "test/gi_mibi_8.tif", + "label": "test/gi_mibi_8_masks.tif" + }, + { + "image": "test/gi_mibi_10.tif", + "label": "test/gi_mibi_10_masks.tif" + }, + { + "image": "test/gi_mibi_11.tif", + "label": "test/gi_mibi_11_masks.tif" + }, + { + "image": "test/gi_mibi_15.tif", + "label": "test/gi_mibi_15_masks.tif" + }, + { + "image": "test/gi_mibi_19.tif", + "label": "test/gi_mibi_19_masks.tif" + }, + { + "image": "test/gi_mibi_20.tif", + "label": "test/gi_mibi_20_masks.tif" + }, + { + "image": "test/gi_mibi_27.tif", + "label": "test/gi_mibi_27_masks.tif" + }, + { + "image": "test/gi_mibi_34.tif", + "label": "test/gi_mibi_34_masks.tif" + }, + { + "image": "test/gi_mibi_46.tif", + "label": "test/gi_mibi_46_masks.tif" + }, + { + "image": "test/gi_mibi_50.tif", + "label": "test/gi_mibi_50_masks.tif" + }, + { + "image": "test/gi_mibi_55.tif", + "label": "test/gi_mibi_55_masks.tif" + }, + { + "image": "test/gi_mibi_57.tif", + "label": "test/gi_mibi_57_masks.tif" + }, + { + "image": "test/gi_mibi_68.tif", + "label": "test/gi_mibi_68_masks.tif" + }, + { + "image": "test/gi_mibi_73.tif", + "label": "test/gi_mibi_73_masks.tif" + }, + { + "image": "test/gi_mibi_74.tif", + "label": "test/gi_mibi_74_masks.tif" + }, + { + "image": "test/gi_mibi_75.tif", + "label": "test/gi_mibi_75_masks.tif" + }, + { + "image": "test/gi_mibi_80.tif", + "label": "test/gi_mibi_80_masks.tif" + }, + { + "image": "test/gi_mibi_89.tif", + "label": "test/gi_mibi_89_masks.tif" + }, + { + "image": "test/gi_mibi_93.tif", + "label": "test/gi_mibi_93_masks.tif" + }, + { + "image": "test/gi_mibi_94.tif", + "label": "test/gi_mibi_94_masks.tif" + }, + { + "image": "test/gi_mibi_106.tif", + "label": "test/gi_mibi_106_masks.tif" + }, + { + "image": "test/gi_mibi_115.tif", + "label": "test/gi_mibi_115_masks.tif" + }, + { + "image": "test/gi_mibi_117.tif", + "label": "test/gi_mibi_117_masks.tif" + }, + { + "image": "test/gi_mibi_122.tif", + "label": "test/gi_mibi_122_masks.tif" + }, + { + "image": "test/gi_mibi_130.tif", + "label": "test/gi_mibi_130_masks.tif" + }, + { + "image": "test/gi_mibi_133.tif", + "label": "test/gi_mibi_133_masks.tif" + }, + { + "image": "test/gi_mxif_0.tif", + "label": "test/gi_mxif_0_masks.tif" + }, + { + "image": "test/gi_mxif_14.tif", + "label": "test/gi_mxif_14_masks.tif" + }, + { + "image": "test/gi_mxif_21.tif", + "label": "test/gi_mxif_21_masks.tif" + }, + { + "image": "test/gi_mxif_36.tif", + "label": "test/gi_mxif_36_masks.tif" + }, + { + "image": "test/gi_mxif_37.tif", + "label": "test/gi_mxif_37_masks.tif" + }, + { + "image": "test/gi_mxif_48.tif", + "label": "test/gi_mxif_48_masks.tif" + }, + { + "image": "test/gi_mxif_51.tif", + "label": "test/gi_mxif_51_masks.tif" + }, + { + "image": "test/gi_mxif_53.tif", + "label": "test/gi_mxif_53_masks.tif" + }, + { + "image": "test/gi_mxif_60.tif", + "label": "test/gi_mxif_60_masks.tif" + }, + { + "image": "test/gi_mxif_62.tif", + "label": "test/gi_mxif_62_masks.tif" + }, + { + "image": "test/gi_mxif_72.tif", + "label": "test/gi_mxif_72_masks.tif" + }, + { + "image": "test/gi_mxif_73.tif", + "label": "test/gi_mxif_73_masks.tif" + }, + { + "image": "test/gi_mxif_74.tif", + "label": "test/gi_mxif_74_masks.tif" + }, + { + "image": "test/gi_mxif_79.tif", + "label": "test/gi_mxif_79_masks.tif" + }, + { + "image": "test/gi_mxif_84.tif", + "label": "test/gi_mxif_84_masks.tif" + }, + { + "image": "test/gi_mxif_85.tif", + "label": "test/gi_mxif_85_masks.tif" + }, + { + "image": "test/gi_mxif_86.tif", + "label": "test/gi_mxif_86_masks.tif" + }, + { + "image": "test/gi_codex_0.tif", + "label": "test/gi_codex_0_masks.tif" + }, + { + "image": "test/gi_codex_5.tif", + "label": "test/gi_codex_5_masks.tif" + }, + { + "image": "test/gi_codex_9.tif", + "label": "test/gi_codex_9_masks.tif" + }, + { + "image": "test/gi_codex_14.tif", + "label": "test/gi_codex_14_masks.tif" + }, + { + "image": "test/gi_codex_16.tif", + "label": "test/gi_codex_16_masks.tif" + }, + { + "image": "test/gi_codex_17.tif", + "label": "test/gi_codex_17_masks.tif" + }, + { + "image": "test/gi_codex_19.tif", + "label": "test/gi_codex_19_masks.tif" + }, + { + "image": "test/gi_codex_34.tif", + "label": "test/gi_codex_34_masks.tif" + }, + { + "image": "test/gi_codex_38.tif", + "label": "test/gi_codex_38_masks.tif" + }, + { + "image": "test/gi_codex_39.tif", + "label": "test/gi_codex_39_masks.tif" + }, + { + "image": "test/gi_codex_41.tif", + "label": "test/gi_codex_41_masks.tif" + }, + { + "image": "test/gi_codex_42.tif", + "label": "test/gi_codex_42_masks.tif" + }, + { + "image": "test/gi_codex_51.tif", + "label": "test/gi_codex_51_masks.tif" + }, + { + "image": "test/gi_codex_62.tif", + "label": "test/gi_codex_62_masks.tif" + }, + { + "image": "test/gi_codex_67.tif", + "label": "test/gi_codex_67_masks.tif" + }, + { + "image": "test/gi_codex_70.tif", + "label": "test/gi_codex_70_masks.tif" + }, + { + "image": "test/gi_codex_78.tif", + "label": "test/gi_codex_78_masks.tif" + }, + { + "image": "test/gi_codex_88.tif", + "label": "test/gi_codex_88_masks.tif" + }, + { + "image": "test/gi_codex_100.tif", + "label": "test/gi_codex_100_masks.tif" + }, + { + "image": "test/gi_codex_110.tif", + "label": "test/gi_codex_110_masks.tif" + }, + { + "image": "test/gi_mibi_5.tif", + "label": "test/gi_mibi_5_masks.tif" + }, + { + "image": "test/gi_mibi_7.tif", + "label": "test/gi_mibi_7_masks.tif" + }, + { + "image": "test/gi_mibi_13.tif", + "label": "test/gi_mibi_13_masks.tif" + }, + { + "image": "test/gi_mibi_26.tif", + "label": "test/gi_mibi_26_masks.tif" + }, + { + "image": "test/gi_mibi_35.tif", + "label": "test/gi_mibi_35_masks.tif" + }, + { + "image": "test/gi_mibi_38.tif", + "label": "test/gi_mibi_38_masks.tif" + }, + { + "image": "test/gi_mibi_42.tif", + "label": "test/gi_mibi_42_masks.tif" + }, + { + "image": "test/gi_mibi_47.tif", + "label": "test/gi_mibi_47_masks.tif" + }, + { + "image": "test/gi_mibi_49.tif", + "label": "test/gi_mibi_49_masks.tif" + }, + { + "image": "test/gi_mibi_51.tif", + "label": "test/gi_mibi_51_masks.tif" + }, + { + "image": "test/gi_mibi_53.tif", + "label": "test/gi_mibi_53_masks.tif" + }, + { + "image": "test/gi_mibi_60.tif", + "label": "test/gi_mibi_60_masks.tif" + }, + { + "image": "test/gi_mibi_61.tif", + "label": "test/gi_mibi_61_masks.tif" + }, + { + "image": "test/gi_mibi_63.tif", + "label": "test/gi_mibi_63_masks.tif" + }, + { + "image": "test/gi_mibi_65.tif", + "label": "test/gi_mibi_65_masks.tif" + }, + { + "image": "test/gi_mibi_67.tif", + "label": "test/gi_mibi_67_masks.tif" + }, + { + "image": "test/gi_mibi_77.tif", + "label": "test/gi_mibi_77_masks.tif" + }, + { + "image": "test/gi_mibi_79.tif", + "label": "test/gi_mibi_79_masks.tif" + }, + { + "image": "test/gi_mibi_92.tif", + "label": "test/gi_mibi_92_masks.tif" + }, + { + "image": "test/gi_mibi_96.tif", + "label": "test/gi_mibi_96_masks.tif" + }, + { + "image": "test/gi_mibi_99.tif", + "label": "test/gi_mibi_99_masks.tif" + }, + { + "image": "test/gi_mibi_105.tif", + "label": "test/gi_mibi_105_masks.tif" + }, + { + "image": "test/gi_mibi_110.tif", + "label": "test/gi_mibi_110_masks.tif" + }, + { + "image": "test/gi_mibi_111.tif", + "label": "test/gi_mibi_111_masks.tif" + }, + { + "image": "test/gi_mibi_112.tif", + "label": "test/gi_mibi_112_masks.tif" + }, + { + "image": "test/gi_mibi_118.tif", + "label": "test/gi_mibi_118_masks.tif" + }, + { + "image": "test/gi_mibi_119.tif", + "label": "test/gi_mibi_119_masks.tif" + }, + { + "image": "test/gi_mibi_120.tif", + "label": "test/gi_mibi_120_masks.tif" + }, + { + "image": "test/gi_mibi_121.tif", + "label": "test/gi_mibi_121_masks.tif" + }, + { + "image": "test/gi_mibi_135.tif", + "label": "test/gi_mibi_135_masks.tif" + }, + { + "image": "test/gi_mibi_136.tif", + "label": "test/gi_mibi_136_masks.tif" + }, + { + "image": "test/gi_mxif_19.tif", + "label": "test/gi_mxif_19_masks.tif" + }, + { + "image": "test/gi_mxif_22.tif", + "label": "test/gi_mxif_22_masks.tif" + }, + { + "image": "test/gi_mxif_23.tif", + "label": "test/gi_mxif_23_masks.tif" + }, + { + "image": "test/gi_mxif_25.tif", + "label": "test/gi_mxif_25_masks.tif" + }, + { + "image": "test/gi_mxif_35.tif", + "label": "test/gi_mxif_35_masks.tif" + }, + { + "image": "test/gi_mxif_39.tif", + "label": "test/gi_mxif_39_masks.tif" + }, + { + "image": "test/gi_mxif_41.tif", + "label": "test/gi_mxif_41_masks.tif" + }, + { + "image": "test/gi_mxif_52.tif", + "label": "test/gi_mxif_52_masks.tif" + }, + { + "image": "test/gi_mxif_61.tif", + "label": "test/gi_mxif_61_masks.tif" + }, + { + "image": "test/gi_mxif_66.tif", + "label": "test/gi_mxif_66_masks.tif" + }, + { + "image": "test/gi_mxif_67.tif", + "label": "test/gi_mxif_67_masks.tif" + }, + { + "image": "test/gi_mxif_68.tif", + "label": "test/gi_mxif_68_masks.tif" + }, + { + "image": "test/gi_mxif_69.tif", + "label": "test/gi_mxif_69_masks.tif" + }, + { + "image": "test/gi_mxif_75.tif", + "label": "test/gi_mxif_75_masks.tif" + }, + { + "image": "test/gi_mxif_77.tif", + "label": "test/gi_mxif_77_masks.tif" + }, + { + "image": "test/gi_mxif_83.tif", + "label": "test/gi_mxif_83_masks.tif" + }, + { + "image": "test/gi_codex_8.tif", + "label": "test/gi_codex_8_masks.tif" + }, + { + "image": "test/gi_codex_21.tif", + "label": "test/gi_codex_21_masks.tif" + }, + { + "image": "test/gi_codex_24.tif", + "label": "test/gi_codex_24_masks.tif" + }, + { + "image": "test/gi_codex_28.tif", + "label": "test/gi_codex_28_masks.tif" + }, + { + "image": "test/gi_codex_31.tif", + "label": "test/gi_codex_31_masks.tif" + }, + { + "image": "test/gi_codex_32.tif", + "label": "test/gi_codex_32_masks.tif" + }, + { + "image": "test/gi_codex_33.tif", + "label": "test/gi_codex_33_masks.tif" + }, + { + "image": "test/gi_codex_35.tif", + "label": "test/gi_codex_35_masks.tif" + }, + { + "image": "test/gi_codex_40.tif", + "label": "test/gi_codex_40_masks.tif" + }, + { + "image": "test/gi_codex_44.tif", + "label": "test/gi_codex_44_masks.tif" + }, + { + "image": "test/gi_codex_46.tif", + "label": "test/gi_codex_46_masks.tif" + }, + { + "image": "test/gi_codex_47.tif", + "label": "test/gi_codex_47_masks.tif" + }, + { + "image": "test/gi_codex_48.tif", + "label": "test/gi_codex_48_masks.tif" + }, + { + "image": "test/gi_codex_53.tif", + "label": "test/gi_codex_53_masks.tif" + }, + { + "image": "test/gi_codex_55.tif", + "label": "test/gi_codex_55_masks.tif" + }, + { + "image": "test/gi_codex_56.tif", + "label": "test/gi_codex_56_masks.tif" + }, + { + "image": "test/gi_codex_61.tif", + "label": "test/gi_codex_61_masks.tif" + }, + { + "image": "test/gi_codex_63.tif", + "label": "test/gi_codex_63_masks.tif" + }, + { + "image": "test/gi_codex_66.tif", + "label": "test/gi_codex_66_masks.tif" + }, + { + "image": "test/gi_codex_69.tif", + "label": "test/gi_codex_69_masks.tif" + }, + { + "image": "test/gi_codex_79.tif", + "label": "test/gi_codex_79_masks.tif" + }, + { + "image": "test/gi_codex_84.tif", + "label": "test/gi_codex_84_masks.tif" + }, + { + "image": "test/gi_codex_99.tif", + "label": "test/gi_codex_99_masks.tif" + }, + { + "image": "test/gi_codex_101.tif", + "label": "test/gi_codex_101_masks.tif" + }, + { + "image": "test/gi_codex_108.tif", + "label": "test/gi_codex_108_masks.tif" + }, + { + "image": "test/gi_mibi_1.tif", + "label": "test/gi_mibi_1_masks.tif" + }, + { + "image": "test/gi_mibi_4.tif", + "label": "test/gi_mibi_4_masks.tif" + }, + { + "image": "test/gi_mibi_16.tif", + "label": "test/gi_mibi_16_masks.tif" + }, + { + "image": "test/gi_mibi_22.tif", + "label": "test/gi_mibi_22_masks.tif" + }, + { + "image": "test/gi_mibi_25.tif", + "label": "test/gi_mibi_25_masks.tif" + }, + { + "image": "test/gi_mibi_30.tif", + "label": "test/gi_mibi_30_masks.tif" + }, + { + "image": "test/gi_mibi_45.tif", + "label": "test/gi_mibi_45_masks.tif" + }, + { + "image": "test/gi_mibi_52.tif", + "label": "test/gi_mibi_52_masks.tif" + }, + { + "image": "test/gi_mibi_56.tif", + "label": "test/gi_mibi_56_masks.tif" + }, + { + "image": "test/gi_mibi_59.tif", + "label": "test/gi_mibi_59_masks.tif" + }, + { + "image": "test/gi_mibi_62.tif", + "label": "test/gi_mibi_62_masks.tif" + }, + { + "image": "test/gi_mibi_69.tif", + "label": "test/gi_mibi_69_masks.tif" + }, + { + "image": "test/gi_mibi_72.tif", + "label": "test/gi_mibi_72_masks.tif" + }, + { + "image": "test/gi_mibi_76.tif", + "label": "test/gi_mibi_76_masks.tif" + }, + { + "image": "test/gi_mibi_85.tif", + "label": "test/gi_mibi_85_masks.tif" + }, + { + "image": "test/gi_mibi_87.tif", + "label": "test/gi_mibi_87_masks.tif" + }, + { + "image": "test/gi_mibi_95.tif", + "label": "test/gi_mibi_95_masks.tif" + }, + { + "image": "test/gi_mibi_100.tif", + "label": "test/gi_mibi_100_masks.tif" + }, + { + "image": "test/gi_mibi_107.tif", + "label": "test/gi_mibi_107_masks.tif" + }, + { + "image": "test/gi_mibi_109.tif", + "label": "test/gi_mibi_109_masks.tif" + }, + { + "image": "test/gi_mibi_113.tif", + "label": "test/gi_mibi_113_masks.tif" + }, + { + "image": "test/gi_mxif_1.tif", + "label": "test/gi_mxif_1_masks.tif" + }, + { + "image": "test/gi_mxif_2.tif", + "label": "test/gi_mxif_2_masks.tif" + }, + { + "image": "test/gi_mxif_8.tif", + "label": "test/gi_mxif_8_masks.tif" + }, + { + "image": "test/gi_mxif_9.tif", + "label": "test/gi_mxif_9_masks.tif" + }, + { + "image": "test/gi_mxif_11.tif", + "label": "test/gi_mxif_11_masks.tif" + }, + { + "image": "test/gi_mxif_12.tif", + "label": "test/gi_mxif_12_masks.tif" + }, + { + "image": "test/gi_mxif_20.tif", + "label": "test/gi_mxif_20_masks.tif" + }, + { + "image": "test/gi_mxif_24.tif", + "label": "test/gi_mxif_24_masks.tif" + }, + { + "image": "test/gi_mxif_26.tif", + "label": "test/gi_mxif_26_masks.tif" + }, + { + "image": "test/gi_mxif_28.tif", + "label": "test/gi_mxif_28_masks.tif" + }, + { + "image": "test/gi_mxif_29.tif", + "label": "test/gi_mxif_29_masks.tif" + }, + { + "image": "test/gi_mxif_34.tif", + "label": "test/gi_mxif_34_masks.tif" + }, + { + "image": "test/gi_mxif_40.tif", + "label": "test/gi_mxif_40_masks.tif" + }, + { + "image": "test/gi_mxif_42.tif", + "label": "test/gi_mxif_42_masks.tif" + }, + { + "image": "test/gi_mxif_43.tif", + "label": "test/gi_mxif_43_masks.tif" + }, + { + "image": "test/gi_mxif_45.tif", + "label": "test/gi_mxif_45_masks.tif" + }, + { + "image": "test/gi_mxif_47.tif", + "label": "test/gi_mxif_47_masks.tif" + }, + { + "image": "test/gi_mxif_70.tif", + "label": "test/gi_mxif_70_masks.tif" + }, + { + "image": "test/gi_mxif_71.tif", + "label": "test/gi_mxif_71_masks.tif" + }, + { + "image": "test/gi_mxif_76.tif", + "label": "test/gi_mxif_76_masks.tif" + }, + { + "image": "test/gi_mxif_80.tif", + "label": "test/gi_mxif_80_masks.tif" + }, + { + "image": "test/gi_codex_2.tif", + "label": "test/gi_codex_2_masks.tif" + }, + { + "image": "test/gi_codex_10.tif", + "label": "test/gi_codex_10_masks.tif" + }, + { + "image": "test/gi_codex_13.tif", + "label": "test/gi_codex_13_masks.tif" + }, + { + "image": "test/gi_codex_20.tif", + "label": "test/gi_codex_20_masks.tif" + }, + { + "image": "test/gi_codex_23.tif", + "label": "test/gi_codex_23_masks.tif" + }, + { + "image": "test/gi_codex_36.tif", + "label": "test/gi_codex_36_masks.tif" + }, + { + "image": "test/gi_codex_45.tif", + "label": "test/gi_codex_45_masks.tif" + }, + { + "image": "test/gi_codex_52.tif", + "label": "test/gi_codex_52_masks.tif" + }, + { + "image": "test/gi_codex_54.tif", + "label": "test/gi_codex_54_masks.tif" + }, + { + "image": "test/gi_codex_57.tif", + "label": "test/gi_codex_57_masks.tif" + }, + { + "image": "test/gi_codex_60.tif", + "label": "test/gi_codex_60_masks.tif" + }, + { + "image": "test/gi_codex_75.tif", + "label": "test/gi_codex_75_masks.tif" + }, + { + "image": "test/gi_codex_77.tif", + "label": "test/gi_codex_77_masks.tif" + }, + { + "image": "test/gi_codex_81.tif", + "label": "test/gi_codex_81_masks.tif" + }, + { + "image": "test/gi_codex_82.tif", + "label": "test/gi_codex_82_masks.tif" + }, + { + "image": "test/gi_codex_94.tif", + "label": "test/gi_codex_94_masks.tif" + }, + { + "image": "test/gi_codex_96.tif", + "label": "test/gi_codex_96_masks.tif" + }, + { + "image": "test/gi_codex_97.tif", + "label": "test/gi_codex_97_masks.tif" + }, + { + "image": "test/gi_codex_98.tif", + "label": "test/gi_codex_98_masks.tif" + }, + { + "image": "test/gi_codex_103.tif", + "label": "test/gi_codex_103_masks.tif" + }, + { + "image": "test/gi_mibi_2.tif", + "label": "test/gi_mibi_2_masks.tif" + }, + { + "image": "test/gi_mibi_6.tif", + "label": "test/gi_mibi_6_masks.tif" + }, + { + "image": "test/gi_mibi_12.tif", + "label": "test/gi_mibi_12_masks.tif" + }, + { + "image": "test/gi_mibi_18.tif", + "label": "test/gi_mibi_18_masks.tif" + }, + { + "image": "test/gi_mibi_23.tif", + "label": "test/gi_mibi_23_masks.tif" + }, + { + "image": "test/gi_mibi_28.tif", + "label": "test/gi_mibi_28_masks.tif" + }, + { + "image": "test/gi_mibi_33.tif", + "label": "test/gi_mibi_33_masks.tif" + }, + { + "image": "test/gi_mibi_36.tif", + "label": "test/gi_mibi_36_masks.tif" + }, + { + "image": "test/gi_mibi_37.tif", + "label": "test/gi_mibi_37_masks.tif" + }, + { + "image": "test/gi_mibi_40.tif", + "label": "test/gi_mibi_40_masks.tif" + }, + { + "image": "test/gi_mibi_48.tif", + "label": "test/gi_mibi_48_masks.tif" + }, + { + "image": "test/gi_mibi_58.tif", + "label": "test/gi_mibi_58_masks.tif" + }, + { + "image": "test/gi_mibi_64.tif", + "label": "test/gi_mibi_64_masks.tif" + }, + { + "image": "test/gi_mibi_70.tif", + "label": "test/gi_mibi_70_masks.tif" + }, + { + "image": "test/gi_mibi_81.tif", + "label": "test/gi_mibi_81_masks.tif" + }, + { + "image": "test/gi_mibi_82.tif", + "label": "test/gi_mibi_82_masks.tif" + }, + { + "image": "test/gi_mibi_86.tif", + "label": "test/gi_mibi_86_masks.tif" + }, + { + "image": "test/gi_mibi_88.tif", + "label": "test/gi_mibi_88_masks.tif" + }, + { + "image": "test/gi_mibi_90.tif", + "label": "test/gi_mibi_90_masks.tif" + }, + { + "image": "test/gi_mibi_98.tif", + "label": "test/gi_mibi_98_masks.tif" + }, + { + "image": "test/gi_mibi_101.tif", + "label": "test/gi_mibi_101_masks.tif" + }, + { + "image": "test/gi_mibi_102.tif", + "label": "test/gi_mibi_102_masks.tif" + }, + { + "image": "test/gi_mibi_108.tif", + "label": "test/gi_mibi_108_masks.tif" + }, + { + "image": "test/gi_mibi_116.tif", + "label": "test/gi_mibi_116_masks.tif" + }, + { + "image": "test/gi_mibi_124.tif", + "label": "test/gi_mibi_124_masks.tif" + }, + { + "image": "test/gi_mibi_126.tif", + "label": "test/gi_mibi_126_masks.tif" + }, + { + "image": "test/gi_mibi_128.tif", + "label": "test/gi_mibi_128_masks.tif" + }, + { + "image": "test/gi_mibi_132.tif", + "label": "test/gi_mibi_132_masks.tif" + }, + { + "image": "test/gi_mibi_134.tif", + "label": "test/gi_mibi_134_masks.tif" + }, + { + "image": "test/gi_mxif_4.tif", + "label": "test/gi_mxif_4_masks.tif" + }, + { + "image": "test/gi_mxif_7.tif", + "label": "test/gi_mxif_7_masks.tif" + }, + { + "image": "test/gi_mxif_10.tif", + "label": "test/gi_mxif_10_masks.tif" + }, + { + "image": "test/gi_mxif_13.tif", + "label": "test/gi_mxif_13_masks.tif" + }, + { + "image": "test/gi_mxif_18.tif", + "label": "test/gi_mxif_18_masks.tif" + }, + { + "image": "test/gi_mxif_38.tif", + "label": "test/gi_mxif_38_masks.tif" + }, + { + "image": "test/gi_mxif_44.tif", + "label": "test/gi_mxif_44_masks.tif" + }, + { + "image": "test/gi_mxif_46.tif", + "label": "test/gi_mxif_46_masks.tif" + }, + { + "image": "test/gi_mxif_49.tif", + "label": "test/gi_mxif_49_masks.tif" + }, + { + "image": "test/gi_mxif_50.tif", + "label": "test/gi_mxif_50_masks.tif" + }, + { + "image": "test/gi_mxif_54.tif", + "label": "test/gi_mxif_54_masks.tif" + }, + { + "image": "test/gi_mxif_55.tif", + "label": "test/gi_mxif_55_masks.tif" + }, + { + "image": "test/gi_mxif_56.tif", + "label": "test/gi_mxif_56_masks.tif" + }, + { + "image": "test/gi_mxif_57.tif", + "label": "test/gi_mxif_57_masks.tif" + }, + { + "image": "test/gi_mxif_58.tif", + "label": "test/gi_mxif_58_masks.tif" + }, + { + "image": "test/gi_mxif_64.tif", + "label": "test/gi_mxif_64_masks.tif" + }, + { + "image": "test/gi_mxif_81.tif", + "label": "test/gi_mxif_81_masks.tif" + }, + { + "image": "test/gi_mxif_82.tif", + "label": "test/gi_mxif_82_masks.tif" + }, + { + "image": "test/gi_codex_1.tif", + "label": "test/gi_codex_1_masks.tif" + }, + { + "image": "test/gi_codex_3.tif", + "label": "test/gi_codex_3_masks.tif" + }, + { + "image": "test/gi_codex_7.tif", + "label": "test/gi_codex_7_masks.tif" + }, + { + "image": "test/gi_codex_15.tif", + "label": "test/gi_codex_15_masks.tif" + }, + { + "image": "test/gi_codex_22.tif", + "label": "test/gi_codex_22_masks.tif" + }, + { + "image": "test/gi_codex_25.tif", + "label": "test/gi_codex_25_masks.tif" + }, + { + "image": "test/gi_codex_26.tif", + "label": "test/gi_codex_26_masks.tif" + }, + { + "image": "test/gi_codex_30.tif", + "label": "test/gi_codex_30_masks.tif" + }, + { + "image": "test/gi_codex_37.tif", + "label": "test/gi_codex_37_masks.tif" + }, + { + "image": "test/gi_codex_43.tif", + "label": "test/gi_codex_43_masks.tif" + }, + { + "image": "test/gi_codex_49.tif", + "label": "test/gi_codex_49_masks.tif" + }, + { + "image": "test/gi_codex_50.tif", + "label": "test/gi_codex_50_masks.tif" + }, + { + "image": "test/gi_codex_64.tif", + "label": "test/gi_codex_64_masks.tif" + }, + { + "image": "test/gi_codex_68.tif", + "label": "test/gi_codex_68_masks.tif" + }, + { + "image": "test/gi_codex_71.tif", + "label": "test/gi_codex_71_masks.tif" + }, + { + "image": "test/gi_codex_72.tif", + "label": "test/gi_codex_72_masks.tif" + }, + { + "image": "test/gi_codex_74.tif", + "label": "test/gi_codex_74_masks.tif" + }, + { + "image": "test/gi_codex_76.tif", + "label": "test/gi_codex_76_masks.tif" + }, + { + "image": "test/gi_codex_83.tif", + "label": "test/gi_codex_83_masks.tif" + }, + { + "image": "test/gi_codex_86.tif", + "label": "test/gi_codex_86_masks.tif" + }, + { + "image": "test/gi_codex_87.tif", + "label": "test/gi_codex_87_masks.tif" + }, + { + "image": "test/gi_codex_104.tif", + "label": "test/gi_codex_104_masks.tif" + }, + { + "image": "test/gi_codex_109.tif", + "label": "test/gi_codex_109_masks.tif" + }, + { + "image": "test/gi_mibi_3.tif", + "label": "test/gi_mibi_3_masks.tif" + }, + { + "image": "test/gi_mibi_9.tif", + "label": "test/gi_mibi_9_masks.tif" + }, + { + "image": "test/gi_mibi_14.tif", + "label": "test/gi_mibi_14_masks.tif" + }, + { + "image": "test/gi_mibi_17.tif", + "label": "test/gi_mibi_17_masks.tif" + }, + { + "image": "test/gi_mibi_21.tif", + "label": "test/gi_mibi_21_masks.tif" + }, + { + "image": "test/gi_mibi_24.tif", + "label": "test/gi_mibi_24_masks.tif" + }, + { + "image": "test/gi_mibi_29.tif", + "label": "test/gi_mibi_29_masks.tif" + }, + { + "image": "test/gi_mibi_31.tif", + "label": "test/gi_mibi_31_masks.tif" + }, + { + "image": "test/gi_mibi_32.tif", + "label": "test/gi_mibi_32_masks.tif" + }, + { + "image": "test/gi_mibi_39.tif", + "label": "test/gi_mibi_39_masks.tif" + }, + { + "image": "test/gi_mibi_41.tif", + "label": "test/gi_mibi_41_masks.tif" + }, + { + "image": "test/gi_mibi_43.tif", + "label": "test/gi_mibi_43_masks.tif" + }, + { + "image": "test/gi_mibi_44.tif", + "label": "test/gi_mibi_44_masks.tif" + }, + { + "image": "test/gi_mibi_54.tif", + "label": "test/gi_mibi_54_masks.tif" + }, + { + "image": "test/gi_mibi_66.tif", + "label": "test/gi_mibi_66_masks.tif" + }, + { + "image": "test/gi_mibi_71.tif", + "label": "test/gi_mibi_71_masks.tif" + }, + { + "image": "test/gi_mibi_78.tif", + "label": "test/gi_mibi_78_masks.tif" + }, + { + "image": "test/gi_mibi_83.tif", + "label": "test/gi_mibi_83_masks.tif" + }, + { + "image": "test/gi_mibi_84.tif", + "label": "test/gi_mibi_84_masks.tif" + }, + { + "image": "test/gi_mibi_91.tif", + "label": "test/gi_mibi_91_masks.tif" + }, + { + "image": "test/gi_mibi_97.tif", + "label": "test/gi_mibi_97_masks.tif" + }, + { + "image": "test/gi_mibi_103.tif", + "label": "test/gi_mibi_103_masks.tif" + }, + { + "image": "test/gi_mibi_104.tif", + "label": "test/gi_mibi_104_masks.tif" + }, + { + "image": "test/gi_mibi_114.tif", + "label": "test/gi_mibi_114_masks.tif" + }, + { + "image": "test/gi_mibi_123.tif", + "label": "test/gi_mibi_123_masks.tif" + }, + { + "image": "test/gi_mibi_125.tif", + "label": "test/gi_mibi_125_masks.tif" + }, + { + "image": "test/gi_mibi_127.tif", + "label": "test/gi_mibi_127_masks.tif" + }, + { + "image": "test/gi_mibi_129.tif", + "label": "test/gi_mibi_129_masks.tif" + }, + { + "image": "test/gi_mibi_131.tif", + "label": "test/gi_mibi_131_masks.tif" + }, + { + "image": "test/gi_mxif_3.tif", + "label": "test/gi_mxif_3_masks.tif" + }, + { + "image": "test/gi_mxif_5.tif", + "label": "test/gi_mxif_5_masks.tif" + }, + { + "image": "test/gi_mxif_6.tif", + "label": "test/gi_mxif_6_masks.tif" + }, + { + "image": "test/gi_mxif_15.tif", + "label": "test/gi_mxif_15_masks.tif" + }, + { + "image": "test/gi_mxif_16.tif", + "label": "test/gi_mxif_16_masks.tif" + }, + { + "image": "test/gi_mxif_17.tif", + "label": "test/gi_mxif_17_masks.tif" + }, + { + "image": "test/gi_mxif_27.tif", + "label": "test/gi_mxif_27_masks.tif" + }, + { + "image": "test/gi_mxif_30.tif", + "label": "test/gi_mxif_30_masks.tif" + }, + { + "image": "test/gi_mxif_31.tif", + "label": "test/gi_mxif_31_masks.tif" + }, + { + "image": "test/gi_mxif_32.tif", + "label": "test/gi_mxif_32_masks.tif" + }, + { + "image": "test/gi_mxif_33.tif", + "label": "test/gi_mxif_33_masks.tif" + }, + { + "image": "test/gi_mxif_59.tif", + "label": "test/gi_mxif_59_masks.tif" + }, + { + "image": "test/gi_mxif_63.tif", + "label": "test/gi_mxif_63_masks.tif" + }, + { + "image": "test/gi_mxif_65.tif", + "label": "test/gi_mxif_65_masks.tif" + }, + { + "image": "test/gi_mxif_78.tif", + "label": "test/gi_mxif_78_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_gi_mibi_datalist.json b/vista2d/datalists/tissuenet_gi_mibi_datalist.json new file mode 100644 index 0000000..0da873f --- /dev/null +++ b/vista2d/datalists/tissuenet_gi_mibi_datalist.json @@ -0,0 +1,8804 @@ +{ + "training": [ + { + "image": "val/gi_mibi_4.tif", + "label": "val/gi_mibi_4_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_9.tif", + "label": "val/gi_mibi_9_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_11.tif", + "label": "val/gi_mibi_11_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_12.tif", + "label": "val/gi_mibi_12_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_18.tif", + "label": "val/gi_mibi_18_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_27.tif", + "label": "val/gi_mibi_27_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_29.tif", + "label": "val/gi_mibi_29_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_51.tif", + "label": "val/gi_mibi_51_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_58.tif", + "label": "val/gi_mibi_58_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_59.tif", + "label": "val/gi_mibi_59_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_73.tif", + "label": "val/gi_mibi_73_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_80.tif", + "label": "val/gi_mibi_80_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_85.tif", + "label": "val/gi_mibi_85_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_88.tif", + "label": "val/gi_mibi_88_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_90.tif", + "label": "val/gi_mibi_90_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_92.tif", + "label": "val/gi_mibi_92_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_93.tif", + "label": "val/gi_mibi_93_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_95.tif", + "label": "val/gi_mibi_95_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_110.tif", + "label": "val/gi_mibi_110_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_111.tif", + "label": "val/gi_mibi_111_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_117.tif", + "label": "val/gi_mibi_117_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_120.tif", + "label": "val/gi_mibi_120_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_122.tif", + "label": "val/gi_mibi_122_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_123.tif", + "label": "val/gi_mibi_123_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_131.tif", + "label": "val/gi_mibi_131_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_132.tif", + "label": "val/gi_mibi_132_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_138.tif", + "label": "val/gi_mibi_138_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_139.tif", + "label": "val/gi_mibi_139_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_147.tif", + "label": "val/gi_mibi_147_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_150.tif", + "label": "val/gi_mibi_150_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_159.tif", + "label": "val/gi_mibi_159_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_161.tif", + "label": "val/gi_mibi_161_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_162.tif", + "label": "val/gi_mibi_162_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_163.tif", + "label": "val/gi_mibi_163_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_169.tif", + "label": "val/gi_mibi_169_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_174.tif", + "label": "val/gi_mibi_174_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_177.tif", + "label": "val/gi_mibi_177_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_179.tif", + "label": "val/gi_mibi_179_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_185.tif", + "label": "val/gi_mibi_185_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_186.tif", + "label": "val/gi_mibi_186_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_189.tif", + "label": "val/gi_mibi_189_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_211.tif", + "label": "val/gi_mibi_211_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_217.tif", + "label": "val/gi_mibi_217_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_221.tif", + "label": "val/gi_mibi_221_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_224.tif", + "label": "val/gi_mibi_224_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_225.tif", + "label": "val/gi_mibi_225_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_229.tif", + "label": "val/gi_mibi_229_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_233.tif", + "label": "val/gi_mibi_233_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_240.tif", + "label": "val/gi_mibi_240_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_242.tif", + "label": "val/gi_mibi_242_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_245.tif", + "label": "val/gi_mibi_245_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_246.tif", + "label": "val/gi_mibi_246_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_250.tif", + "label": "val/gi_mibi_250_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_253.tif", + "label": "val/gi_mibi_253_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_256.tif", + "label": "val/gi_mibi_256_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_259.tif", + "label": "val/gi_mibi_259_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_268.tif", + "label": "val/gi_mibi_268_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_271.tif", + "label": "val/gi_mibi_271_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_272.tif", + "label": "val/gi_mibi_272_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_284.tif", + "label": "val/gi_mibi_284_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_293.tif", + "label": "val/gi_mibi_293_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_315.tif", + "label": "val/gi_mibi_315_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_316.tif", + "label": "val/gi_mibi_316_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_317.tif", + "label": "val/gi_mibi_317_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_0.tif", + "label": "val/gi_mibi_0_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_5.tif", + "label": "val/gi_mibi_5_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_14.tif", + "label": "val/gi_mibi_14_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_16.tif", + "label": "val/gi_mibi_16_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_17.tif", + "label": "val/gi_mibi_17_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_19.tif", + "label": "val/gi_mibi_19_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_34.tif", + "label": "val/gi_mibi_34_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_38.tif", + "label": "val/gi_mibi_38_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_39.tif", + "label": "val/gi_mibi_39_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_41.tif", + "label": "val/gi_mibi_41_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_42.tif", + "label": "val/gi_mibi_42_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_44.tif", + "label": "val/gi_mibi_44_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_62.tif", + "label": "val/gi_mibi_62_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_67.tif", + "label": "val/gi_mibi_67_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_70.tif", + "label": "val/gi_mibi_70_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_78.tif", + "label": "val/gi_mibi_78_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_89.tif", + "label": "val/gi_mibi_89_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_91.tif", + "label": "val/gi_mibi_91_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_100.tif", + "label": "val/gi_mibi_100_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_102.tif", + "label": "val/gi_mibi_102_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_105.tif", + "label": "val/gi_mibi_105_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_106.tif", + "label": "val/gi_mibi_106_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_107.tif", + "label": "val/gi_mibi_107_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_108.tif", + "label": "val/gi_mibi_108_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_112.tif", + "label": "val/gi_mibi_112_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_119.tif", + "label": "val/gi_mibi_119_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_125.tif", + "label": "val/gi_mibi_125_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_127.tif", + "label": "val/gi_mibi_127_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_146.tif", + "label": "val/gi_mibi_146_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_154.tif", + "label": "val/gi_mibi_154_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_157.tif", + "label": "val/gi_mibi_157_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_158.tif", + "label": "val/gi_mibi_158_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_164.tif", + "label": "val/gi_mibi_164_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_165.tif", + "label": "val/gi_mibi_165_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_167.tif", + "label": "val/gi_mibi_167_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_168.tif", + "label": "val/gi_mibi_168_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_171.tif", + "label": "val/gi_mibi_171_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_172.tif", + "label": "val/gi_mibi_172_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_173.tif", + "label": "val/gi_mibi_173_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_175.tif", + "label": "val/gi_mibi_175_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_181.tif", + "label": "val/gi_mibi_181_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_184.tif", + "label": "val/gi_mibi_184_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_187.tif", + "label": "val/gi_mibi_187_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_191.tif", + "label": "val/gi_mibi_191_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_201.tif", + "label": "val/gi_mibi_201_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_204.tif", + "label": "val/gi_mibi_204_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_206.tif", + "label": "val/gi_mibi_206_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_207.tif", + "label": "val/gi_mibi_207_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_208.tif", + "label": "val/gi_mibi_208_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_212.tif", + "label": "val/gi_mibi_212_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_218.tif", + "label": "val/gi_mibi_218_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_227.tif", + "label": "val/gi_mibi_227_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_230.tif", + "label": "val/gi_mibi_230_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_257.tif", + "label": "val/gi_mibi_257_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_263.tif", + "label": "val/gi_mibi_263_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_266.tif", + "label": "val/gi_mibi_266_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_267.tif", + "label": "val/gi_mibi_267_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_279.tif", + "label": "val/gi_mibi_279_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_291.tif", + "label": "val/gi_mibi_291_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_297.tif", + "label": "val/gi_mibi_297_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_299.tif", + "label": "val/gi_mibi_299_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_300.tif", + "label": "val/gi_mibi_300_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_310.tif", + "label": "val/gi_mibi_310_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_314.tif", + "label": "val/gi_mibi_314_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_8.tif", + "label": "val/gi_mibi_8_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_21.tif", + "label": "val/gi_mibi_21_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_24.tif", + "label": "val/gi_mibi_24_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_28.tif", + "label": "val/gi_mibi_28_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_31.tif", + "label": "val/gi_mibi_31_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_32.tif", + "label": "val/gi_mibi_32_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_33.tif", + "label": "val/gi_mibi_33_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_35.tif", + "label": "val/gi_mibi_35_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_40.tif", + "label": "val/gi_mibi_40_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_46.tif", + "label": "val/gi_mibi_46_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_47.tif", + "label": "val/gi_mibi_47_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_48.tif", + "label": "val/gi_mibi_48_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_53.tif", + "label": "val/gi_mibi_53_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_55.tif", + "label": "val/gi_mibi_55_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_56.tif", + "label": "val/gi_mibi_56_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_61.tif", + "label": "val/gi_mibi_61_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_63.tif", + "label": "val/gi_mibi_63_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_66.tif", + "label": "val/gi_mibi_66_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_69.tif", + "label": "val/gi_mibi_69_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_79.tif", + "label": "val/gi_mibi_79_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_84.tif", + "label": "val/gi_mibi_84_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_99.tif", + "label": "val/gi_mibi_99_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_101.tif", + "label": "val/gi_mibi_101_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_114.tif", + "label": "val/gi_mibi_114_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_116.tif", + "label": "val/gi_mibi_116_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_118.tif", + "label": "val/gi_mibi_118_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_134.tif", + "label": "val/gi_mibi_134_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_137.tif", + "label": "val/gi_mibi_137_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_142.tif", + "label": "val/gi_mibi_142_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_145.tif", + "label": "val/gi_mibi_145_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_170.tif", + "label": "val/gi_mibi_170_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_180.tif", + "label": "val/gi_mibi_180_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_188.tif", + "label": "val/gi_mibi_188_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_192.tif", + "label": "val/gi_mibi_192_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_197.tif", + "label": "val/gi_mibi_197_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_199.tif", + "label": "val/gi_mibi_199_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_223.tif", + "label": "val/gi_mibi_223_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_231.tif", + "label": "val/gi_mibi_231_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_232.tif", + "label": "val/gi_mibi_232_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_234.tif", + "label": "val/gi_mibi_234_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_236.tif", + "label": "val/gi_mibi_236_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_238.tif", + "label": "val/gi_mibi_238_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_244.tif", + "label": "val/gi_mibi_244_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_249.tif", + "label": "val/gi_mibi_249_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_258.tif", + "label": "val/gi_mibi_258_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_260.tif", + "label": "val/gi_mibi_260_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_261.tif", + "label": "val/gi_mibi_261_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_262.tif", + "label": "val/gi_mibi_262_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_269.tif", + "label": "val/gi_mibi_269_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_270.tif", + "label": "val/gi_mibi_270_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_273.tif", + "label": "val/gi_mibi_273_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_274.tif", + "label": "val/gi_mibi_274_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_277.tif", + "label": "val/gi_mibi_277_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_278.tif", + "label": "val/gi_mibi_278_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_289.tif", + "label": "val/gi_mibi_289_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_292.tif", + "label": "val/gi_mibi_292_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_301.tif", + "label": "val/gi_mibi_301_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_302.tif", + "label": "val/gi_mibi_302_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_303.tif", + "label": "val/gi_mibi_303_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_304.tif", + "label": "val/gi_mibi_304_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_305.tif", + "label": "val/gi_mibi_305_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_306.tif", + "label": "val/gi_mibi_306_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_311.tif", + "label": "val/gi_mibi_311_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_312.tif", + "label": "val/gi_mibi_312_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_2.tif", + "label": "val/gi_mibi_2_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_6.tif", + "label": "val/gi_mibi_6_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_10.tif", + "label": "val/gi_mibi_10_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_13.tif", + "label": "val/gi_mibi_13_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_20.tif", + "label": "val/gi_mibi_20_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_23.tif", + "label": "val/gi_mibi_23_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_36.tif", + "label": "val/gi_mibi_36_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_45.tif", + "label": "val/gi_mibi_45_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_52.tif", + "label": "val/gi_mibi_52_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_54.tif", + "label": "val/gi_mibi_54_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_57.tif", + "label": "val/gi_mibi_57_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_60.tif", + "label": "val/gi_mibi_60_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_65.tif", + "label": "val/gi_mibi_65_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_75.tif", + "label": "val/gi_mibi_75_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_77.tif", + "label": "val/gi_mibi_77_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_81.tif", + "label": "val/gi_mibi_81_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_82.tif", + "label": "val/gi_mibi_82_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_94.tif", + "label": "val/gi_mibi_94_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_96.tif", + "label": "val/gi_mibi_96_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_97.tif", + "label": "val/gi_mibi_97_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_98.tif", + "label": "val/gi_mibi_98_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_103.tif", + "label": "val/gi_mibi_103_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_113.tif", + "label": "val/gi_mibi_113_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_124.tif", + "label": "val/gi_mibi_124_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_128.tif", + "label": "val/gi_mibi_128_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_130.tif", + "label": "val/gi_mibi_130_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_135.tif", + "label": "val/gi_mibi_135_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_140.tif", + "label": "val/gi_mibi_140_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_148.tif", + "label": "val/gi_mibi_148_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_149.tif", + "label": "val/gi_mibi_149_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_152.tif", + "label": "val/gi_mibi_152_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_160.tif", + "label": "val/gi_mibi_160_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_176.tif", + "label": "val/gi_mibi_176_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_182.tif", + "label": "val/gi_mibi_182_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_183.tif", + "label": "val/gi_mibi_183_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_193.tif", + "label": "val/gi_mibi_193_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_194.tif", + "label": "val/gi_mibi_194_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_198.tif", + "label": "val/gi_mibi_198_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_200.tif", + "label": "val/gi_mibi_200_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_202.tif", + "label": "val/gi_mibi_202_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_205.tif", + "label": "val/gi_mibi_205_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_210.tif", + "label": "val/gi_mibi_210_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_213.tif", + "label": "val/gi_mibi_213_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_214.tif", + "label": "val/gi_mibi_214_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_219.tif", + "label": "val/gi_mibi_219_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_220.tif", + "label": "val/gi_mibi_220_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_222.tif", + "label": "val/gi_mibi_222_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_228.tif", + "label": "val/gi_mibi_228_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_247.tif", + "label": "val/gi_mibi_247_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_248.tif", + "label": "val/gi_mibi_248_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_251.tif", + "label": "val/gi_mibi_251_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_275.tif", + "label": "val/gi_mibi_275_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_282.tif", + "label": "val/gi_mibi_282_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_283.tif", + "label": "val/gi_mibi_283_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_285.tif", + "label": "val/gi_mibi_285_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_286.tif", + "label": "val/gi_mibi_286_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_287.tif", + "label": "val/gi_mibi_287_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_288.tif", + "label": "val/gi_mibi_288_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_295.tif", + "label": "val/gi_mibi_295_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_298.tif", + "label": "val/gi_mibi_298_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_307.tif", + "label": "val/gi_mibi_307_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_308.tif", + "label": "val/gi_mibi_308_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_313.tif", + "label": "val/gi_mibi_313_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_1.tif", + "label": "val/gi_mibi_1_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_3.tif", + "label": "val/gi_mibi_3_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_7.tif", + "label": "val/gi_mibi_7_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_15.tif", + "label": "val/gi_mibi_15_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_22.tif", + "label": "val/gi_mibi_22_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_25.tif", + "label": "val/gi_mibi_25_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_26.tif", + "label": "val/gi_mibi_26_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_30.tif", + "label": "val/gi_mibi_30_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_37.tif", + "label": "val/gi_mibi_37_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_43.tif", + "label": "val/gi_mibi_43_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_49.tif", + "label": "val/gi_mibi_49_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_50.tif", + "label": "val/gi_mibi_50_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_64.tif", + "label": "val/gi_mibi_64_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_68.tif", + "label": "val/gi_mibi_68_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_71.tif", + "label": "val/gi_mibi_71_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_72.tif", + "label": "val/gi_mibi_72_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_74.tif", + "label": "val/gi_mibi_74_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_76.tif", + "label": "val/gi_mibi_76_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_83.tif", + "label": "val/gi_mibi_83_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_86.tif", + "label": "val/gi_mibi_86_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_87.tif", + "label": "val/gi_mibi_87_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_104.tif", + "label": "val/gi_mibi_104_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_109.tif", + "label": "val/gi_mibi_109_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_115.tif", + "label": "val/gi_mibi_115_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_121.tif", + "label": "val/gi_mibi_121_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_126.tif", + "label": "val/gi_mibi_126_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_129.tif", + "label": "val/gi_mibi_129_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_133.tif", + "label": "val/gi_mibi_133_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_136.tif", + "label": "val/gi_mibi_136_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_141.tif", + "label": "val/gi_mibi_141_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_143.tif", + "label": "val/gi_mibi_143_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_144.tif", + "label": "val/gi_mibi_144_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_151.tif", + "label": "val/gi_mibi_151_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_153.tif", + "label": "val/gi_mibi_153_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_155.tif", + "label": "val/gi_mibi_155_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_156.tif", + "label": "val/gi_mibi_156_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_166.tif", + "label": "val/gi_mibi_166_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_178.tif", + "label": "val/gi_mibi_178_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_190.tif", + "label": "val/gi_mibi_190_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_195.tif", + "label": "val/gi_mibi_195_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_196.tif", + "label": "val/gi_mibi_196_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_203.tif", + "label": "val/gi_mibi_203_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_209.tif", + "label": "val/gi_mibi_209_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_215.tif", + "label": "val/gi_mibi_215_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_216.tif", + "label": "val/gi_mibi_216_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_226.tif", + "label": "val/gi_mibi_226_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_235.tif", + "label": "val/gi_mibi_235_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_237.tif", + "label": "val/gi_mibi_237_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_239.tif", + "label": "val/gi_mibi_239_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_241.tif", + "label": "val/gi_mibi_241_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_243.tif", + "label": "val/gi_mibi_243_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_252.tif", + "label": "val/gi_mibi_252_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_254.tif", + "label": "val/gi_mibi_254_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_255.tif", + "label": "val/gi_mibi_255_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_264.tif", + "label": "val/gi_mibi_264_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_265.tif", + "label": "val/gi_mibi_265_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_276.tif", + "label": "val/gi_mibi_276_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_280.tif", + "label": "val/gi_mibi_280_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_281.tif", + "label": "val/gi_mibi_281_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_290.tif", + "label": "val/gi_mibi_290_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_294.tif", + "label": "val/gi_mibi_294_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_296.tif", + "label": "val/gi_mibi_296_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mibi_309.tif", + "label": "val/gi_mibi_309_masks.tif", + "fold": 0 + }, + { + "image": "train/gi_mibi_1_2.tif", + "label": "train/gi_mibi_1_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_2_0.tif", + "label": "train/gi_mibi_2_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_3_0.tif", + "label": "train/gi_mibi_3_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_4_3.tif", + "label": "train/gi_mibi_4_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_6_3.tif", + "label": "train/gi_mibi_6_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_8_3.tif", + "label": "train/gi_mibi_8_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_11_3.tif", + "label": "train/gi_mibi_11_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_12_1.tif", + "label": "train/gi_mibi_12_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_12_3.tif", + "label": "train/gi_mibi_12_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_14_0.tif", + "label": "train/gi_mibi_14_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_14_2.tif", + "label": "train/gi_mibi_14_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_15_0.tif", + "label": "train/gi_mibi_15_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_16_1.tif", + "label": "train/gi_mibi_16_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_18_1.tif", + "label": "train/gi_mibi_18_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_18_3.tif", + "label": "train/gi_mibi_18_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_19_2.tif", + "label": "train/gi_mibi_19_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_20_0.tif", + "label": "train/gi_mibi_20_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_20_1.tif", + "label": "train/gi_mibi_20_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_21_3.tif", + "label": "train/gi_mibi_21_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_22_0.tif", + "label": "train/gi_mibi_22_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_22_2.tif", + "label": "train/gi_mibi_22_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_23_2.tif", + "label": "train/gi_mibi_23_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_24_2.tif", + "label": "train/gi_mibi_24_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_25_1.tif", + "label": "train/gi_mibi_25_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_26_3.tif", + "label": "train/gi_mibi_26_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_27_0.tif", + "label": "train/gi_mibi_27_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_27_3.tif", + "label": "train/gi_mibi_27_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_28_3.tif", + "label": "train/gi_mibi_28_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_29_3.tif", + "label": "train/gi_mibi_29_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_30_0.tif", + "label": "train/gi_mibi_30_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_31_2.tif", + "label": "train/gi_mibi_31_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_32_3.tif", + "label": "train/gi_mibi_32_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_33_1.tif", + "label": "train/gi_mibi_33_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_33_3.tif", + "label": "train/gi_mibi_33_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_35_2.tif", + "label": "train/gi_mibi_35_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_37_0.tif", + "label": "train/gi_mibi_37_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_39_3.tif", + "label": "train/gi_mibi_39_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_40_3.tif", + "label": "train/gi_mibi_40_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_41_3.tif", + "label": "train/gi_mibi_41_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_42_1.tif", + "label": "train/gi_mibi_42_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_44_1.tif", + "label": "train/gi_mibi_44_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_45_1.tif", + "label": "train/gi_mibi_45_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_46_2.tif", + "label": "train/gi_mibi_46_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_47_2.tif", + "label": "train/gi_mibi_47_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_48_2.tif", + "label": "train/gi_mibi_48_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_48_3.tif", + "label": "train/gi_mibi_48_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_49_2.tif", + "label": "train/gi_mibi_49_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_50_1.tif", + "label": "train/gi_mibi_50_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_50_2.tif", + "label": "train/gi_mibi_50_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_51_0.tif", + "label": "train/gi_mibi_51_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_54_0.tif", + "label": "train/gi_mibi_54_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_55_3.tif", + "label": "train/gi_mibi_55_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_57_3.tif", + "label": "train/gi_mibi_57_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_59_0.tif", + "label": "train/gi_mibi_59_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_59_3.tif", + "label": "train/gi_mibi_59_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_60_1.tif", + "label": "train/gi_mibi_60_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_62_0.tif", + "label": "train/gi_mibi_62_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_63_3.tif", + "label": "train/gi_mibi_63_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_64_2.tif", + "label": "train/gi_mibi_64_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_64_3.tif", + "label": "train/gi_mibi_64_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_65_2.tif", + "label": "train/gi_mibi_65_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_66_3.tif", + "label": "train/gi_mibi_66_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_67_0.tif", + "label": "train/gi_mibi_67_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_67_2.tif", + "label": "train/gi_mibi_67_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_70_0.tif", + "label": "train/gi_mibi_70_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_70_3.tif", + "label": "train/gi_mibi_70_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_72_0.tif", + "label": "train/gi_mibi_72_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_73_0.tif", + "label": "train/gi_mibi_73_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_74_2.tif", + "label": "train/gi_mibi_74_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_75_1.tif", + "label": "train/gi_mibi_75_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_75_2.tif", + "label": "train/gi_mibi_75_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_75_3.tif", + "label": "train/gi_mibi_75_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_76_0.tif", + "label": "train/gi_mibi_76_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_77_2.tif", + "label": "train/gi_mibi_77_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_77_3.tif", + "label": "train/gi_mibi_77_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_78_3.tif", + "label": "train/gi_mibi_78_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_80_1.tif", + "label": "train/gi_mibi_80_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_81_1.tif", + "label": "train/gi_mibi_81_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_83_3.tif", + "label": "train/gi_mibi_83_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_87_1.tif", + "label": "train/gi_mibi_87_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_88_3.tif", + "label": "train/gi_mibi_88_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_93_3.tif", + "label": "train/gi_mibi_93_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_95_2.tif", + "label": "train/gi_mibi_95_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_97_2.tif", + "label": "train/gi_mibi_97_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_98_3.tif", + "label": "train/gi_mibi_98_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_100_1.tif", + "label": "train/gi_mibi_100_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_100_3.tif", + "label": "train/gi_mibi_100_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_102_0.tif", + "label": "train/gi_mibi_102_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_103_2.tif", + "label": "train/gi_mibi_103_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_104_3.tif", + "label": "train/gi_mibi_104_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_105_2.tif", + "label": "train/gi_mibi_105_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_106_0.tif", + "label": "train/gi_mibi_106_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_106_2.tif", + "label": "train/gi_mibi_106_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_107_0.tif", + "label": "train/gi_mibi_107_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_108_3.tif", + "label": "train/gi_mibi_108_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_109_3.tif", + "label": "train/gi_mibi_109_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_111_2.tif", + "label": "train/gi_mibi_111_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_113_0.tif", + "label": "train/gi_mibi_113_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_113_1.tif", + "label": "train/gi_mibi_113_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_115_0.tif", + "label": "train/gi_mibi_115_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_116_0.tif", + "label": "train/gi_mibi_116_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_118_1.tif", + "label": "train/gi_mibi_118_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_119_2.tif", + "label": "train/gi_mibi_119_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_120_1.tif", + "label": "train/gi_mibi_120_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_120_2.tif", + "label": "train/gi_mibi_120_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_121_0.tif", + "label": "train/gi_mibi_121_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_121_3.tif", + "label": "train/gi_mibi_121_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_122_2.tif", + "label": "train/gi_mibi_122_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_123_3.tif", + "label": "train/gi_mibi_123_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_124_0.tif", + "label": "train/gi_mibi_124_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_125_3.tif", + "label": "train/gi_mibi_125_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_127_1.tif", + "label": "train/gi_mibi_127_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_129_0.tif", + "label": "train/gi_mibi_129_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_130_0.tif", + "label": "train/gi_mibi_130_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_130_1.tif", + "label": "train/gi_mibi_130_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_132_0.tif", + "label": "train/gi_mibi_132_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_133_2.tif", + "label": "train/gi_mibi_133_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_134_0.tif", + "label": "train/gi_mibi_134_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_135_1.tif", + "label": "train/gi_mibi_135_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_139_0.tif", + "label": "train/gi_mibi_139_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_140_0.tif", + "label": "train/gi_mibi_140_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_142_3.tif", + "label": "train/gi_mibi_142_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_147_1.tif", + "label": "train/gi_mibi_147_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_148_1.tif", + "label": "train/gi_mibi_148_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_149_0.tif", + "label": "train/gi_mibi_149_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_149_1.tif", + "label": "train/gi_mibi_149_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_150_2.tif", + "label": "train/gi_mibi_150_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_151_3.tif", + "label": "train/gi_mibi_151_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_153_1.tif", + "label": "train/gi_mibi_153_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_156_1.tif", + "label": "train/gi_mibi_156_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_157_1.tif", + "label": "train/gi_mibi_157_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_157_3.tif", + "label": "train/gi_mibi_157_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_160_0.tif", + "label": "train/gi_mibi_160_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_160_1.tif", + "label": "train/gi_mibi_160_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_161_3.tif", + "label": "train/gi_mibi_161_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_162_2.tif", + "label": "train/gi_mibi_162_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_163_1.tif", + "label": "train/gi_mibi_163_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_167_3.tif", + "label": "train/gi_mibi_167_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_168_0.tif", + "label": "train/gi_mibi_168_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_168_1.tif", + "label": "train/gi_mibi_168_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_168_2.tif", + "label": "train/gi_mibi_168_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_169_3.tif", + "label": "train/gi_mibi_169_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_170_0.tif", + "label": "train/gi_mibi_170_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_171_1.tif", + "label": "train/gi_mibi_171_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_173_0.tif", + "label": "train/gi_mibi_173_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_173_1.tif", + "label": "train/gi_mibi_173_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_173_2.tif", + "label": "train/gi_mibi_173_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_174_3.tif", + "label": "train/gi_mibi_174_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_175_1.tif", + "label": "train/gi_mibi_175_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_175_2.tif", + "label": "train/gi_mibi_175_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_177_2.tif", + "label": "train/gi_mibi_177_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_177_3.tif", + "label": "train/gi_mibi_177_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_178_1.tif", + "label": "train/gi_mibi_178_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_179_2.tif", + "label": "train/gi_mibi_179_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_179_3.tif", + "label": "train/gi_mibi_179_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_181_0.tif", + "label": "train/gi_mibi_181_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_182_2.tif", + "label": "train/gi_mibi_182_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_184_0.tif", + "label": "train/gi_mibi_184_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_184_1.tif", + "label": "train/gi_mibi_184_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_185_1.tif", + "label": "train/gi_mibi_185_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_188_2.tif", + "label": "train/gi_mibi_188_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_190_3.tif", + "label": "train/gi_mibi_190_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_191_1.tif", + "label": "train/gi_mibi_191_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_193_3.tif", + "label": "train/gi_mibi_193_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_195_0.tif", + "label": "train/gi_mibi_195_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_196_2.tif", + "label": "train/gi_mibi_196_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_200_0.tif", + "label": "train/gi_mibi_200_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_200_2.tif", + "label": "train/gi_mibi_200_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_201_3.tif", + "label": "train/gi_mibi_201_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_202_1.tif", + "label": "train/gi_mibi_202_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_203_0.tif", + "label": "train/gi_mibi_203_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_203_1.tif", + "label": "train/gi_mibi_203_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_204_3.tif", + "label": "train/gi_mibi_204_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_205_1.tif", + "label": "train/gi_mibi_205_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_206_0.tif", + "label": "train/gi_mibi_206_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_207_0.tif", + "label": "train/gi_mibi_207_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_210_0.tif", + "label": "train/gi_mibi_210_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_210_1.tif", + "label": "train/gi_mibi_210_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_214_1.tif", + "label": "train/gi_mibi_214_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_216_3.tif", + "label": "train/gi_mibi_216_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_218_1.tif", + "label": "train/gi_mibi_218_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_219_0.tif", + "label": "train/gi_mibi_219_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_220_1.tif", + "label": "train/gi_mibi_220_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_230_1.tif", + "label": "train/gi_mibi_230_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_230_3.tif", + "label": "train/gi_mibi_230_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_231_0.tif", + "label": "train/gi_mibi_231_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_231_2.tif", + "label": "train/gi_mibi_231_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_232_1.tif", + "label": "train/gi_mibi_232_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_234_0.tif", + "label": "train/gi_mibi_234_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_235_0.tif", + "label": "train/gi_mibi_235_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_235_2.tif", + "label": "train/gi_mibi_235_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_236_1.tif", + "label": "train/gi_mibi_236_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_236_3.tif", + "label": "train/gi_mibi_236_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_239_3.tif", + "label": "train/gi_mibi_239_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_242_2.tif", + "label": "train/gi_mibi_242_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_243_0.tif", + "label": "train/gi_mibi_243_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_246_1.tif", + "label": "train/gi_mibi_246_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_246_2.tif", + "label": "train/gi_mibi_246_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_248_1.tif", + "label": "train/gi_mibi_248_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_249_1.tif", + "label": "train/gi_mibi_249_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_250_0.tif", + "label": "train/gi_mibi_250_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_251_0.tif", + "label": "train/gi_mibi_251_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_251_3.tif", + "label": "train/gi_mibi_251_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_252_0.tif", + "label": "train/gi_mibi_252_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_255_1.tif", + "label": "train/gi_mibi_255_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_255_2.tif", + "label": "train/gi_mibi_255_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_255_3.tif", + "label": "train/gi_mibi_255_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_257_1.tif", + "label": "train/gi_mibi_257_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_258_0.tif", + "label": "train/gi_mibi_258_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_258_1.tif", + "label": "train/gi_mibi_258_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_259_1.tif", + "label": "train/gi_mibi_259_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_260_2.tif", + "label": "train/gi_mibi_260_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_260_3.tif", + "label": "train/gi_mibi_260_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_261_1.tif", + "label": "train/gi_mibi_261_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_262_0.tif", + "label": "train/gi_mibi_262_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_263_1.tif", + "label": "train/gi_mibi_263_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_263_2.tif", + "label": "train/gi_mibi_263_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_267_1.tif", + "label": "train/gi_mibi_267_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_267_2.tif", + "label": "train/gi_mibi_267_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_268_1.tif", + "label": "train/gi_mibi_268_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_270_0.tif", + "label": "train/gi_mibi_270_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_270_1.tif", + "label": "train/gi_mibi_270_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_270_3.tif", + "label": "train/gi_mibi_270_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_271_0.tif", + "label": "train/gi_mibi_271_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_271_1.tif", + "label": "train/gi_mibi_271_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_273_0.tif", + "label": "train/gi_mibi_273_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_273_2.tif", + "label": "train/gi_mibi_273_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_275_2.tif", + "label": "train/gi_mibi_275_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_276_2.tif", + "label": "train/gi_mibi_276_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_278_0.tif", + "label": "train/gi_mibi_278_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_278_2.tif", + "label": "train/gi_mibi_278_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_281_3.tif", + "label": "train/gi_mibi_281_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_282_0.tif", + "label": "train/gi_mibi_282_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_283_1.tif", + "label": "train/gi_mibi_283_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_283_3.tif", + "label": "train/gi_mibi_283_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_286_1.tif", + "label": "train/gi_mibi_286_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_286_2.tif", + "label": "train/gi_mibi_286_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_287_0.tif", + "label": "train/gi_mibi_287_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_288_3.tif", + "label": "train/gi_mibi_288_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_289_1.tif", + "label": "train/gi_mibi_289_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_289_3.tif", + "label": "train/gi_mibi_289_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_290_2.tif", + "label": "train/gi_mibi_290_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_291_3.tif", + "label": "train/gi_mibi_291_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_292_0.tif", + "label": "train/gi_mibi_292_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_296_2.tif", + "label": "train/gi_mibi_296_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_297_3.tif", + "label": "train/gi_mibi_297_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_300_3.tif", + "label": "train/gi_mibi_300_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_302_2.tif", + "label": "train/gi_mibi_302_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_302_3.tif", + "label": "train/gi_mibi_302_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_306_0.tif", + "label": "train/gi_mibi_306_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_306_2.tif", + "label": "train/gi_mibi_306_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_310_0.tif", + "label": "train/gi_mibi_310_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_315_0.tif", + "label": "train/gi_mibi_315_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_315_2.tif", + "label": "train/gi_mibi_315_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_317_0.tif", + "label": "train/gi_mibi_317_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_320_0.tif", + "label": "train/gi_mibi_320_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_320_3.tif", + "label": "train/gi_mibi_320_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_321_1.tif", + "label": "train/gi_mibi_321_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_322_3.tif", + "label": "train/gi_mibi_322_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_323_0.tif", + "label": "train/gi_mibi_323_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_323_1.tif", + "label": "train/gi_mibi_323_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_323_3.tif", + "label": "train/gi_mibi_323_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_324_3.tif", + "label": "train/gi_mibi_324_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_326_0.tif", + "label": "train/gi_mibi_326_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_327_2.tif", + "label": "train/gi_mibi_327_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_328_0.tif", + "label": "train/gi_mibi_328_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_329_2.tif", + "label": "train/gi_mibi_329_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_0_2.tif", + "label": "train/gi_mibi_0_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_0_3.tif", + "label": "train/gi_mibi_0_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_1_1.tif", + "label": "train/gi_mibi_1_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_2_2.tif", + "label": "train/gi_mibi_2_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_2_3.tif", + "label": "train/gi_mibi_2_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_3_1.tif", + "label": "train/gi_mibi_3_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_4_1.tif", + "label": "train/gi_mibi_4_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_8_2.tif", + "label": "train/gi_mibi_8_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_9_1.tif", + "label": "train/gi_mibi_9_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_10_1.tif", + "label": "train/gi_mibi_10_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_12_0.tif", + "label": "train/gi_mibi_12_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_13_1.tif", + "label": "train/gi_mibi_13_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_14_3.tif", + "label": "train/gi_mibi_14_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_15_2.tif", + "label": "train/gi_mibi_15_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_18_0.tif", + "label": "train/gi_mibi_18_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_19_0.tif", + "label": "train/gi_mibi_19_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_20_3.tif", + "label": "train/gi_mibi_20_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_21_1.tif", + "label": "train/gi_mibi_21_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_22_3.tif", + "label": "train/gi_mibi_22_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_24_3.tif", + "label": "train/gi_mibi_24_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_26_0.tif", + "label": "train/gi_mibi_26_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_29_1.tif", + "label": "train/gi_mibi_29_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_31_1.tif", + "label": "train/gi_mibi_31_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_33_2.tif", + "label": "train/gi_mibi_33_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_34_3.tif", + "label": "train/gi_mibi_34_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_38_2.tif", + "label": "train/gi_mibi_38_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_39_0.tif", + "label": "train/gi_mibi_39_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_41_1.tif", + "label": "train/gi_mibi_41_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_43_3.tif", + "label": "train/gi_mibi_43_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_45_0.tif", + "label": "train/gi_mibi_45_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_47_0.tif", + "label": "train/gi_mibi_47_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_47_1.tif", + "label": "train/gi_mibi_47_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_47_3.tif", + "label": "train/gi_mibi_47_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_50_0.tif", + "label": "train/gi_mibi_50_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_51_1.tif", + "label": "train/gi_mibi_51_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_51_3.tif", + "label": "train/gi_mibi_51_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_52_0.tif", + "label": "train/gi_mibi_52_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_52_3.tif", + "label": "train/gi_mibi_52_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_53_3.tif", + "label": "train/gi_mibi_53_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_55_0.tif", + "label": "train/gi_mibi_55_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_56_2.tif", + "label": "train/gi_mibi_56_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_57_0.tif", + "label": "train/gi_mibi_57_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_60_2.tif", + "label": "train/gi_mibi_60_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_61_0.tif", + "label": "train/gi_mibi_61_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_62_2.tif", + "label": "train/gi_mibi_62_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_64_0.tif", + "label": "train/gi_mibi_64_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_64_1.tif", + "label": "train/gi_mibi_64_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_66_0.tif", + "label": "train/gi_mibi_66_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_68_2.tif", + "label": "train/gi_mibi_68_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_68_3.tif", + "label": "train/gi_mibi_68_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_71_2.tif", + "label": "train/gi_mibi_71_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_74_3.tif", + "label": "train/gi_mibi_74_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_76_2.tif", + "label": "train/gi_mibi_76_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_77_1.tif", + "label": "train/gi_mibi_77_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_78_2.tif", + "label": "train/gi_mibi_78_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_80_0.tif", + "label": "train/gi_mibi_80_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_80_2.tif", + "label": "train/gi_mibi_80_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_80_3.tif", + "label": "train/gi_mibi_80_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_81_2.tif", + "label": "train/gi_mibi_81_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_82_1.tif", + "label": "train/gi_mibi_82_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_82_2.tif", + "label": "train/gi_mibi_82_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_82_3.tif", + "label": "train/gi_mibi_82_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_84_0.tif", + "label": "train/gi_mibi_84_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_85_0.tif", + "label": "train/gi_mibi_85_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_85_1.tif", + "label": "train/gi_mibi_85_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_86_1.tif", + "label": "train/gi_mibi_86_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_86_3.tif", + "label": "train/gi_mibi_86_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_87_0.tif", + "label": "train/gi_mibi_87_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_87_2.tif", + "label": "train/gi_mibi_87_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_87_3.tif", + "label": "train/gi_mibi_87_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_90_3.tif", + "label": "train/gi_mibi_90_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_91_3.tif", + "label": "train/gi_mibi_91_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_92_0.tif", + "label": "train/gi_mibi_92_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_92_2.tif", + "label": "train/gi_mibi_92_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_93_0.tif", + "label": "train/gi_mibi_93_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_95_3.tif", + "label": "train/gi_mibi_95_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_96_2.tif", + "label": "train/gi_mibi_96_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_98_1.tif", + "label": "train/gi_mibi_98_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_101_0.tif", + "label": "train/gi_mibi_101_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_102_1.tif", + "label": "train/gi_mibi_102_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_104_2.tif", + "label": "train/gi_mibi_104_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_107_2.tif", + "label": "train/gi_mibi_107_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_108_0.tif", + "label": "train/gi_mibi_108_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_110_1.tif", + "label": "train/gi_mibi_110_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_110_3.tif", + "label": "train/gi_mibi_110_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_114_1.tif", + "label": "train/gi_mibi_114_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_114_3.tif", + "label": "train/gi_mibi_114_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_115_3.tif", + "label": "train/gi_mibi_115_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_117_3.tif", + "label": "train/gi_mibi_117_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_119_3.tif", + "label": "train/gi_mibi_119_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_120_0.tif", + "label": "train/gi_mibi_120_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_122_3.tif", + "label": "train/gi_mibi_122_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_123_1.tif", + "label": "train/gi_mibi_123_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_123_2.tif", + "label": "train/gi_mibi_123_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_128_0.tif", + "label": "train/gi_mibi_128_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_131_1.tif", + "label": "train/gi_mibi_131_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_131_3.tif", + "label": "train/gi_mibi_131_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_132_1.tif", + "label": "train/gi_mibi_132_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_132_3.tif", + "label": "train/gi_mibi_132_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_133_3.tif", + "label": "train/gi_mibi_133_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_134_1.tif", + "label": "train/gi_mibi_134_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_134_2.tif", + "label": "train/gi_mibi_134_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_136_2.tif", + "label": "train/gi_mibi_136_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_136_3.tif", + "label": "train/gi_mibi_136_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_138_1.tif", + "label": "train/gi_mibi_138_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_138_2.tif", + "label": "train/gi_mibi_138_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_139_2.tif", + "label": "train/gi_mibi_139_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_139_3.tif", + "label": "train/gi_mibi_139_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_140_1.tif", + "label": "train/gi_mibi_140_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_142_0.tif", + "label": "train/gi_mibi_142_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_143_0.tif", + "label": "train/gi_mibi_143_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_144_1.tif", + "label": "train/gi_mibi_144_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_144_3.tif", + "label": "train/gi_mibi_144_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_145_1.tif", + "label": "train/gi_mibi_145_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_146_0.tif", + "label": "train/gi_mibi_146_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_146_1.tif", + "label": "train/gi_mibi_146_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_146_3.tif", + "label": "train/gi_mibi_146_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_149_3.tif", + "label": "train/gi_mibi_149_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_151_0.tif", + "label": "train/gi_mibi_151_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_153_0.tif", + "label": "train/gi_mibi_153_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_154_0.tif", + "label": "train/gi_mibi_154_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_154_3.tif", + "label": "train/gi_mibi_154_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_155_0.tif", + "label": "train/gi_mibi_155_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_155_3.tif", + "label": "train/gi_mibi_155_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_157_0.tif", + "label": "train/gi_mibi_157_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_158_0.tif", + "label": "train/gi_mibi_158_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_158_2.tif", + "label": "train/gi_mibi_158_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_159_2.tif", + "label": "train/gi_mibi_159_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_159_3.tif", + "label": "train/gi_mibi_159_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_161_0.tif", + "label": "train/gi_mibi_161_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_162_1.tif", + "label": "train/gi_mibi_162_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_165_0.tif", + "label": "train/gi_mibi_165_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_165_1.tif", + "label": "train/gi_mibi_165_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_165_3.tif", + "label": "train/gi_mibi_165_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_168_3.tif", + "label": "train/gi_mibi_168_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_170_3.tif", + "label": "train/gi_mibi_170_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_171_2.tif", + "label": "train/gi_mibi_171_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_174_1.tif", + "label": "train/gi_mibi_174_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_175_0.tif", + "label": "train/gi_mibi_175_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_176_3.tif", + "label": "train/gi_mibi_176_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_177_0.tif", + "label": "train/gi_mibi_177_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_181_1.tif", + "label": "train/gi_mibi_181_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_182_1.tif", + "label": "train/gi_mibi_182_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_182_3.tif", + "label": "train/gi_mibi_182_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_186_0.tif", + "label": "train/gi_mibi_186_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_186_2.tif", + "label": "train/gi_mibi_186_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_187_2.tif", + "label": "train/gi_mibi_187_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_188_3.tif", + "label": "train/gi_mibi_188_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_189_1.tif", + "label": "train/gi_mibi_189_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_189_3.tif", + "label": "train/gi_mibi_189_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_190_1.tif", + "label": "train/gi_mibi_190_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_191_2.tif", + "label": "train/gi_mibi_191_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_192_0.tif", + "label": "train/gi_mibi_192_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_192_1.tif", + "label": "train/gi_mibi_192_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_193_0.tif", + "label": "train/gi_mibi_193_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_194_1.tif", + "label": "train/gi_mibi_194_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_194_2.tif", + "label": "train/gi_mibi_194_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_198_1.tif", + "label": "train/gi_mibi_198_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_203_3.tif", + "label": "train/gi_mibi_203_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_204_1.tif", + "label": "train/gi_mibi_204_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_206_3.tif", + "label": "train/gi_mibi_206_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_207_2.tif", + "label": "train/gi_mibi_207_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_207_3.tif", + "label": "train/gi_mibi_207_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_208_1.tif", + "label": "train/gi_mibi_208_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_208_2.tif", + "label": "train/gi_mibi_208_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_213_0.tif", + "label": "train/gi_mibi_213_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_215_0.tif", + "label": "train/gi_mibi_215_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_215_1.tif", + "label": "train/gi_mibi_215_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_215_2.tif", + "label": "train/gi_mibi_215_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_218_2.tif", + "label": "train/gi_mibi_218_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_222_0.tif", + "label": "train/gi_mibi_222_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_223_2.tif", + "label": "train/gi_mibi_223_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_224_1.tif", + "label": "train/gi_mibi_224_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_225_2.tif", + "label": "train/gi_mibi_225_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_225_3.tif", + "label": "train/gi_mibi_225_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_228_1.tif", + "label": "train/gi_mibi_228_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_229_3.tif", + "label": "train/gi_mibi_229_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_230_0.tif", + "label": "train/gi_mibi_230_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_231_3.tif", + "label": "train/gi_mibi_231_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_232_2.tif", + "label": "train/gi_mibi_232_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_233_0.tif", + "label": "train/gi_mibi_233_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_234_2.tif", + "label": "train/gi_mibi_234_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_235_3.tif", + "label": "train/gi_mibi_235_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_239_0.tif", + "label": "train/gi_mibi_239_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_239_2.tif", + "label": "train/gi_mibi_239_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_240_2.tif", + "label": "train/gi_mibi_240_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_240_3.tif", + "label": "train/gi_mibi_240_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_242_3.tif", + "label": "train/gi_mibi_242_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_244_0.tif", + "label": "train/gi_mibi_244_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_244_1.tif", + "label": "train/gi_mibi_244_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_245_2.tif", + "label": "train/gi_mibi_245_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_245_3.tif", + "label": "train/gi_mibi_245_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_246_0.tif", + "label": "train/gi_mibi_246_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_248_2.tif", + "label": "train/gi_mibi_248_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_249_0.tif", + "label": "train/gi_mibi_249_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_250_3.tif", + "label": "train/gi_mibi_250_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_251_1.tif", + "label": "train/gi_mibi_251_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_252_2.tif", + "label": "train/gi_mibi_252_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_252_3.tif", + "label": "train/gi_mibi_252_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_253_0.tif", + "label": "train/gi_mibi_253_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_253_1.tif", + "label": "train/gi_mibi_253_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_253_2.tif", + "label": "train/gi_mibi_253_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_254_0.tif", + "label": "train/gi_mibi_254_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_255_0.tif", + "label": "train/gi_mibi_255_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_256_2.tif", + "label": "train/gi_mibi_256_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_257_2.tif", + "label": "train/gi_mibi_257_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_259_2.tif", + "label": "train/gi_mibi_259_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_260_1.tif", + "label": "train/gi_mibi_260_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_261_3.tif", + "label": "train/gi_mibi_261_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_262_3.tif", + "label": "train/gi_mibi_262_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_263_3.tif", + "label": "train/gi_mibi_263_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_264_1.tif", + "label": "train/gi_mibi_264_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_267_0.tif", + "label": "train/gi_mibi_267_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_268_2.tif", + "label": "train/gi_mibi_268_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_269_0.tif", + "label": "train/gi_mibi_269_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_269_3.tif", + "label": "train/gi_mibi_269_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_271_3.tif", + "label": "train/gi_mibi_271_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_272_1.tif", + "label": "train/gi_mibi_272_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_272_2.tif", + "label": "train/gi_mibi_272_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_272_3.tif", + "label": "train/gi_mibi_272_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_275_0.tif", + "label": "train/gi_mibi_275_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_275_1.tif", + "label": "train/gi_mibi_275_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_276_0.tif", + "label": "train/gi_mibi_276_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_276_1.tif", + "label": "train/gi_mibi_276_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_277_0.tif", + "label": "train/gi_mibi_277_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_279_2.tif", + "label": "train/gi_mibi_279_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_279_3.tif", + "label": "train/gi_mibi_279_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_280_1.tif", + "label": "train/gi_mibi_280_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_281_1.tif", + "label": "train/gi_mibi_281_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_283_2.tif", + "label": "train/gi_mibi_283_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_285_1.tif", + "label": "train/gi_mibi_285_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_286_0.tif", + "label": "train/gi_mibi_286_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_287_3.tif", + "label": "train/gi_mibi_287_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_289_2.tif", + "label": "train/gi_mibi_289_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_290_3.tif", + "label": "train/gi_mibi_290_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_292_2.tif", + "label": "train/gi_mibi_292_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_293_0.tif", + "label": "train/gi_mibi_293_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_293_2.tif", + "label": "train/gi_mibi_293_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_294_0.tif", + "label": "train/gi_mibi_294_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_294_1.tif", + "label": "train/gi_mibi_294_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_295_0.tif", + "label": "train/gi_mibi_295_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_296_1.tif", + "label": "train/gi_mibi_296_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_300_0.tif", + "label": "train/gi_mibi_300_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_303_3.tif", + "label": "train/gi_mibi_303_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_304_0.tif", + "label": "train/gi_mibi_304_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_304_3.tif", + "label": "train/gi_mibi_304_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_305_0.tif", + "label": "train/gi_mibi_305_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_307_2.tif", + "label": "train/gi_mibi_307_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_308_2.tif", + "label": "train/gi_mibi_308_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_311_0.tif", + "label": "train/gi_mibi_311_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_311_1.tif", + "label": "train/gi_mibi_311_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_312_0.tif", + "label": "train/gi_mibi_312_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_312_2.tif", + "label": "train/gi_mibi_312_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_314_2.tif", + "label": "train/gi_mibi_314_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_315_3.tif", + "label": "train/gi_mibi_315_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_316_3.tif", + "label": "train/gi_mibi_316_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_317_1.tif", + "label": "train/gi_mibi_317_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_317_2.tif", + "label": "train/gi_mibi_317_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_317_3.tif", + "label": "train/gi_mibi_317_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_318_0.tif", + "label": "train/gi_mibi_318_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_318_2.tif", + "label": "train/gi_mibi_318_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_319_3.tif", + "label": "train/gi_mibi_319_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_324_0.tif", + "label": "train/gi_mibi_324_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_324_1.tif", + "label": "train/gi_mibi_324_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_325_2.tif", + "label": "train/gi_mibi_325_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_330_0.tif", + "label": "train/gi_mibi_330_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_330_3.tif", + "label": "train/gi_mibi_330_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_0_0.tif", + "label": "train/gi_mibi_0_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_0_1.tif", + "label": "train/gi_mibi_0_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_3_2.tif", + "label": "train/gi_mibi_3_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_4_0.tif", + "label": "train/gi_mibi_4_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_5_3.tif", + "label": "train/gi_mibi_5_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_6_2.tif", + "label": "train/gi_mibi_6_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_7_3.tif", + "label": "train/gi_mibi_7_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_8_0.tif", + "label": "train/gi_mibi_8_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_8_1.tif", + "label": "train/gi_mibi_8_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_10_0.tif", + "label": "train/gi_mibi_10_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_11_1.tif", + "label": "train/gi_mibi_11_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_11_2.tif", + "label": "train/gi_mibi_11_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_12_2.tif", + "label": "train/gi_mibi_12_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_13_2.tif", + "label": "train/gi_mibi_13_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_14_1.tif", + "label": "train/gi_mibi_14_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_15_1.tif", + "label": "train/gi_mibi_15_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_16_0.tif", + "label": "train/gi_mibi_16_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_16_2.tif", + "label": "train/gi_mibi_16_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_17_0.tif", + "label": "train/gi_mibi_17_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_17_1.tif", + "label": "train/gi_mibi_17_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_18_2.tif", + "label": "train/gi_mibi_18_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_20_2.tif", + "label": "train/gi_mibi_20_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_21_0.tif", + "label": "train/gi_mibi_21_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_22_1.tif", + "label": "train/gi_mibi_22_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_23_0.tif", + "label": "train/gi_mibi_23_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_25_3.tif", + "label": "train/gi_mibi_25_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_26_2.tif", + "label": "train/gi_mibi_26_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_27_2.tif", + "label": "train/gi_mibi_27_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_28_1.tif", + "label": "train/gi_mibi_28_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_28_2.tif", + "label": "train/gi_mibi_28_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_29_2.tif", + "label": "train/gi_mibi_29_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_30_1.tif", + "label": "train/gi_mibi_30_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_31_3.tif", + "label": "train/gi_mibi_31_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_33_0.tif", + "label": "train/gi_mibi_33_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_34_1.tif", + "label": "train/gi_mibi_34_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_36_2.tif", + "label": "train/gi_mibi_36_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_36_3.tif", + "label": "train/gi_mibi_36_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_37_3.tif", + "label": "train/gi_mibi_37_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_40_0.tif", + "label": "train/gi_mibi_40_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_40_1.tif", + "label": "train/gi_mibi_40_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_41_0.tif", + "label": "train/gi_mibi_41_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_43_0.tif", + "label": "train/gi_mibi_43_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_43_1.tif", + "label": "train/gi_mibi_43_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_44_2.tif", + "label": "train/gi_mibi_44_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_46_1.tif", + "label": "train/gi_mibi_46_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_46_3.tif", + "label": "train/gi_mibi_46_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_48_0.tif", + "label": "train/gi_mibi_48_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_48_1.tif", + "label": "train/gi_mibi_48_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_53_2.tif", + "label": "train/gi_mibi_53_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_54_2.tif", + "label": "train/gi_mibi_54_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_56_0.tif", + "label": "train/gi_mibi_56_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_58_1.tif", + "label": "train/gi_mibi_58_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_59_2.tif", + "label": "train/gi_mibi_59_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_61_1.tif", + "label": "train/gi_mibi_61_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_61_2.tif", + "label": "train/gi_mibi_61_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_61_3.tif", + "label": "train/gi_mibi_61_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_62_3.tif", + "label": "train/gi_mibi_62_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_63_2.tif", + "label": "train/gi_mibi_63_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_66_1.tif", + "label": "train/gi_mibi_66_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_67_3.tif", + "label": "train/gi_mibi_67_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_68_1.tif", + "label": "train/gi_mibi_68_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_69_0.tif", + "label": "train/gi_mibi_69_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_69_1.tif", + "label": "train/gi_mibi_69_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_70_1.tif", + "label": "train/gi_mibi_70_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_70_2.tif", + "label": "train/gi_mibi_70_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_72_1.tif", + "label": "train/gi_mibi_72_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_72_3.tif", + "label": "train/gi_mibi_72_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_73_1.tif", + "label": "train/gi_mibi_73_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_73_2.tif", + "label": "train/gi_mibi_73_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_73_3.tif", + "label": "train/gi_mibi_73_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_74_1.tif", + "label": "train/gi_mibi_74_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_76_3.tif", + "label": "train/gi_mibi_76_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_77_0.tif", + "label": "train/gi_mibi_77_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_79_2.tif", + "label": "train/gi_mibi_79_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_83_0.tif", + "label": "train/gi_mibi_83_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_84_3.tif", + "label": "train/gi_mibi_84_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_85_2.tif", + "label": "train/gi_mibi_85_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_86_0.tif", + "label": "train/gi_mibi_86_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_88_2.tif", + "label": "train/gi_mibi_88_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_89_2.tif", + "label": "train/gi_mibi_89_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_91_0.tif", + "label": "train/gi_mibi_91_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_91_2.tif", + "label": "train/gi_mibi_91_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_92_3.tif", + "label": "train/gi_mibi_92_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_93_2.tif", + "label": "train/gi_mibi_93_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_95_1.tif", + "label": "train/gi_mibi_95_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_96_1.tif", + "label": "train/gi_mibi_96_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_96_3.tif", + "label": "train/gi_mibi_96_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_97_0.tif", + "label": "train/gi_mibi_97_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_97_1.tif", + "label": "train/gi_mibi_97_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_102_3.tif", + "label": "train/gi_mibi_102_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_103_0.tif", + "label": "train/gi_mibi_103_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_103_3.tif", + "label": "train/gi_mibi_103_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_106_1.tif", + "label": "train/gi_mibi_106_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_107_1.tif", + "label": "train/gi_mibi_107_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_108_1.tif", + "label": "train/gi_mibi_108_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_108_2.tif", + "label": "train/gi_mibi_108_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_109_0.tif", + "label": "train/gi_mibi_109_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_109_1.tif", + "label": "train/gi_mibi_109_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_111_3.tif", + "label": "train/gi_mibi_111_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_112_1.tif", + "label": "train/gi_mibi_112_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_113_3.tif", + "label": "train/gi_mibi_113_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_116_2.tif", + "label": "train/gi_mibi_116_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_118_0.tif", + "label": "train/gi_mibi_118_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_118_2.tif", + "label": "train/gi_mibi_118_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_120_3.tif", + "label": "train/gi_mibi_120_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_121_2.tif", + "label": "train/gi_mibi_121_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_123_0.tif", + "label": "train/gi_mibi_123_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_125_0.tif", + "label": "train/gi_mibi_125_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_125_2.tif", + "label": "train/gi_mibi_125_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_126_3.tif", + "label": "train/gi_mibi_126_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_130_3.tif", + "label": "train/gi_mibi_130_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_132_2.tif", + "label": "train/gi_mibi_132_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_137_0.tif", + "label": "train/gi_mibi_137_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_137_2.tif", + "label": "train/gi_mibi_137_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_138_0.tif", + "label": "train/gi_mibi_138_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_138_3.tif", + "label": "train/gi_mibi_138_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_139_1.tif", + "label": "train/gi_mibi_139_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_141_3.tif", + "label": "train/gi_mibi_141_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_143_1.tif", + "label": "train/gi_mibi_143_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_143_3.tif", + "label": "train/gi_mibi_143_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_144_0.tif", + "label": "train/gi_mibi_144_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_144_2.tif", + "label": "train/gi_mibi_144_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_145_2.tif", + "label": "train/gi_mibi_145_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_147_0.tif", + "label": "train/gi_mibi_147_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_148_2.tif", + "label": "train/gi_mibi_148_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_150_0.tif", + "label": "train/gi_mibi_150_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_151_1.tif", + "label": "train/gi_mibi_151_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_159_0.tif", + "label": "train/gi_mibi_159_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_161_2.tif", + "label": "train/gi_mibi_161_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_162_3.tif", + "label": "train/gi_mibi_162_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_163_3.tif", + "label": "train/gi_mibi_163_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_164_3.tif", + "label": "train/gi_mibi_164_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_166_0.tif", + "label": "train/gi_mibi_166_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_166_1.tif", + "label": "train/gi_mibi_166_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_167_2.tif", + "label": "train/gi_mibi_167_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_169_2.tif", + "label": "train/gi_mibi_169_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_171_0.tif", + "label": "train/gi_mibi_171_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_176_1.tif", + "label": "train/gi_mibi_176_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_177_1.tif", + "label": "train/gi_mibi_177_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_180_0.tif", + "label": "train/gi_mibi_180_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_180_3.tif", + "label": "train/gi_mibi_180_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_181_2.tif", + "label": "train/gi_mibi_181_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_183_3.tif", + "label": "train/gi_mibi_183_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_184_2.tif", + "label": "train/gi_mibi_184_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_185_2.tif", + "label": "train/gi_mibi_185_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_186_1.tif", + "label": "train/gi_mibi_186_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_188_0.tif", + "label": "train/gi_mibi_188_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_191_0.tif", + "label": "train/gi_mibi_191_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_191_3.tif", + "label": "train/gi_mibi_191_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_193_2.tif", + "label": "train/gi_mibi_193_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_194_0.tif", + "label": "train/gi_mibi_194_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_195_3.tif", + "label": "train/gi_mibi_195_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_196_1.tif", + "label": "train/gi_mibi_196_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_197_1.tif", + "label": "train/gi_mibi_197_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_197_2.tif", + "label": "train/gi_mibi_197_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_197_3.tif", + "label": "train/gi_mibi_197_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_199_1.tif", + "label": "train/gi_mibi_199_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_199_2.tif", + "label": "train/gi_mibi_199_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_199_3.tif", + "label": "train/gi_mibi_199_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_200_1.tif", + "label": "train/gi_mibi_200_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_201_0.tif", + "label": "train/gi_mibi_201_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_202_0.tif", + "label": "train/gi_mibi_202_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_202_2.tif", + "label": "train/gi_mibi_202_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_205_0.tif", + "label": "train/gi_mibi_205_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_206_2.tif", + "label": "train/gi_mibi_206_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_209_2.tif", + "label": "train/gi_mibi_209_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_209_3.tif", + "label": "train/gi_mibi_209_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_213_1.tif", + "label": "train/gi_mibi_213_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_213_2.tif", + "label": "train/gi_mibi_213_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_214_2.tif", + "label": "train/gi_mibi_214_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_216_2.tif", + "label": "train/gi_mibi_216_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_217_0.tif", + "label": "train/gi_mibi_217_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_218_0.tif", + "label": "train/gi_mibi_218_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_218_3.tif", + "label": "train/gi_mibi_218_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_219_1.tif", + "label": "train/gi_mibi_219_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_220_0.tif", + "label": "train/gi_mibi_220_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_221_1.tif", + "label": "train/gi_mibi_221_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_221_3.tif", + "label": "train/gi_mibi_221_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_222_3.tif", + "label": "train/gi_mibi_222_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_223_0.tif", + "label": "train/gi_mibi_223_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_224_3.tif", + "label": "train/gi_mibi_224_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_225_0.tif", + "label": "train/gi_mibi_225_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_226_0.tif", + "label": "train/gi_mibi_226_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_228_0.tif", + "label": "train/gi_mibi_228_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_228_3.tif", + "label": "train/gi_mibi_228_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_229_0.tif", + "label": "train/gi_mibi_229_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_230_2.tif", + "label": "train/gi_mibi_230_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_231_1.tif", + "label": "train/gi_mibi_231_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_234_3.tif", + "label": "train/gi_mibi_234_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_236_2.tif", + "label": "train/gi_mibi_236_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_238_1.tif", + "label": "train/gi_mibi_238_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_238_3.tif", + "label": "train/gi_mibi_238_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_239_1.tif", + "label": "train/gi_mibi_239_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_240_1.tif", + "label": "train/gi_mibi_240_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_241_2.tif", + "label": "train/gi_mibi_241_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_242_1.tif", + "label": "train/gi_mibi_242_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_244_3.tif", + "label": "train/gi_mibi_244_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_245_0.tif", + "label": "train/gi_mibi_245_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_246_3.tif", + "label": "train/gi_mibi_246_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_247_1.tif", + "label": "train/gi_mibi_247_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_247_3.tif", + "label": "train/gi_mibi_247_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_248_0.tif", + "label": "train/gi_mibi_248_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_248_3.tif", + "label": "train/gi_mibi_248_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_249_2.tif", + "label": "train/gi_mibi_249_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_251_2.tif", + "label": "train/gi_mibi_251_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_252_1.tif", + "label": "train/gi_mibi_252_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_254_1.tif", + "label": "train/gi_mibi_254_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_254_2.tif", + "label": "train/gi_mibi_254_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_256_0.tif", + "label": "train/gi_mibi_256_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_256_3.tif", + "label": "train/gi_mibi_256_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_257_0.tif", + "label": "train/gi_mibi_257_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_258_3.tif", + "label": "train/gi_mibi_258_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_261_0.tif", + "label": "train/gi_mibi_261_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_264_2.tif", + "label": "train/gi_mibi_264_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_264_3.tif", + "label": "train/gi_mibi_264_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_265_0.tif", + "label": "train/gi_mibi_265_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_265_2.tif", + "label": "train/gi_mibi_265_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_265_3.tif", + "label": "train/gi_mibi_265_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_269_2.tif", + "label": "train/gi_mibi_269_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_271_2.tif", + "label": "train/gi_mibi_271_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_274_1.tif", + "label": "train/gi_mibi_274_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_274_2.tif", + "label": "train/gi_mibi_274_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_275_3.tif", + "label": "train/gi_mibi_275_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_278_1.tif", + "label": "train/gi_mibi_278_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_280_2.tif", + "label": "train/gi_mibi_280_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_280_3.tif", + "label": "train/gi_mibi_280_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_282_3.tif", + "label": "train/gi_mibi_282_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_283_0.tif", + "label": "train/gi_mibi_283_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_284_2.tif", + "label": "train/gi_mibi_284_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_284_3.tif", + "label": "train/gi_mibi_284_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_287_1.tif", + "label": "train/gi_mibi_287_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_288_0.tif", + "label": "train/gi_mibi_288_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_288_1.tif", + "label": "train/gi_mibi_288_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_289_0.tif", + "label": "train/gi_mibi_289_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_291_1.tif", + "label": "train/gi_mibi_291_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_294_2.tif", + "label": "train/gi_mibi_294_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_295_1.tif", + "label": "train/gi_mibi_295_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_298_1.tif", + "label": "train/gi_mibi_298_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_298_2.tif", + "label": "train/gi_mibi_298_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_299_0.tif", + "label": "train/gi_mibi_299_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_299_2.tif", + "label": "train/gi_mibi_299_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_300_1.tif", + "label": "train/gi_mibi_300_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_301_1.tif", + "label": "train/gi_mibi_301_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_301_2.tif", + "label": "train/gi_mibi_301_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_305_1.tif", + "label": "train/gi_mibi_305_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_306_1.tif", + "label": "train/gi_mibi_306_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_306_3.tif", + "label": "train/gi_mibi_306_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_307_1.tif", + "label": "train/gi_mibi_307_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_307_3.tif", + "label": "train/gi_mibi_307_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_310_2.tif", + "label": "train/gi_mibi_310_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_313_1.tif", + "label": "train/gi_mibi_313_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_313_3.tif", + "label": "train/gi_mibi_313_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_314_3.tif", + "label": "train/gi_mibi_314_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_316_0.tif", + "label": "train/gi_mibi_316_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_316_1.tif", + "label": "train/gi_mibi_316_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_318_1.tif", + "label": "train/gi_mibi_318_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_319_0.tif", + "label": "train/gi_mibi_319_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_319_1.tif", + "label": "train/gi_mibi_319_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_323_2.tif", + "label": "train/gi_mibi_323_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_324_2.tif", + "label": "train/gi_mibi_324_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_327_0.tif", + "label": "train/gi_mibi_327_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_328_2.tif", + "label": "train/gi_mibi_328_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_329_1.tif", + "label": "train/gi_mibi_329_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_330_1.tif", + "label": "train/gi_mibi_330_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_330_2.tif", + "label": "train/gi_mibi_330_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_331_1.tif", + "label": "train/gi_mibi_331_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_1_0.tif", + "label": "train/gi_mibi_1_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_1_3.tif", + "label": "train/gi_mibi_1_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_2_1.tif", + "label": "train/gi_mibi_2_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_4_2.tif", + "label": "train/gi_mibi_4_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_5_2.tif", + "label": "train/gi_mibi_5_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_7_0.tif", + "label": "train/gi_mibi_7_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_7_1.tif", + "label": "train/gi_mibi_7_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_7_2.tif", + "label": "train/gi_mibi_7_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_9_0.tif", + "label": "train/gi_mibi_9_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_9_2.tif", + "label": "train/gi_mibi_9_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_9_3.tif", + "label": "train/gi_mibi_9_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_10_2.tif", + "label": "train/gi_mibi_10_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_13_0.tif", + "label": "train/gi_mibi_13_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_16_3.tif", + "label": "train/gi_mibi_16_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_17_3.tif", + "label": "train/gi_mibi_17_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_23_1.tif", + "label": "train/gi_mibi_23_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_23_3.tif", + "label": "train/gi_mibi_23_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_24_1.tif", + "label": "train/gi_mibi_24_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_25_2.tif", + "label": "train/gi_mibi_25_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_26_1.tif", + "label": "train/gi_mibi_26_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_28_0.tif", + "label": "train/gi_mibi_28_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_29_0.tif", + "label": "train/gi_mibi_29_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_30_2.tif", + "label": "train/gi_mibi_30_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_31_0.tif", + "label": "train/gi_mibi_31_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_32_0.tif", + "label": "train/gi_mibi_32_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_34_0.tif", + "label": "train/gi_mibi_34_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_35_0.tif", + "label": "train/gi_mibi_35_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_38_1.tif", + "label": "train/gi_mibi_38_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_39_1.tif", + "label": "train/gi_mibi_39_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_39_2.tif", + "label": "train/gi_mibi_39_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_40_2.tif", + "label": "train/gi_mibi_40_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_42_0.tif", + "label": "train/gi_mibi_42_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_44_3.tif", + "label": "train/gi_mibi_44_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_46_0.tif", + "label": "train/gi_mibi_46_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_49_1.tif", + "label": "train/gi_mibi_49_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_50_3.tif", + "label": "train/gi_mibi_50_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_53_0.tif", + "label": "train/gi_mibi_53_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_53_1.tif", + "label": "train/gi_mibi_53_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_54_1.tif", + "label": "train/gi_mibi_54_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_55_1.tif", + "label": "train/gi_mibi_55_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_56_1.tif", + "label": "train/gi_mibi_56_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_56_3.tif", + "label": "train/gi_mibi_56_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_58_0.tif", + "label": "train/gi_mibi_58_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_58_2.tif", + "label": "train/gi_mibi_58_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_59_1.tif", + "label": "train/gi_mibi_59_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_62_1.tif", + "label": "train/gi_mibi_62_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_65_0.tif", + "label": "train/gi_mibi_65_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_65_1.tif", + "label": "train/gi_mibi_65_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_68_0.tif", + "label": "train/gi_mibi_68_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_71_0.tif", + "label": "train/gi_mibi_71_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_71_1.tif", + "label": "train/gi_mibi_71_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_71_3.tif", + "label": "train/gi_mibi_71_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_74_0.tif", + "label": "train/gi_mibi_74_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_75_0.tif", + "label": "train/gi_mibi_75_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_76_1.tif", + "label": "train/gi_mibi_76_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_78_0.tif", + "label": "train/gi_mibi_78_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_82_0.tif", + "label": "train/gi_mibi_82_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_83_1.tif", + "label": "train/gi_mibi_83_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_83_2.tif", + "label": "train/gi_mibi_83_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_84_1.tif", + "label": "train/gi_mibi_84_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_85_3.tif", + "label": "train/gi_mibi_85_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_86_2.tif", + "label": "train/gi_mibi_86_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_88_0.tif", + "label": "train/gi_mibi_88_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_88_1.tif", + "label": "train/gi_mibi_88_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_89_0.tif", + "label": "train/gi_mibi_89_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_89_3.tif", + "label": "train/gi_mibi_89_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_90_0.tif", + "label": "train/gi_mibi_90_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_90_1.tif", + "label": "train/gi_mibi_90_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_90_2.tif", + "label": "train/gi_mibi_90_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_91_1.tif", + "label": "train/gi_mibi_91_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_93_1.tif", + "label": "train/gi_mibi_93_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_94_1.tif", + "label": "train/gi_mibi_94_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_94_2.tif", + "label": "train/gi_mibi_94_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_94_3.tif", + "label": "train/gi_mibi_94_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_95_0.tif", + "label": "train/gi_mibi_95_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_98_0.tif", + "label": "train/gi_mibi_98_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_98_2.tif", + "label": "train/gi_mibi_98_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_99_0.tif", + "label": "train/gi_mibi_99_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_99_1.tif", + "label": "train/gi_mibi_99_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_99_3.tif", + "label": "train/gi_mibi_99_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_100_0.tif", + "label": "train/gi_mibi_100_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_100_2.tif", + "label": "train/gi_mibi_100_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_101_2.tif", + "label": "train/gi_mibi_101_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_101_3.tif", + "label": "train/gi_mibi_101_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_105_1.tif", + "label": "train/gi_mibi_105_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_106_3.tif", + "label": "train/gi_mibi_106_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_110_2.tif", + "label": "train/gi_mibi_110_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_111_1.tif", + "label": "train/gi_mibi_111_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_112_0.tif", + "label": "train/gi_mibi_112_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_113_2.tif", + "label": "train/gi_mibi_113_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_115_2.tif", + "label": "train/gi_mibi_115_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_116_3.tif", + "label": "train/gi_mibi_116_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_119_0.tif", + "label": "train/gi_mibi_119_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_122_0.tif", + "label": "train/gi_mibi_122_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_124_2.tif", + "label": "train/gi_mibi_124_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_124_3.tif", + "label": "train/gi_mibi_124_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_125_1.tif", + "label": "train/gi_mibi_125_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_126_0.tif", + "label": "train/gi_mibi_126_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_126_2.tif", + "label": "train/gi_mibi_126_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_127_2.tif", + "label": "train/gi_mibi_127_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_127_3.tif", + "label": "train/gi_mibi_127_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_128_2.tif", + "label": "train/gi_mibi_128_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_129_1.tif", + "label": "train/gi_mibi_129_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_129_2.tif", + "label": "train/gi_mibi_129_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_129_3.tif", + "label": "train/gi_mibi_129_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_130_2.tif", + "label": "train/gi_mibi_130_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_133_1.tif", + "label": "train/gi_mibi_133_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_135_0.tif", + "label": "train/gi_mibi_135_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_135_3.tif", + "label": "train/gi_mibi_135_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_136_0.tif", + "label": "train/gi_mibi_136_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_137_1.tif", + "label": "train/gi_mibi_137_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_137_3.tif", + "label": "train/gi_mibi_137_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_140_3.tif", + "label": "train/gi_mibi_140_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_141_1.tif", + "label": "train/gi_mibi_141_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_142_2.tif", + "label": "train/gi_mibi_142_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_143_2.tif", + "label": "train/gi_mibi_143_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_147_2.tif", + "label": "train/gi_mibi_147_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_148_0.tif", + "label": "train/gi_mibi_148_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_149_2.tif", + "label": "train/gi_mibi_149_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_150_3.tif", + "label": "train/gi_mibi_150_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_152_0.tif", + "label": "train/gi_mibi_152_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_152_3.tif", + "label": "train/gi_mibi_152_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_153_2.tif", + "label": "train/gi_mibi_153_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_154_2.tif", + "label": "train/gi_mibi_154_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_155_2.tif", + "label": "train/gi_mibi_155_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_158_3.tif", + "label": "train/gi_mibi_158_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_160_3.tif", + "label": "train/gi_mibi_160_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_161_1.tif", + "label": "train/gi_mibi_161_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_163_2.tif", + "label": "train/gi_mibi_163_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_164_2.tif", + "label": "train/gi_mibi_164_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_165_2.tif", + "label": "train/gi_mibi_165_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_166_3.tif", + "label": "train/gi_mibi_166_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_167_1.tif", + "label": "train/gi_mibi_167_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_169_0.tif", + "label": "train/gi_mibi_169_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_169_1.tif", + "label": "train/gi_mibi_169_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_170_2.tif", + "label": "train/gi_mibi_170_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_172_0.tif", + "label": "train/gi_mibi_172_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_172_3.tif", + "label": "train/gi_mibi_172_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_174_2.tif", + "label": "train/gi_mibi_174_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_175_3.tif", + "label": "train/gi_mibi_175_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_176_0.tif", + "label": "train/gi_mibi_176_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_179_0.tif", + "label": "train/gi_mibi_179_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_180_1.tif", + "label": "train/gi_mibi_180_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_183_1.tif", + "label": "train/gi_mibi_183_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_183_2.tif", + "label": "train/gi_mibi_183_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_185_3.tif", + "label": "train/gi_mibi_185_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_186_3.tif", + "label": "train/gi_mibi_186_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_187_0.tif", + "label": "train/gi_mibi_187_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_189_0.tif", + "label": "train/gi_mibi_189_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_189_2.tif", + "label": "train/gi_mibi_189_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_190_2.tif", + "label": "train/gi_mibi_190_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_192_2.tif", + "label": "train/gi_mibi_192_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_192_3.tif", + "label": "train/gi_mibi_192_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_193_1.tif", + "label": "train/gi_mibi_193_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_194_3.tif", + "label": "train/gi_mibi_194_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_195_1.tif", + "label": "train/gi_mibi_195_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_195_2.tif", + "label": "train/gi_mibi_195_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_196_3.tif", + "label": "train/gi_mibi_196_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_198_2.tif", + "label": "train/gi_mibi_198_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_198_3.tif", + "label": "train/gi_mibi_198_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_199_0.tif", + "label": "train/gi_mibi_199_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_200_3.tif", + "label": "train/gi_mibi_200_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_201_1.tif", + "label": "train/gi_mibi_201_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_203_2.tif", + "label": "train/gi_mibi_203_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_204_0.tif", + "label": "train/gi_mibi_204_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_204_2.tif", + "label": "train/gi_mibi_204_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_205_2.tif", + "label": "train/gi_mibi_205_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_205_3.tif", + "label": "train/gi_mibi_205_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_206_1.tif", + "label": "train/gi_mibi_206_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_208_3.tif", + "label": "train/gi_mibi_208_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_209_0.tif", + "label": "train/gi_mibi_209_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_210_2.tif", + "label": "train/gi_mibi_210_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_211_0.tif", + "label": "train/gi_mibi_211_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_211_1.tif", + "label": "train/gi_mibi_211_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_211_2.tif", + "label": "train/gi_mibi_211_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_212_0.tif", + "label": "train/gi_mibi_212_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_212_2.tif", + "label": "train/gi_mibi_212_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_212_3.tif", + "label": "train/gi_mibi_212_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_213_3.tif", + "label": "train/gi_mibi_213_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_214_0.tif", + "label": "train/gi_mibi_214_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_214_3.tif", + "label": "train/gi_mibi_214_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_215_3.tif", + "label": "train/gi_mibi_215_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_216_0.tif", + "label": "train/gi_mibi_216_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_217_2.tif", + "label": "train/gi_mibi_217_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_221_2.tif", + "label": "train/gi_mibi_221_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_222_2.tif", + "label": "train/gi_mibi_222_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_223_1.tif", + "label": "train/gi_mibi_223_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_223_3.tif", + "label": "train/gi_mibi_223_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_224_2.tif", + "label": "train/gi_mibi_224_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_226_2.tif", + "label": "train/gi_mibi_226_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_227_0.tif", + "label": "train/gi_mibi_227_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_227_1.tif", + "label": "train/gi_mibi_227_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_229_1.tif", + "label": "train/gi_mibi_229_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_229_2.tif", + "label": "train/gi_mibi_229_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_232_3.tif", + "label": "train/gi_mibi_232_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_233_2.tif", + "label": "train/gi_mibi_233_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_233_3.tif", + "label": "train/gi_mibi_233_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_234_1.tif", + "label": "train/gi_mibi_234_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_235_1.tif", + "label": "train/gi_mibi_235_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_236_0.tif", + "label": "train/gi_mibi_236_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_237_0.tif", + "label": "train/gi_mibi_237_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_237_2.tif", + "label": "train/gi_mibi_237_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_237_3.tif", + "label": "train/gi_mibi_237_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_238_0.tif", + "label": "train/gi_mibi_238_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_242_0.tif", + "label": "train/gi_mibi_242_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_244_2.tif", + "label": "train/gi_mibi_244_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_247_0.tif", + "label": "train/gi_mibi_247_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_247_2.tif", + "label": "train/gi_mibi_247_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_253_3.tif", + "label": "train/gi_mibi_253_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_259_0.tif", + "label": "train/gi_mibi_259_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_260_0.tif", + "label": "train/gi_mibi_260_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_266_0.tif", + "label": "train/gi_mibi_266_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_266_1.tif", + "label": "train/gi_mibi_266_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_266_2.tif", + "label": "train/gi_mibi_266_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_267_3.tif", + "label": "train/gi_mibi_267_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_270_2.tif", + "label": "train/gi_mibi_270_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_273_1.tif", + "label": "train/gi_mibi_273_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_276_3.tif", + "label": "train/gi_mibi_276_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_277_1.tif", + "label": "train/gi_mibi_277_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_278_3.tif", + "label": "train/gi_mibi_278_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_279_1.tif", + "label": "train/gi_mibi_279_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_281_0.tif", + "label": "train/gi_mibi_281_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_281_2.tif", + "label": "train/gi_mibi_281_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_282_2.tif", + "label": "train/gi_mibi_282_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_284_0.tif", + "label": "train/gi_mibi_284_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_285_0.tif", + "label": "train/gi_mibi_285_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_285_2.tif", + "label": "train/gi_mibi_285_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_285_3.tif", + "label": "train/gi_mibi_285_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_286_3.tif", + "label": "train/gi_mibi_286_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_292_1.tif", + "label": "train/gi_mibi_292_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_292_3.tif", + "label": "train/gi_mibi_292_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_294_3.tif", + "label": "train/gi_mibi_294_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_295_2.tif", + "label": "train/gi_mibi_295_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_295_3.tif", + "label": "train/gi_mibi_295_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_296_3.tif", + "label": "train/gi_mibi_296_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_297_0.tif", + "label": "train/gi_mibi_297_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_297_1.tif", + "label": "train/gi_mibi_297_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_298_0.tif", + "label": "train/gi_mibi_298_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_298_3.tif", + "label": "train/gi_mibi_298_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_299_1.tif", + "label": "train/gi_mibi_299_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_301_3.tif", + "label": "train/gi_mibi_301_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_302_0.tif", + "label": "train/gi_mibi_302_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_303_1.tif", + "label": "train/gi_mibi_303_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_307_0.tif", + "label": "train/gi_mibi_307_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_308_3.tif", + "label": "train/gi_mibi_308_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_309_2.tif", + "label": "train/gi_mibi_309_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_310_3.tif", + "label": "train/gi_mibi_310_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_311_2.tif", + "label": "train/gi_mibi_311_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_312_3.tif", + "label": "train/gi_mibi_312_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_313_2.tif", + "label": "train/gi_mibi_313_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_314_0.tif", + "label": "train/gi_mibi_314_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_314_1.tif", + "label": "train/gi_mibi_314_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_315_1.tif", + "label": "train/gi_mibi_315_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_318_3.tif", + "label": "train/gi_mibi_318_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_320_2.tif", + "label": "train/gi_mibi_320_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_322_1.tif", + "label": "train/gi_mibi_322_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_325_1.tif", + "label": "train/gi_mibi_325_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_326_2.tif", + "label": "train/gi_mibi_326_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_326_3.tif", + "label": "train/gi_mibi_326_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_328_1.tif", + "label": "train/gi_mibi_328_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_328_3.tif", + "label": "train/gi_mibi_328_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_329_0.tif", + "label": "train/gi_mibi_329_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_331_0.tif", + "label": "train/gi_mibi_331_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_331_2.tif", + "label": "train/gi_mibi_331_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_332_0.tif", + "label": "train/gi_mibi_332_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_332_1.tif", + "label": "train/gi_mibi_332_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_3_3.tif", + "label": "train/gi_mibi_3_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_5_0.tif", + "label": "train/gi_mibi_5_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_5_1.tif", + "label": "train/gi_mibi_5_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_6_0.tif", + "label": "train/gi_mibi_6_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_6_1.tif", + "label": "train/gi_mibi_6_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_10_3.tif", + "label": "train/gi_mibi_10_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_11_0.tif", + "label": "train/gi_mibi_11_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_13_3.tif", + "label": "train/gi_mibi_13_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_15_3.tif", + "label": "train/gi_mibi_15_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_17_2.tif", + "label": "train/gi_mibi_17_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_19_1.tif", + "label": "train/gi_mibi_19_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_19_3.tif", + "label": "train/gi_mibi_19_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_21_2.tif", + "label": "train/gi_mibi_21_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_24_0.tif", + "label": "train/gi_mibi_24_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_25_0.tif", + "label": "train/gi_mibi_25_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_27_1.tif", + "label": "train/gi_mibi_27_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_30_3.tif", + "label": "train/gi_mibi_30_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_32_1.tif", + "label": "train/gi_mibi_32_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_32_2.tif", + "label": "train/gi_mibi_32_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_34_2.tif", + "label": "train/gi_mibi_34_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_35_1.tif", + "label": "train/gi_mibi_35_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_35_3.tif", + "label": "train/gi_mibi_35_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_36_0.tif", + "label": "train/gi_mibi_36_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_36_1.tif", + "label": "train/gi_mibi_36_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_37_1.tif", + "label": "train/gi_mibi_37_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_37_2.tif", + "label": "train/gi_mibi_37_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_38_0.tif", + "label": "train/gi_mibi_38_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_38_3.tif", + "label": "train/gi_mibi_38_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_41_2.tif", + "label": "train/gi_mibi_41_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_42_2.tif", + "label": "train/gi_mibi_42_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_42_3.tif", + "label": "train/gi_mibi_42_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_43_2.tif", + "label": "train/gi_mibi_43_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_44_0.tif", + "label": "train/gi_mibi_44_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_45_2.tif", + "label": "train/gi_mibi_45_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_45_3.tif", + "label": "train/gi_mibi_45_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_49_0.tif", + "label": "train/gi_mibi_49_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_49_3.tif", + "label": "train/gi_mibi_49_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_51_2.tif", + "label": "train/gi_mibi_51_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_52_1.tif", + "label": "train/gi_mibi_52_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_52_2.tif", + "label": "train/gi_mibi_52_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_54_3.tif", + "label": "train/gi_mibi_54_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_55_2.tif", + "label": "train/gi_mibi_55_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_57_1.tif", + "label": "train/gi_mibi_57_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_57_2.tif", + "label": "train/gi_mibi_57_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_58_3.tif", + "label": "train/gi_mibi_58_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_60_0.tif", + "label": "train/gi_mibi_60_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_60_3.tif", + "label": "train/gi_mibi_60_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_63_0.tif", + "label": "train/gi_mibi_63_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_63_1.tif", + "label": "train/gi_mibi_63_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_65_3.tif", + "label": "train/gi_mibi_65_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_66_2.tif", + "label": "train/gi_mibi_66_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_67_1.tif", + "label": "train/gi_mibi_67_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_69_2.tif", + "label": "train/gi_mibi_69_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_69_3.tif", + "label": "train/gi_mibi_69_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_72_2.tif", + "label": "train/gi_mibi_72_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_78_1.tif", + "label": "train/gi_mibi_78_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_79_0.tif", + "label": "train/gi_mibi_79_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_79_1.tif", + "label": "train/gi_mibi_79_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_79_3.tif", + "label": "train/gi_mibi_79_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_81_0.tif", + "label": "train/gi_mibi_81_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_81_3.tif", + "label": "train/gi_mibi_81_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_84_2.tif", + "label": "train/gi_mibi_84_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_89_1.tif", + "label": "train/gi_mibi_89_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_92_1.tif", + "label": "train/gi_mibi_92_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_94_0.tif", + "label": "train/gi_mibi_94_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_96_0.tif", + "label": "train/gi_mibi_96_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_97_3.tif", + "label": "train/gi_mibi_97_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_99_2.tif", + "label": "train/gi_mibi_99_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_101_1.tif", + "label": "train/gi_mibi_101_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_102_2.tif", + "label": "train/gi_mibi_102_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_103_1.tif", + "label": "train/gi_mibi_103_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_104_0.tif", + "label": "train/gi_mibi_104_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_104_1.tif", + "label": "train/gi_mibi_104_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_105_0.tif", + "label": "train/gi_mibi_105_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_105_3.tif", + "label": "train/gi_mibi_105_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_107_3.tif", + "label": "train/gi_mibi_107_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_109_2.tif", + "label": "train/gi_mibi_109_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_110_0.tif", + "label": "train/gi_mibi_110_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_111_0.tif", + "label": "train/gi_mibi_111_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_112_2.tif", + "label": "train/gi_mibi_112_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_112_3.tif", + "label": "train/gi_mibi_112_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_114_0.tif", + "label": "train/gi_mibi_114_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_114_2.tif", + "label": "train/gi_mibi_114_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_115_1.tif", + "label": "train/gi_mibi_115_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_116_1.tif", + "label": "train/gi_mibi_116_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_117_0.tif", + "label": "train/gi_mibi_117_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_117_1.tif", + "label": "train/gi_mibi_117_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_117_2.tif", + "label": "train/gi_mibi_117_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_118_3.tif", + "label": "train/gi_mibi_118_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_119_1.tif", + "label": "train/gi_mibi_119_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_121_1.tif", + "label": "train/gi_mibi_121_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_122_1.tif", + "label": "train/gi_mibi_122_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_124_1.tif", + "label": "train/gi_mibi_124_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_126_1.tif", + "label": "train/gi_mibi_126_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_127_0.tif", + "label": "train/gi_mibi_127_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_128_1.tif", + "label": "train/gi_mibi_128_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_128_3.tif", + "label": "train/gi_mibi_128_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_131_0.tif", + "label": "train/gi_mibi_131_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_131_2.tif", + "label": "train/gi_mibi_131_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_133_0.tif", + "label": "train/gi_mibi_133_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_134_3.tif", + "label": "train/gi_mibi_134_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_135_2.tif", + "label": "train/gi_mibi_135_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_136_1.tif", + "label": "train/gi_mibi_136_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_140_2.tif", + "label": "train/gi_mibi_140_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_141_0.tif", + "label": "train/gi_mibi_141_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_141_2.tif", + "label": "train/gi_mibi_141_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_142_1.tif", + "label": "train/gi_mibi_142_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_145_0.tif", + "label": "train/gi_mibi_145_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_145_3.tif", + "label": "train/gi_mibi_145_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_146_2.tif", + "label": "train/gi_mibi_146_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_147_3.tif", + "label": "train/gi_mibi_147_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_148_3.tif", + "label": "train/gi_mibi_148_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_150_1.tif", + "label": "train/gi_mibi_150_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_151_2.tif", + "label": "train/gi_mibi_151_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_152_1.tif", + "label": "train/gi_mibi_152_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_152_2.tif", + "label": "train/gi_mibi_152_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_153_3.tif", + "label": "train/gi_mibi_153_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_154_1.tif", + "label": "train/gi_mibi_154_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_155_1.tif", + "label": "train/gi_mibi_155_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_156_0.tif", + "label": "train/gi_mibi_156_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_156_2.tif", + "label": "train/gi_mibi_156_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_156_3.tif", + "label": "train/gi_mibi_156_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_157_2.tif", + "label": "train/gi_mibi_157_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_158_1.tif", + "label": "train/gi_mibi_158_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_159_1.tif", + "label": "train/gi_mibi_159_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_160_2.tif", + "label": "train/gi_mibi_160_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_162_0.tif", + "label": "train/gi_mibi_162_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_163_0.tif", + "label": "train/gi_mibi_163_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_164_0.tif", + "label": "train/gi_mibi_164_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_164_1.tif", + "label": "train/gi_mibi_164_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_166_2.tif", + "label": "train/gi_mibi_166_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_167_0.tif", + "label": "train/gi_mibi_167_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_170_1.tif", + "label": "train/gi_mibi_170_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_171_3.tif", + "label": "train/gi_mibi_171_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_172_1.tif", + "label": "train/gi_mibi_172_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_172_2.tif", + "label": "train/gi_mibi_172_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_173_3.tif", + "label": "train/gi_mibi_173_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_174_0.tif", + "label": "train/gi_mibi_174_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_176_2.tif", + "label": "train/gi_mibi_176_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_178_0.tif", + "label": "train/gi_mibi_178_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_178_2.tif", + "label": "train/gi_mibi_178_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_178_3.tif", + "label": "train/gi_mibi_178_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_179_1.tif", + "label": "train/gi_mibi_179_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_180_2.tif", + "label": "train/gi_mibi_180_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_181_3.tif", + "label": "train/gi_mibi_181_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_182_0.tif", + "label": "train/gi_mibi_182_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_183_0.tif", + "label": "train/gi_mibi_183_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_184_3.tif", + "label": "train/gi_mibi_184_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_185_0.tif", + "label": "train/gi_mibi_185_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_187_1.tif", + "label": "train/gi_mibi_187_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_187_3.tif", + "label": "train/gi_mibi_187_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_188_1.tif", + "label": "train/gi_mibi_188_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_190_0.tif", + "label": "train/gi_mibi_190_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_196_0.tif", + "label": "train/gi_mibi_196_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_197_0.tif", + "label": "train/gi_mibi_197_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_198_0.tif", + "label": "train/gi_mibi_198_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_201_2.tif", + "label": "train/gi_mibi_201_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_202_3.tif", + "label": "train/gi_mibi_202_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_207_1.tif", + "label": "train/gi_mibi_207_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_208_0.tif", + "label": "train/gi_mibi_208_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_209_1.tif", + "label": "train/gi_mibi_209_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_210_3.tif", + "label": "train/gi_mibi_210_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_211_3.tif", + "label": "train/gi_mibi_211_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_212_1.tif", + "label": "train/gi_mibi_212_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_216_1.tif", + "label": "train/gi_mibi_216_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_217_1.tif", + "label": "train/gi_mibi_217_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_217_3.tif", + "label": "train/gi_mibi_217_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_219_2.tif", + "label": "train/gi_mibi_219_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_219_3.tif", + "label": "train/gi_mibi_219_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_220_2.tif", + "label": "train/gi_mibi_220_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_220_3.tif", + "label": "train/gi_mibi_220_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_221_0.tif", + "label": "train/gi_mibi_221_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_222_1.tif", + "label": "train/gi_mibi_222_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_224_0.tif", + "label": "train/gi_mibi_224_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_225_1.tif", + "label": "train/gi_mibi_225_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_226_1.tif", + "label": "train/gi_mibi_226_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_226_3.tif", + "label": "train/gi_mibi_226_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_227_2.tif", + "label": "train/gi_mibi_227_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_227_3.tif", + "label": "train/gi_mibi_227_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_228_2.tif", + "label": "train/gi_mibi_228_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_232_0.tif", + "label": "train/gi_mibi_232_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_233_1.tif", + "label": "train/gi_mibi_233_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_237_1.tif", + "label": "train/gi_mibi_237_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_238_2.tif", + "label": "train/gi_mibi_238_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_240_0.tif", + "label": "train/gi_mibi_240_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_241_0.tif", + "label": "train/gi_mibi_241_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_241_1.tif", + "label": "train/gi_mibi_241_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_241_3.tif", + "label": "train/gi_mibi_241_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_243_1.tif", + "label": "train/gi_mibi_243_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_243_2.tif", + "label": "train/gi_mibi_243_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_243_3.tif", + "label": "train/gi_mibi_243_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_245_1.tif", + "label": "train/gi_mibi_245_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_249_3.tif", + "label": "train/gi_mibi_249_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_250_1.tif", + "label": "train/gi_mibi_250_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_250_2.tif", + "label": "train/gi_mibi_250_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_254_3.tif", + "label": "train/gi_mibi_254_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_256_1.tif", + "label": "train/gi_mibi_256_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_257_3.tif", + "label": "train/gi_mibi_257_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_258_2.tif", + "label": "train/gi_mibi_258_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_259_3.tif", + "label": "train/gi_mibi_259_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_261_2.tif", + "label": "train/gi_mibi_261_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_262_1.tif", + "label": "train/gi_mibi_262_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_262_2.tif", + "label": "train/gi_mibi_262_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_263_0.tif", + "label": "train/gi_mibi_263_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_264_0.tif", + "label": "train/gi_mibi_264_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_265_1.tif", + "label": "train/gi_mibi_265_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_266_3.tif", + "label": "train/gi_mibi_266_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_268_0.tif", + "label": "train/gi_mibi_268_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_268_3.tif", + "label": "train/gi_mibi_268_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_269_1.tif", + "label": "train/gi_mibi_269_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_272_0.tif", + "label": "train/gi_mibi_272_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_273_3.tif", + "label": "train/gi_mibi_273_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_274_0.tif", + "label": "train/gi_mibi_274_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_274_3.tif", + "label": "train/gi_mibi_274_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_277_2.tif", + "label": "train/gi_mibi_277_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_277_3.tif", + "label": "train/gi_mibi_277_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_279_0.tif", + "label": "train/gi_mibi_279_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_280_0.tif", + "label": "train/gi_mibi_280_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_282_1.tif", + "label": "train/gi_mibi_282_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_284_1.tif", + "label": "train/gi_mibi_284_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_287_2.tif", + "label": "train/gi_mibi_287_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_288_2.tif", + "label": "train/gi_mibi_288_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_290_0.tif", + "label": "train/gi_mibi_290_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_290_1.tif", + "label": "train/gi_mibi_290_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_291_0.tif", + "label": "train/gi_mibi_291_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_291_2.tif", + "label": "train/gi_mibi_291_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_293_1.tif", + "label": "train/gi_mibi_293_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_293_3.tif", + "label": "train/gi_mibi_293_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_296_0.tif", + "label": "train/gi_mibi_296_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_297_2.tif", + "label": "train/gi_mibi_297_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_299_3.tif", + "label": "train/gi_mibi_299_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_300_2.tif", + "label": "train/gi_mibi_300_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_301_0.tif", + "label": "train/gi_mibi_301_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_302_1.tif", + "label": "train/gi_mibi_302_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_303_0.tif", + "label": "train/gi_mibi_303_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_303_2.tif", + "label": "train/gi_mibi_303_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_304_1.tif", + "label": "train/gi_mibi_304_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_304_2.tif", + "label": "train/gi_mibi_304_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_305_2.tif", + "label": "train/gi_mibi_305_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_305_3.tif", + "label": "train/gi_mibi_305_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_308_0.tif", + "label": "train/gi_mibi_308_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_308_1.tif", + "label": "train/gi_mibi_308_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_309_0.tif", + "label": "train/gi_mibi_309_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_309_1.tif", + "label": "train/gi_mibi_309_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_309_3.tif", + "label": "train/gi_mibi_309_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_310_1.tif", + "label": "train/gi_mibi_310_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_311_3.tif", + "label": "train/gi_mibi_311_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_312_1.tif", + "label": "train/gi_mibi_312_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_313_0.tif", + "label": "train/gi_mibi_313_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_316_2.tif", + "label": "train/gi_mibi_316_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_319_2.tif", + "label": "train/gi_mibi_319_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_320_1.tif", + "label": "train/gi_mibi_320_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_321_0.tif", + "label": "train/gi_mibi_321_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mibi_321_2.tif", + "label": "train/gi_mibi_321_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_321_3.tif", + "label": "train/gi_mibi_321_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_322_0.tif", + "label": "train/gi_mibi_322_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_322_2.tif", + "label": "train/gi_mibi_322_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_325_0.tif", + "label": "train/gi_mibi_325_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_325_3.tif", + "label": "train/gi_mibi_325_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_326_1.tif", + "label": "train/gi_mibi_326_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mibi_327_1.tif", + "label": "train/gi_mibi_327_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_327_3.tif", + "label": "train/gi_mibi_327_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_329_3.tif", + "label": "train/gi_mibi_329_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_331_3.tif", + "label": "train/gi_mibi_331_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mibi_332_2.tif", + "label": "train/gi_mibi_332_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mibi_332_3.tif", + "label": "train/gi_mibi_332_3_masks.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "test/gi_mibi_4.tif", + "label": "test/gi_mibi_4_masks.tif" + }, + { + "image": "test/gi_mibi_5.tif", + "label": "test/gi_mibi_5_masks.tif" + }, + { + "image": "test/gi_mibi_16.tif", + "label": "test/gi_mibi_16_masks.tif" + }, + { + "image": "test/gi_mibi_17.tif", + "label": "test/gi_mibi_17_masks.tif" + }, + { + "image": "test/gi_mibi_19.tif", + "label": "test/gi_mibi_19_masks.tif" + }, + { + "image": "test/gi_mibi_31.tif", + "label": "test/gi_mibi_31_masks.tif" + }, + { + "image": "test/gi_mibi_33.tif", + "label": "test/gi_mibi_33_masks.tif" + }, + { + "image": "test/gi_mibi_35.tif", + "label": "test/gi_mibi_35_masks.tif" + }, + { + "image": "test/gi_mibi_36.tif", + "label": "test/gi_mibi_36_masks.tif" + }, + { + "image": "test/gi_mibi_39.tif", + "label": "test/gi_mibi_39_masks.tif" + }, + { + "image": "test/gi_mibi_44.tif", + "label": "test/gi_mibi_44_masks.tif" + }, + { + "image": "test/gi_mibi_48.tif", + "label": "test/gi_mibi_48_masks.tif" + }, + { + "image": "test/gi_mibi_53.tif", + "label": "test/gi_mibi_53_masks.tif" + }, + { + "image": "test/gi_mibi_55.tif", + "label": "test/gi_mibi_55_masks.tif" + }, + { + "image": "test/gi_mibi_58.tif", + "label": "test/gi_mibi_58_masks.tif" + }, + { + "image": "test/gi_mibi_65.tif", + "label": "test/gi_mibi_65_masks.tif" + }, + { + "image": "test/gi_mibi_73.tif", + "label": "test/gi_mibi_73_masks.tif" + }, + { + "image": "test/gi_mibi_77.tif", + "label": "test/gi_mibi_77_masks.tif" + }, + { + "image": "test/gi_mibi_80.tif", + "label": "test/gi_mibi_80_masks.tif" + }, + { + "image": "test/gi_mibi_83.tif", + "label": "test/gi_mibi_83_masks.tif" + }, + { + "image": "test/gi_mibi_90.tif", + "label": "test/gi_mibi_90_masks.tif" + }, + { + "image": "test/gi_mibi_92.tif", + "label": "test/gi_mibi_92_masks.tif" + }, + { + "image": "test/gi_mibi_97.tif", + "label": "test/gi_mibi_97_masks.tif" + }, + { + "image": "test/gi_mibi_119.tif", + "label": "test/gi_mibi_119_masks.tif" + }, + { + "image": "test/gi_mibi_120.tif", + "label": "test/gi_mibi_120_masks.tif" + }, + { + "image": "test/gi_mibi_121.tif", + "label": "test/gi_mibi_121_masks.tif" + }, + { + "image": "test/gi_mibi_127.tif", + "label": "test/gi_mibi_127_masks.tif" + }, + { + "image": "test/gi_mibi_132.tif", + "label": "test/gi_mibi_132_masks.tif" + }, + { + "image": "test/gi_mibi_2.tif", + "label": "test/gi_mibi_2_masks.tif" + }, + { + "image": "test/gi_mibi_6.tif", + "label": "test/gi_mibi_6_masks.tif" + }, + { + "image": "test/gi_mibi_12.tif", + "label": "test/gi_mibi_12_masks.tif" + }, + { + "image": "test/gi_mibi_40.tif", + "label": "test/gi_mibi_40_masks.tif" + }, + { + "image": "test/gi_mibi_42.tif", + "label": "test/gi_mibi_42_masks.tif" + }, + { + "image": "test/gi_mibi_45.tif", + "label": "test/gi_mibi_45_masks.tif" + }, + { + "image": "test/gi_mibi_46.tif", + "label": "test/gi_mibi_46_masks.tif" + }, + { + "image": "test/gi_mibi_51.tif", + "label": "test/gi_mibi_51_masks.tif" + }, + { + "image": "test/gi_mibi_54.tif", + "label": "test/gi_mibi_54_masks.tif" + }, + { + "image": "test/gi_mibi_56.tif", + "label": "test/gi_mibi_56_masks.tif" + }, + { + "image": "test/gi_mibi_62.tif", + "label": "test/gi_mibi_62_masks.tif" + }, + { + "image": "test/gi_mibi_66.tif", + "label": "test/gi_mibi_66_masks.tif" + }, + { + "image": "test/gi_mibi_69.tif", + "label": "test/gi_mibi_69_masks.tif" + }, + { + "image": "test/gi_mibi_74.tif", + "label": "test/gi_mibi_74_masks.tif" + }, + { + "image": "test/gi_mibi_89.tif", + "label": "test/gi_mibi_89_masks.tif" + }, + { + "image": "test/gi_mibi_93.tif", + "label": "test/gi_mibi_93_masks.tif" + }, + { + "image": "test/gi_mibi_100.tif", + "label": "test/gi_mibi_100_masks.tif" + }, + { + "image": "test/gi_mibi_102.tif", + "label": "test/gi_mibi_102_masks.tif" + }, + { + "image": "test/gi_mibi_109.tif", + "label": "test/gi_mibi_109_masks.tif" + }, + { + "image": "test/gi_mibi_111.tif", + "label": "test/gi_mibi_111_masks.tif" + }, + { + "image": "test/gi_mibi_112.tif", + "label": "test/gi_mibi_112_masks.tif" + }, + { + "image": "test/gi_mibi_114.tif", + "label": "test/gi_mibi_114_masks.tif" + }, + { + "image": "test/gi_mibi_122.tif", + "label": "test/gi_mibi_122_masks.tif" + }, + { + "image": "test/gi_mibi_123.tif", + "label": "test/gi_mibi_123_masks.tif" + }, + { + "image": "test/gi_mibi_125.tif", + "label": "test/gi_mibi_125_masks.tif" + }, + { + "image": "test/gi_mibi_126.tif", + "label": "test/gi_mibi_126_masks.tif" + }, + { + "image": "test/gi_mibi_128.tif", + "label": "test/gi_mibi_128_masks.tif" + }, + { + "image": "test/gi_mibi_134.tif", + "label": "test/gi_mibi_134_masks.tif" + }, + { + "image": "test/gi_mibi_10.tif", + "label": "test/gi_mibi_10_masks.tif" + }, + { + "image": "test/gi_mibi_15.tif", + "label": "test/gi_mibi_15_masks.tif" + }, + { + "image": "test/gi_mibi_23.tif", + "label": "test/gi_mibi_23_masks.tif" + }, + { + "image": "test/gi_mibi_26.tif", + "label": "test/gi_mibi_26_masks.tif" + }, + { + "image": "test/gi_mibi_27.tif", + "label": "test/gi_mibi_27_masks.tif" + }, + { + "image": "test/gi_mibi_32.tif", + "label": "test/gi_mibi_32_masks.tif" + }, + { + "image": "test/gi_mibi_34.tif", + "label": "test/gi_mibi_34_masks.tif" + }, + { + "image": "test/gi_mibi_38.tif", + "label": "test/gi_mibi_38_masks.tif" + }, + { + "image": "test/gi_mibi_41.tif", + "label": "test/gi_mibi_41_masks.tif" + }, + { + "image": "test/gi_mibi_52.tif", + "label": "test/gi_mibi_52_masks.tif" + }, + { + "image": "test/gi_mibi_59.tif", + "label": "test/gi_mibi_59_masks.tif" + }, + { + "image": "test/gi_mibi_64.tif", + "label": "test/gi_mibi_64_masks.tif" + }, + { + "image": "test/gi_mibi_67.tif", + "label": "test/gi_mibi_67_masks.tif" + }, + { + "image": "test/gi_mibi_75.tif", + "label": "test/gi_mibi_75_masks.tif" + }, + { + "image": "test/gi_mibi_76.tif", + "label": "test/gi_mibi_76_masks.tif" + }, + { + "image": "test/gi_mibi_78.tif", + "label": "test/gi_mibi_78_masks.tif" + }, + { + "image": "test/gi_mibi_82.tif", + "label": "test/gi_mibi_82_masks.tif" + }, + { + "image": "test/gi_mibi_85.tif", + "label": "test/gi_mibi_85_masks.tif" + }, + { + "image": "test/gi_mibi_95.tif", + "label": "test/gi_mibi_95_masks.tif" + }, + { + "image": "test/gi_mibi_98.tif", + "label": "test/gi_mibi_98_masks.tif" + }, + { + "image": "test/gi_mibi_99.tif", + "label": "test/gi_mibi_99_masks.tif" + }, + { + "image": "test/gi_mibi_104.tif", + "label": "test/gi_mibi_104_masks.tif" + }, + { + "image": "test/gi_mibi_107.tif", + "label": "test/gi_mibi_107_masks.tif" + }, + { + "image": "test/gi_mibi_108.tif", + "label": "test/gi_mibi_108_masks.tif" + }, + { + "image": "test/gi_mibi_116.tif", + "label": "test/gi_mibi_116_masks.tif" + }, + { + "image": "test/gi_mibi_130.tif", + "label": "test/gi_mibi_130_masks.tif" + }, + { + "image": "test/gi_mibi_136.tif", + "label": "test/gi_mibi_136_masks.tif" + }, + { + "image": "test/gi_mibi_0.tif", + "label": "test/gi_mibi_0_masks.tif" + }, + { + "image": "test/gi_mibi_1.tif", + "label": "test/gi_mibi_1_masks.tif" + }, + { + "image": "test/gi_mibi_3.tif", + "label": "test/gi_mibi_3_masks.tif" + }, + { + "image": "test/gi_mibi_7.tif", + "label": "test/gi_mibi_7_masks.tif" + }, + { + "image": "test/gi_mibi_8.tif", + "label": "test/gi_mibi_8_masks.tif" + }, + { + "image": "test/gi_mibi_9.tif", + "label": "test/gi_mibi_9_masks.tif" + }, + { + "image": "test/gi_mibi_21.tif", + "label": "test/gi_mibi_21_masks.tif" + }, + { + "image": "test/gi_mibi_22.tif", + "label": "test/gi_mibi_22_masks.tif" + }, + { + "image": "test/gi_mibi_24.tif", + "label": "test/gi_mibi_24_masks.tif" + }, + { + "image": "test/gi_mibi_30.tif", + "label": "test/gi_mibi_30_masks.tif" + }, + { + "image": "test/gi_mibi_43.tif", + "label": "test/gi_mibi_43_masks.tif" + }, + { + "image": "test/gi_mibi_47.tif", + "label": "test/gi_mibi_47_masks.tif" + }, + { + "image": "test/gi_mibi_49.tif", + "label": "test/gi_mibi_49_masks.tif" + }, + { + "image": "test/gi_mibi_57.tif", + "label": "test/gi_mibi_57_masks.tif" + }, + { + "image": "test/gi_mibi_60.tif", + "label": "test/gi_mibi_60_masks.tif" + }, + { + "image": "test/gi_mibi_61.tif", + "label": "test/gi_mibi_61_masks.tif" + }, + { + "image": "test/gi_mibi_63.tif", + "label": "test/gi_mibi_63_masks.tif" + }, + { + "image": "test/gi_mibi_70.tif", + "label": "test/gi_mibi_70_masks.tif" + }, + { + "image": "test/gi_mibi_81.tif", + "label": "test/gi_mibi_81_masks.tif" + }, + { + "image": "test/gi_mibi_88.tif", + "label": "test/gi_mibi_88_masks.tif" + }, + { + "image": "test/gi_mibi_91.tif", + "label": "test/gi_mibi_91_masks.tif" + }, + { + "image": "test/gi_mibi_103.tif", + "label": "test/gi_mibi_103_masks.tif" + }, + { + "image": "test/gi_mibi_110.tif", + "label": "test/gi_mibi_110_masks.tif" + }, + { + "image": "test/gi_mibi_115.tif", + "label": "test/gi_mibi_115_masks.tif" + }, + { + "image": "test/gi_mibi_118.tif", + "label": "test/gi_mibi_118_masks.tif" + }, + { + "image": "test/gi_mibi_131.tif", + "label": "test/gi_mibi_131_masks.tif" + }, + { + "image": "test/gi_mibi_135.tif", + "label": "test/gi_mibi_135_masks.tif" + }, + { + "image": "test/gi_mibi_11.tif", + "label": "test/gi_mibi_11_masks.tif" + }, + { + "image": "test/gi_mibi_13.tif", + "label": "test/gi_mibi_13_masks.tif" + }, + { + "image": "test/gi_mibi_14.tif", + "label": "test/gi_mibi_14_masks.tif" + }, + { + "image": "test/gi_mibi_18.tif", + "label": "test/gi_mibi_18_masks.tif" + }, + { + "image": "test/gi_mibi_20.tif", + "label": "test/gi_mibi_20_masks.tif" + }, + { + "image": "test/gi_mibi_25.tif", + "label": "test/gi_mibi_25_masks.tif" + }, + { + "image": "test/gi_mibi_28.tif", + "label": "test/gi_mibi_28_masks.tif" + }, + { + "image": "test/gi_mibi_29.tif", + "label": "test/gi_mibi_29_masks.tif" + }, + { + "image": "test/gi_mibi_37.tif", + "label": "test/gi_mibi_37_masks.tif" + }, + { + "image": "test/gi_mibi_50.tif", + "label": "test/gi_mibi_50_masks.tif" + }, + { + "image": "test/gi_mibi_68.tif", + "label": "test/gi_mibi_68_masks.tif" + }, + { + "image": "test/gi_mibi_71.tif", + "label": "test/gi_mibi_71_masks.tif" + }, + { + "image": "test/gi_mibi_72.tif", + "label": "test/gi_mibi_72_masks.tif" + }, + { + "image": "test/gi_mibi_79.tif", + "label": "test/gi_mibi_79_masks.tif" + }, + { + "image": "test/gi_mibi_84.tif", + "label": "test/gi_mibi_84_masks.tif" + }, + { + "image": "test/gi_mibi_86.tif", + "label": "test/gi_mibi_86_masks.tif" + }, + { + "image": "test/gi_mibi_87.tif", + "label": "test/gi_mibi_87_masks.tif" + }, + { + "image": "test/gi_mibi_94.tif", + "label": "test/gi_mibi_94_masks.tif" + }, + { + "image": "test/gi_mibi_96.tif", + "label": "test/gi_mibi_96_masks.tif" + }, + { + "image": "test/gi_mibi_101.tif", + "label": "test/gi_mibi_101_masks.tif" + }, + { + "image": "test/gi_mibi_105.tif", + "label": "test/gi_mibi_105_masks.tif" + }, + { + "image": "test/gi_mibi_106.tif", + "label": "test/gi_mibi_106_masks.tif" + }, + { + "image": "test/gi_mibi_113.tif", + "label": "test/gi_mibi_113_masks.tif" + }, + { + "image": "test/gi_mibi_117.tif", + "label": "test/gi_mibi_117_masks.tif" + }, + { + "image": "test/gi_mibi_124.tif", + "label": "test/gi_mibi_124_masks.tif" + }, + { + "image": "test/gi_mibi_129.tif", + "label": "test/gi_mibi_129_masks.tif" + }, + { + "image": "test/gi_mibi_133.tif", + "label": "test/gi_mibi_133_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_gi_mxif_datalist.json b/vista2d/datalists/tissuenet_gi_mxif_datalist.json new file mode 100644 index 0000000..a684ff1 --- /dev/null +++ b/vista2d/datalists/tissuenet_gi_mxif_datalist.json @@ -0,0 +1,5204 @@ +{ + "training": [ + { + "image": "val/gi_mxif_0.tif", + "label": "val/gi_mxif_0_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_4.tif", + "label": "val/gi_mxif_4_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_11.tif", + "label": "val/gi_mxif_11_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_18.tif", + "label": "val/gi_mxif_18_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_19.tif", + "label": "val/gi_mxif_19_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_29.tif", + "label": "val/gi_mxif_29_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_31.tif", + "label": "val/gi_mxif_31_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_33.tif", + "label": "val/gi_mxif_33_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_34.tif", + "label": "val/gi_mxif_34_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_35.tif", + "label": "val/gi_mxif_35_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_38.tif", + "label": "val/gi_mxif_38_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_39.tif", + "label": "val/gi_mxif_39_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_44.tif", + "label": "val/gi_mxif_44_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_51.tif", + "label": "val/gi_mxif_51_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_58.tif", + "label": "val/gi_mxif_58_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_67.tif", + "label": "val/gi_mxif_67_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_69.tif", + "label": "val/gi_mxif_69_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_73.tif", + "label": "val/gi_mxif_73_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_85.tif", + "label": "val/gi_mxif_85_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_89.tif", + "label": "val/gi_mxif_89_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_90.tif", + "label": "val/gi_mxif_90_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_99.tif", + "label": "val/gi_mxif_99_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_102.tif", + "label": "val/gi_mxif_102_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_106.tif", + "label": "val/gi_mxif_106_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_114.tif", + "label": "val/gi_mxif_114_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_117.tif", + "label": "val/gi_mxif_117_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_119.tif", + "label": "val/gi_mxif_119_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_120.tif", + "label": "val/gi_mxif_120_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_127.tif", + "label": "val/gi_mxif_127_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_138.tif", + "label": "val/gi_mxif_138_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_147.tif", + "label": "val/gi_mxif_147_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_169.tif", + "label": "val/gi_mxif_169_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_170.tif", + "label": "val/gi_mxif_170_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_172.tif", + "label": "val/gi_mxif_172_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_174.tif", + "label": "val/gi_mxif_174_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_176.tif", + "label": "val/gi_mxif_176_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_179.tif", + "label": "val/gi_mxif_179_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_188.tif", + "label": "val/gi_mxif_188_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_196.tif", + "label": "val/gi_mxif_196_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_199.tif", + "label": "val/gi_mxif_199_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_209.tif", + "label": "val/gi_mxif_209_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_210.tif", + "label": "val/gi_mxif_210_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_211.tif", + "label": "val/gi_mxif_211_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_225.tif", + "label": "val/gi_mxif_225_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_228.tif", + "label": "val/gi_mxif_228_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_231.tif", + "label": "val/gi_mxif_231_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_233.tif", + "label": "val/gi_mxif_233_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_5.tif", + "label": "val/gi_mxif_5_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_14.tif", + "label": "val/gi_mxif_14_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_16.tif", + "label": "val/gi_mxif_16_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_17.tif", + "label": "val/gi_mxif_17_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_21.tif", + "label": "val/gi_mxif_21_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_27.tif", + "label": "val/gi_mxif_27_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_28.tif", + "label": "val/gi_mxif_28_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_40.tif", + "label": "val/gi_mxif_40_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_42.tif", + "label": "val/gi_mxif_42_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_47.tif", + "label": "val/gi_mxif_47_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_48.tif", + "label": "val/gi_mxif_48_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_53.tif", + "label": "val/gi_mxif_53_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_55.tif", + "label": "val/gi_mxif_55_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_56.tif", + "label": "val/gi_mxif_56_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_59.tif", + "label": "val/gi_mxif_59_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_62.tif", + "label": "val/gi_mxif_62_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_78.tif", + "label": "val/gi_mxif_78_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_84.tif", + "label": "val/gi_mxif_84_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_88.tif", + "label": "val/gi_mxif_88_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_91.tif", + "label": "val/gi_mxif_91_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_93.tif", + "label": "val/gi_mxif_93_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_95.tif", + "label": "val/gi_mxif_95_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_108.tif", + "label": "val/gi_mxif_108_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_110.tif", + "label": "val/gi_mxif_110_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_123.tif", + "label": "val/gi_mxif_123_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_132.tif", + "label": "val/gi_mxif_132_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_145.tif", + "label": "val/gi_mxif_145_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_152.tif", + "label": "val/gi_mxif_152_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_154.tif", + "label": "val/gi_mxif_154_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_158.tif", + "label": "val/gi_mxif_158_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_159.tif", + "label": "val/gi_mxif_159_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_162.tif", + "label": "val/gi_mxif_162_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_166.tif", + "label": "val/gi_mxif_166_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_167.tif", + "label": "val/gi_mxif_167_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_168.tif", + "label": "val/gi_mxif_168_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_171.tif", + "label": "val/gi_mxif_171_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_177.tif", + "label": "val/gi_mxif_177_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_187.tif", + "label": "val/gi_mxif_187_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_193.tif", + "label": "val/gi_mxif_193_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_202.tif", + "label": "val/gi_mxif_202_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_205.tif", + "label": "val/gi_mxif_205_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_217.tif", + "label": "val/gi_mxif_217_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_219.tif", + "label": "val/gi_mxif_219_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_224.tif", + "label": "val/gi_mxif_224_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_226.tif", + "label": "val/gi_mxif_226_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_227.tif", + "label": "val/gi_mxif_227_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_229.tif", + "label": "val/gi_mxif_229_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_12.tif", + "label": "val/gi_mxif_12_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_13.tif", + "label": "val/gi_mxif_13_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_36.tif", + "label": "val/gi_mxif_36_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_45.tif", + "label": "val/gi_mxif_45_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_54.tif", + "label": "val/gi_mxif_54_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_66.tif", + "label": "val/gi_mxif_66_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_70.tif", + "label": "val/gi_mxif_70_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_75.tif", + "label": "val/gi_mxif_75_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_81.tif", + "label": "val/gi_mxif_81_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_82.tif", + "label": "val/gi_mxif_82_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_94.tif", + "label": "val/gi_mxif_94_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_97.tif", + "label": "val/gi_mxif_97_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_98.tif", + "label": "val/gi_mxif_98_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_103.tif", + "label": "val/gi_mxif_103_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_105.tif", + "label": "val/gi_mxif_105_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_107.tif", + "label": "val/gi_mxif_107_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_112.tif", + "label": "val/gi_mxif_112_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_116.tif", + "label": "val/gi_mxif_116_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_118.tif", + "label": "val/gi_mxif_118_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_122.tif", + "label": "val/gi_mxif_122_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_124.tif", + "label": "val/gi_mxif_124_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_130.tif", + "label": "val/gi_mxif_130_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_148.tif", + "label": "val/gi_mxif_148_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_150.tif", + "label": "val/gi_mxif_150_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_151.tif", + "label": "val/gi_mxif_151_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_160.tif", + "label": "val/gi_mxif_160_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_161.tif", + "label": "val/gi_mxif_161_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_163.tif", + "label": "val/gi_mxif_163_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_165.tif", + "label": "val/gi_mxif_165_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_182.tif", + "label": "val/gi_mxif_182_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_183.tif", + "label": "val/gi_mxif_183_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_184.tif", + "label": "val/gi_mxif_184_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_189.tif", + "label": "val/gi_mxif_189_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_190.tif", + "label": "val/gi_mxif_190_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_191.tif", + "label": "val/gi_mxif_191_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_195.tif", + "label": "val/gi_mxif_195_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_197.tif", + "label": "val/gi_mxif_197_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_207.tif", + "label": "val/gi_mxif_207_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_208.tif", + "label": "val/gi_mxif_208_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_213.tif", + "label": "val/gi_mxif_213_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_214.tif", + "label": "val/gi_mxif_214_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_215.tif", + "label": "val/gi_mxif_215_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_216.tif", + "label": "val/gi_mxif_216_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_218.tif", + "label": "val/gi_mxif_218_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_221.tif", + "label": "val/gi_mxif_221_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_223.tif", + "label": "val/gi_mxif_223_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_232.tif", + "label": "val/gi_mxif_232_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_2.tif", + "label": "val/gi_mxif_2_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_3.tif", + "label": "val/gi_mxif_3_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_6.tif", + "label": "val/gi_mxif_6_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_9.tif", + "label": "val/gi_mxif_9_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_10.tif", + "label": "val/gi_mxif_10_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_15.tif", + "label": "val/gi_mxif_15_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_23.tif", + "label": "val/gi_mxif_23_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_24.tif", + "label": "val/gi_mxif_24_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_26.tif", + "label": "val/gi_mxif_26_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_32.tif", + "label": "val/gi_mxif_32_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_41.tif", + "label": "val/gi_mxif_41_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_43.tif", + "label": "val/gi_mxif_43_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_46.tif", + "label": "val/gi_mxif_46_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_49.tif", + "label": "val/gi_mxif_49_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_52.tif", + "label": "val/gi_mxif_52_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_64.tif", + "label": "val/gi_mxif_64_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_65.tif", + "label": "val/gi_mxif_65_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_74.tif", + "label": "val/gi_mxif_74_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_76.tif", + "label": "val/gi_mxif_76_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_77.tif", + "label": "val/gi_mxif_77_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_80.tif", + "label": "val/gi_mxif_80_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_83.tif", + "label": "val/gi_mxif_83_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_87.tif", + "label": "val/gi_mxif_87_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_92.tif", + "label": "val/gi_mxif_92_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_100.tif", + "label": "val/gi_mxif_100_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_104.tif", + "label": "val/gi_mxif_104_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_109.tif", + "label": "val/gi_mxif_109_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_111.tif", + "label": "val/gi_mxif_111_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_113.tif", + "label": "val/gi_mxif_113_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_125.tif", + "label": "val/gi_mxif_125_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_126.tif", + "label": "val/gi_mxif_126_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_135.tif", + "label": "val/gi_mxif_135_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_136.tif", + "label": "val/gi_mxif_136_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_143.tif", + "label": "val/gi_mxif_143_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_153.tif", + "label": "val/gi_mxif_153_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_155.tif", + "label": "val/gi_mxif_155_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_164.tif", + "label": "val/gi_mxif_164_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_173.tif", + "label": "val/gi_mxif_173_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_180.tif", + "label": "val/gi_mxif_180_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_181.tif", + "label": "val/gi_mxif_181_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_185.tif", + "label": "val/gi_mxif_185_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_186.tif", + "label": "val/gi_mxif_186_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_194.tif", + "label": "val/gi_mxif_194_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_198.tif", + "label": "val/gi_mxif_198_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_200.tif", + "label": "val/gi_mxif_200_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_201.tif", + "label": "val/gi_mxif_201_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_220.tif", + "label": "val/gi_mxif_220_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_1.tif", + "label": "val/gi_mxif_1_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_7.tif", + "label": "val/gi_mxif_7_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_8.tif", + "label": "val/gi_mxif_8_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_20.tif", + "label": "val/gi_mxif_20_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_22.tif", + "label": "val/gi_mxif_22_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_25.tif", + "label": "val/gi_mxif_25_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_30.tif", + "label": "val/gi_mxif_30_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_37.tif", + "label": "val/gi_mxif_37_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_50.tif", + "label": "val/gi_mxif_50_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_57.tif", + "label": "val/gi_mxif_57_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_60.tif", + "label": "val/gi_mxif_60_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_61.tif", + "label": "val/gi_mxif_61_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_63.tif", + "label": "val/gi_mxif_63_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_68.tif", + "label": "val/gi_mxif_68_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_71.tif", + "label": "val/gi_mxif_71_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_72.tif", + "label": "val/gi_mxif_72_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_79.tif", + "label": "val/gi_mxif_79_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_86.tif", + "label": "val/gi_mxif_86_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_96.tif", + "label": "val/gi_mxif_96_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_101.tif", + "label": "val/gi_mxif_101_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_115.tif", + "label": "val/gi_mxif_115_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_121.tif", + "label": "val/gi_mxif_121_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_128.tif", + "label": "val/gi_mxif_128_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_129.tif", + "label": "val/gi_mxif_129_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_131.tif", + "label": "val/gi_mxif_131_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_133.tif", + "label": "val/gi_mxif_133_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_134.tif", + "label": "val/gi_mxif_134_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_137.tif", + "label": "val/gi_mxif_137_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_139.tif", + "label": "val/gi_mxif_139_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_140.tif", + "label": "val/gi_mxif_140_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_141.tif", + "label": "val/gi_mxif_141_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_142.tif", + "label": "val/gi_mxif_142_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_144.tif", + "label": "val/gi_mxif_144_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_146.tif", + "label": "val/gi_mxif_146_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_149.tif", + "label": "val/gi_mxif_149_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_156.tif", + "label": "val/gi_mxif_156_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_157.tif", + "label": "val/gi_mxif_157_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_175.tif", + "label": "val/gi_mxif_175_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_178.tif", + "label": "val/gi_mxif_178_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_192.tif", + "label": "val/gi_mxif_192_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_203.tif", + "label": "val/gi_mxif_203_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_204.tif", + "label": "val/gi_mxif_204_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_206.tif", + "label": "val/gi_mxif_206_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_212.tif", + "label": "val/gi_mxif_212_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_222.tif", + "label": "val/gi_mxif_222_masks.tif", + "fold": 0 + }, + { + "image": "val/gi_mxif_230.tif", + "label": "val/gi_mxif_230_masks.tif", + "fold": 0 + }, + { + "image": "train/gi_mxif_0_0.tif", + "label": "train/gi_mxif_0_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_0_3.tif", + "label": "train/gi_mxif_0_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_2_0.tif", + "label": "train/gi_mxif_2_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_3_1.tif", + "label": "train/gi_mxif_3_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_4_0.tif", + "label": "train/gi_mxif_4_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_4_3.tif", + "label": "train/gi_mxif_4_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_5_3.tif", + "label": "train/gi_mxif_5_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_8_3.tif", + "label": "train/gi_mxif_8_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_10_1.tif", + "label": "train/gi_mxif_10_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_11_3.tif", + "label": "train/gi_mxif_11_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_12_2.tif", + "label": "train/gi_mxif_12_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_14_0.tif", + "label": "train/gi_mxif_14_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_14_1.tif", + "label": "train/gi_mxif_14_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_14_3.tif", + "label": "train/gi_mxif_14_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_15_0.tif", + "label": "train/gi_mxif_15_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_15_1.tif", + "label": "train/gi_mxif_15_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_16_1.tif", + "label": "train/gi_mxif_16_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_16_2.tif", + "label": "train/gi_mxif_16_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_17_1.tif", + "label": "train/gi_mxif_17_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_18_2.tif", + "label": "train/gi_mxif_18_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_20_1.tif", + "label": "train/gi_mxif_20_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_21_0.tif", + "label": "train/gi_mxif_21_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_21_1.tif", + "label": "train/gi_mxif_21_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_23_0.tif", + "label": "train/gi_mxif_23_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_25_1.tif", + "label": "train/gi_mxif_25_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_26_0.tif", + "label": "train/gi_mxif_26_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_27_0.tif", + "label": "train/gi_mxif_27_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_27_3.tif", + "label": "train/gi_mxif_27_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_29_1.tif", + "label": "train/gi_mxif_29_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_30_0.tif", + "label": "train/gi_mxif_30_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_33_0.tif", + "label": "train/gi_mxif_33_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_33_2.tif", + "label": "train/gi_mxif_33_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_37_0.tif", + "label": "train/gi_mxif_37_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_38_2.tif", + "label": "train/gi_mxif_38_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_39_3.tif", + "label": "train/gi_mxif_39_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_40_1.tif", + "label": "train/gi_mxif_40_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_43_3.tif", + "label": "train/gi_mxif_43_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_45_0.tif", + "label": "train/gi_mxif_45_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_45_1.tif", + "label": "train/gi_mxif_45_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_46_1.tif", + "label": "train/gi_mxif_46_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_46_3.tif", + "label": "train/gi_mxif_46_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_47_1.tif", + "label": "train/gi_mxif_47_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_48_2.tif", + "label": "train/gi_mxif_48_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_48_3.tif", + "label": "train/gi_mxif_48_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_50_1.tif", + "label": "train/gi_mxif_50_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_51_3.tif", + "label": "train/gi_mxif_51_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_54_0.tif", + "label": "train/gi_mxif_54_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_56_0.tif", + "label": "train/gi_mxif_56_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_58_1.tif", + "label": "train/gi_mxif_58_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_60_1.tif", + "label": "train/gi_mxif_60_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_60_2.tif", + "label": "train/gi_mxif_60_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_61_1.tif", + "label": "train/gi_mxif_61_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_61_3.tif", + "label": "train/gi_mxif_61_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_63_3.tif", + "label": "train/gi_mxif_63_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_65_2.tif", + "label": "train/gi_mxif_65_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_68_2.tif", + "label": "train/gi_mxif_68_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_71_2.tif", + "label": "train/gi_mxif_71_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_72_1.tif", + "label": "train/gi_mxif_72_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_73_1.tif", + "label": "train/gi_mxif_73_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_74_2.tif", + "label": "train/gi_mxif_74_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_74_3.tif", + "label": "train/gi_mxif_74_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_75_1.tif", + "label": "train/gi_mxif_75_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_76_1.tif", + "label": "train/gi_mxif_76_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_77_2.tif", + "label": "train/gi_mxif_77_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_80_0.tif", + "label": "train/gi_mxif_80_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_83_1.tif", + "label": "train/gi_mxif_83_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_86_1.tif", + "label": "train/gi_mxif_86_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_86_3.tif", + "label": "train/gi_mxif_86_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_87_1.tif", + "label": "train/gi_mxif_87_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_88_1.tif", + "label": "train/gi_mxif_88_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_88_2.tif", + "label": "train/gi_mxif_88_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_88_3.tif", + "label": "train/gi_mxif_88_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_90_3.tif", + "label": "train/gi_mxif_90_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_91_0.tif", + "label": "train/gi_mxif_91_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_91_2.tif", + "label": "train/gi_mxif_91_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_92_3.tif", + "label": "train/gi_mxif_92_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_93_2.tif", + "label": "train/gi_mxif_93_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_97_0.tif", + "label": "train/gi_mxif_97_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_97_1.tif", + "label": "train/gi_mxif_97_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_99_0.tif", + "label": "train/gi_mxif_99_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_102_3.tif", + "label": "train/gi_mxif_102_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_103_2.tif", + "label": "train/gi_mxif_103_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_104_3.tif", + "label": "train/gi_mxif_104_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_107_1.tif", + "label": "train/gi_mxif_107_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_108_1.tif", + "label": "train/gi_mxif_108_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_108_3.tif", + "label": "train/gi_mxif_108_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_109_1.tif", + "label": "train/gi_mxif_109_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_111_1.tif", + "label": "train/gi_mxif_111_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_113_1.tif", + "label": "train/gi_mxif_113_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_115_0.tif", + "label": "train/gi_mxif_115_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_116_3.tif", + "label": "train/gi_mxif_116_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_118_0.tif", + "label": "train/gi_mxif_118_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_120_0.tif", + "label": "train/gi_mxif_120_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_120_3.tif", + "label": "train/gi_mxif_120_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_123_1.tif", + "label": "train/gi_mxif_123_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_123_3.tif", + "label": "train/gi_mxif_123_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_126_0.tif", + "label": "train/gi_mxif_126_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_126_3.tif", + "label": "train/gi_mxif_126_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_127_1.tif", + "label": "train/gi_mxif_127_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_127_2.tif", + "label": "train/gi_mxif_127_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_127_3.tif", + "label": "train/gi_mxif_127_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_129_0.tif", + "label": "train/gi_mxif_129_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_129_1.tif", + "label": "train/gi_mxif_129_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_131_0.tif", + "label": "train/gi_mxif_131_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_131_3.tif", + "label": "train/gi_mxif_131_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_132_3.tif", + "label": "train/gi_mxif_132_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_134_2.tif", + "label": "train/gi_mxif_134_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_135_0.tif", + "label": "train/gi_mxif_135_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_135_1.tif", + "label": "train/gi_mxif_135_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_135_3.tif", + "label": "train/gi_mxif_135_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_136_0.tif", + "label": "train/gi_mxif_136_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_138_3.tif", + "label": "train/gi_mxif_138_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_139_3.tif", + "label": "train/gi_mxif_139_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_143_3.tif", + "label": "train/gi_mxif_143_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_144_0.tif", + "label": "train/gi_mxif_144_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_144_3.tif", + "label": "train/gi_mxif_144_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_145_1.tif", + "label": "train/gi_mxif_145_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_146_1.tif", + "label": "train/gi_mxif_146_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_147_2.tif", + "label": "train/gi_mxif_147_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_147_3.tif", + "label": "train/gi_mxif_147_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_148_2.tif", + "label": "train/gi_mxif_148_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_150_1.tif", + "label": "train/gi_mxif_150_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_150_2.tif", + "label": "train/gi_mxif_150_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_152_1.tif", + "label": "train/gi_mxif_152_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_152_2.tif", + "label": "train/gi_mxif_152_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_153_1.tif", + "label": "train/gi_mxif_153_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_155_3.tif", + "label": "train/gi_mxif_155_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_159_1.tif", + "label": "train/gi_mxif_159_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_160_0.tif", + "label": "train/gi_mxif_160_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_160_1.tif", + "label": "train/gi_mxif_160_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_160_2.tif", + "label": "train/gi_mxif_160_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_162_1.tif", + "label": "train/gi_mxif_162_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_163_0.tif", + "label": "train/gi_mxif_163_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_163_2.tif", + "label": "train/gi_mxif_163_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_164_1.tif", + "label": "train/gi_mxif_164_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_167_1.tif", + "label": "train/gi_mxif_167_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_167_3.tif", + "label": "train/gi_mxif_167_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_168_2.tif", + "label": "train/gi_mxif_168_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_169_1.tif", + "label": "train/gi_mxif_169_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_172_2.tif", + "label": "train/gi_mxif_172_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_173_0.tif", + "label": "train/gi_mxif_173_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_175_2.tif", + "label": "train/gi_mxif_175_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_178_0.tif", + "label": "train/gi_mxif_178_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_180_2.tif", + "label": "train/gi_mxif_180_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_181_1.tif", + "label": "train/gi_mxif_181_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_181_2.tif", + "label": "train/gi_mxif_181_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_183_0.tif", + "label": "train/gi_mxif_183_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_183_1.tif", + "label": "train/gi_mxif_183_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_1_0.tif", + "label": "train/gi_mxif_1_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_1_1.tif", + "label": "train/gi_mxif_1_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_2_1.tif", + "label": "train/gi_mxif_2_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_2_3.tif", + "label": "train/gi_mxif_2_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_4_1.tif", + "label": "train/gi_mxif_4_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_7_1.tif", + "label": "train/gi_mxif_7_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_7_3.tif", + "label": "train/gi_mxif_7_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_8_1.tif", + "label": "train/gi_mxif_8_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_8_2.tif", + "label": "train/gi_mxif_8_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_9_2.tif", + "label": "train/gi_mxif_9_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_9_3.tif", + "label": "train/gi_mxif_9_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_10_0.tif", + "label": "train/gi_mxif_10_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_11_1.tif", + "label": "train/gi_mxif_11_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_12_1.tif", + "label": "train/gi_mxif_12_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_15_2.tif", + "label": "train/gi_mxif_15_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_16_3.tif", + "label": "train/gi_mxif_16_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_17_0.tif", + "label": "train/gi_mxif_17_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_19_0.tif", + "label": "train/gi_mxif_19_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_20_0.tif", + "label": "train/gi_mxif_20_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_20_2.tif", + "label": "train/gi_mxif_20_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_22_0.tif", + "label": "train/gi_mxif_22_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_22_2.tif", + "label": "train/gi_mxif_22_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_23_3.tif", + "label": "train/gi_mxif_23_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_24_3.tif", + "label": "train/gi_mxif_24_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_25_3.tif", + "label": "train/gi_mxif_25_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_26_3.tif", + "label": "train/gi_mxif_26_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_29_0.tif", + "label": "train/gi_mxif_29_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_29_2.tif", + "label": "train/gi_mxif_29_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_29_3.tif", + "label": "train/gi_mxif_29_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_30_1.tif", + "label": "train/gi_mxif_30_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_31_0.tif", + "label": "train/gi_mxif_31_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_33_3.tif", + "label": "train/gi_mxif_33_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_34_3.tif", + "label": "train/gi_mxif_34_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_36_2.tif", + "label": "train/gi_mxif_36_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_36_3.tif", + "label": "train/gi_mxif_36_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_40_0.tif", + "label": "train/gi_mxif_40_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_40_2.tif", + "label": "train/gi_mxif_40_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_41_1.tif", + "label": "train/gi_mxif_41_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_43_0.tif", + "label": "train/gi_mxif_43_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_43_1.tif", + "label": "train/gi_mxif_43_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_44_3.tif", + "label": "train/gi_mxif_44_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_49_1.tif", + "label": "train/gi_mxif_49_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_50_2.tif", + "label": "train/gi_mxif_50_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_53_2.tif", + "label": "train/gi_mxif_53_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_54_2.tif", + "label": "train/gi_mxif_54_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_55_3.tif", + "label": "train/gi_mxif_55_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_59_0.tif", + "label": "train/gi_mxif_59_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_62_0.tif", + "label": "train/gi_mxif_62_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_64_1.tif", + "label": "train/gi_mxif_64_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_64_3.tif", + "label": "train/gi_mxif_64_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_65_1.tif", + "label": "train/gi_mxif_65_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_67_0.tif", + "label": "train/gi_mxif_67_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_68_1.tif", + "label": "train/gi_mxif_68_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_69_1.tif", + "label": "train/gi_mxif_69_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_70_0.tif", + "label": "train/gi_mxif_70_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_71_1.tif", + "label": "train/gi_mxif_71_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_76_3.tif", + "label": "train/gi_mxif_76_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_77_3.tif", + "label": "train/gi_mxif_77_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_78_0.tif", + "label": "train/gi_mxif_78_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_78_2.tif", + "label": "train/gi_mxif_78_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_79_2.tif", + "label": "train/gi_mxif_79_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_80_3.tif", + "label": "train/gi_mxif_80_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_82_3.tif", + "label": "train/gi_mxif_82_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_83_2.tif", + "label": "train/gi_mxif_83_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_83_3.tif", + "label": "train/gi_mxif_83_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_84_3.tif", + "label": "train/gi_mxif_84_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_85_1.tif", + "label": "train/gi_mxif_85_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_86_2.tif", + "label": "train/gi_mxif_86_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_87_2.tif", + "label": "train/gi_mxif_87_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_88_0.tif", + "label": "train/gi_mxif_88_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_89_2.tif", + "label": "train/gi_mxif_89_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_90_1.tif", + "label": "train/gi_mxif_90_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_93_0.tif", + "label": "train/gi_mxif_93_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_93_3.tif", + "label": "train/gi_mxif_93_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_95_3.tif", + "label": "train/gi_mxif_95_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_96_1.tif", + "label": "train/gi_mxif_96_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_96_2.tif", + "label": "train/gi_mxif_96_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_98_0.tif", + "label": "train/gi_mxif_98_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_99_1.tif", + "label": "train/gi_mxif_99_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_99_3.tif", + "label": "train/gi_mxif_99_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_100_0.tif", + "label": "train/gi_mxif_100_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_100_2.tif", + "label": "train/gi_mxif_100_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_100_3.tif", + "label": "train/gi_mxif_100_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_101_0.tif", + "label": "train/gi_mxif_101_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_103_0.tif", + "label": "train/gi_mxif_103_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_105_1.tif", + "label": "train/gi_mxif_105_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_105_2.tif", + "label": "train/gi_mxif_105_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_106_2.tif", + "label": "train/gi_mxif_106_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_108_0.tif", + "label": "train/gi_mxif_108_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_108_2.tif", + "label": "train/gi_mxif_108_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_109_3.tif", + "label": "train/gi_mxif_109_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_110_3.tif", + "label": "train/gi_mxif_110_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_111_3.tif", + "label": "train/gi_mxif_111_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_112_0.tif", + "label": "train/gi_mxif_112_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_112_1.tif", + "label": "train/gi_mxif_112_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_113_0.tif", + "label": "train/gi_mxif_113_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_114_1.tif", + "label": "train/gi_mxif_114_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_116_0.tif", + "label": "train/gi_mxif_116_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_118_2.tif", + "label": "train/gi_mxif_118_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_119_3.tif", + "label": "train/gi_mxif_119_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_120_1.tif", + "label": "train/gi_mxif_120_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_120_2.tif", + "label": "train/gi_mxif_120_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_122_0.tif", + "label": "train/gi_mxif_122_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_123_2.tif", + "label": "train/gi_mxif_123_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_124_0.tif", + "label": "train/gi_mxif_124_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_130_1.tif", + "label": "train/gi_mxif_130_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_130_3.tif", + "label": "train/gi_mxif_130_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_131_1.tif", + "label": "train/gi_mxif_131_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_132_0.tif", + "label": "train/gi_mxif_132_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_132_1.tif", + "label": "train/gi_mxif_132_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_133_3.tif", + "label": "train/gi_mxif_133_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_134_1.tif", + "label": "train/gi_mxif_134_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_137_3.tif", + "label": "train/gi_mxif_137_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_138_2.tif", + "label": "train/gi_mxif_138_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_140_0.tif", + "label": "train/gi_mxif_140_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_140_3.tif", + "label": "train/gi_mxif_140_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_143_1.tif", + "label": "train/gi_mxif_143_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_143_2.tif", + "label": "train/gi_mxif_143_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_144_1.tif", + "label": "train/gi_mxif_144_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_144_2.tif", + "label": "train/gi_mxif_144_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_147_1.tif", + "label": "train/gi_mxif_147_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_149_1.tif", + "label": "train/gi_mxif_149_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_150_0.tif", + "label": "train/gi_mxif_150_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_151_0.tif", + "label": "train/gi_mxif_151_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_151_1.tif", + "label": "train/gi_mxif_151_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_152_0.tif", + "label": "train/gi_mxif_152_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_152_3.tif", + "label": "train/gi_mxif_152_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_153_0.tif", + "label": "train/gi_mxif_153_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_155_0.tif", + "label": "train/gi_mxif_155_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_157_1.tif", + "label": "train/gi_mxif_157_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_157_2.tif", + "label": "train/gi_mxif_157_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_157_3.tif", + "label": "train/gi_mxif_157_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_159_3.tif", + "label": "train/gi_mxif_159_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_162_2.tif", + "label": "train/gi_mxif_162_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_164_3.tif", + "label": "train/gi_mxif_164_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_166_2.tif", + "label": "train/gi_mxif_166_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_166_3.tif", + "label": "train/gi_mxif_166_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_167_2.tif", + "label": "train/gi_mxif_167_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_170_1.tif", + "label": "train/gi_mxif_170_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_171_0.tif", + "label": "train/gi_mxif_171_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_175_0.tif", + "label": "train/gi_mxif_175_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_175_3.tif", + "label": "train/gi_mxif_175_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_177_3.tif", + "label": "train/gi_mxif_177_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_179_3.tif", + "label": "train/gi_mxif_179_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_180_3.tif", + "label": "train/gi_mxif_180_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_182_0.tif", + "label": "train/gi_mxif_182_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_182_1.tif", + "label": "train/gi_mxif_182_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_0_1.tif", + "label": "train/gi_mxif_0_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_0_2.tif", + "label": "train/gi_mxif_0_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_1_2.tif", + "label": "train/gi_mxif_1_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_4_2.tif", + "label": "train/gi_mxif_4_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_6_3.tif", + "label": "train/gi_mxif_6_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_7_2.tif", + "label": "train/gi_mxif_7_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_9_0.tif", + "label": "train/gi_mxif_9_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_10_2.tif", + "label": "train/gi_mxif_10_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_11_2.tif", + "label": "train/gi_mxif_11_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_13_0.tif", + "label": "train/gi_mxif_13_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_14_2.tif", + "label": "train/gi_mxif_14_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_17_2.tif", + "label": "train/gi_mxif_17_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_19_2.tif", + "label": "train/gi_mxif_19_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_20_3.tif", + "label": "train/gi_mxif_20_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_22_1.tif", + "label": "train/gi_mxif_22_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_23_1.tif", + "label": "train/gi_mxif_23_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_23_2.tif", + "label": "train/gi_mxif_23_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_24_1.tif", + "label": "train/gi_mxif_24_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_24_2.tif", + "label": "train/gi_mxif_24_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_25_2.tif", + "label": "train/gi_mxif_25_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_26_2.tif", + "label": "train/gi_mxif_26_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_27_2.tif", + "label": "train/gi_mxif_27_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_28_3.tif", + "label": "train/gi_mxif_28_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_30_2.tif", + "label": "train/gi_mxif_30_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_31_3.tif", + "label": "train/gi_mxif_31_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_32_0.tif", + "label": "train/gi_mxif_32_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_33_1.tif", + "label": "train/gi_mxif_33_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_35_2.tif", + "label": "train/gi_mxif_35_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_38_1.tif", + "label": "train/gi_mxif_38_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_39_0.tif", + "label": "train/gi_mxif_39_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_39_1.tif", + "label": "train/gi_mxif_39_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_39_2.tif", + "label": "train/gi_mxif_39_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_41_0.tif", + "label": "train/gi_mxif_41_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_42_0.tif", + "label": "train/gi_mxif_42_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_44_1.tif", + "label": "train/gi_mxif_44_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_46_2.tif", + "label": "train/gi_mxif_46_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_48_0.tif", + "label": "train/gi_mxif_48_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_50_0.tif", + "label": "train/gi_mxif_50_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_50_3.tif", + "label": "train/gi_mxif_50_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_51_0.tif", + "label": "train/gi_mxif_51_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_53_1.tif", + "label": "train/gi_mxif_53_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_54_1.tif", + "label": "train/gi_mxif_54_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_55_1.tif", + "label": "train/gi_mxif_55_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_56_1.tif", + "label": "train/gi_mxif_56_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_56_3.tif", + "label": "train/gi_mxif_56_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_57_0.tif", + "label": "train/gi_mxif_57_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_58_0.tif", + "label": "train/gi_mxif_58_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_59_1.tif", + "label": "train/gi_mxif_59_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_59_3.tif", + "label": "train/gi_mxif_59_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_61_0.tif", + "label": "train/gi_mxif_61_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_61_2.tif", + "label": "train/gi_mxif_61_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_62_1.tif", + "label": "train/gi_mxif_62_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_62_2.tif", + "label": "train/gi_mxif_62_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_64_2.tif", + "label": "train/gi_mxif_64_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_65_0.tif", + "label": "train/gi_mxif_65_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_66_3.tif", + "label": "train/gi_mxif_66_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_70_3.tif", + "label": "train/gi_mxif_70_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_71_0.tif", + "label": "train/gi_mxif_71_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_72_3.tif", + "label": "train/gi_mxif_72_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_73_0.tif", + "label": "train/gi_mxif_73_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_73_3.tif", + "label": "train/gi_mxif_73_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_76_0.tif", + "label": "train/gi_mxif_76_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_76_2.tif", + "label": "train/gi_mxif_76_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_77_0.tif", + "label": "train/gi_mxif_77_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_82_0.tif", + "label": "train/gi_mxif_82_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_82_1.tif", + "label": "train/gi_mxif_82_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_84_1.tif", + "label": "train/gi_mxif_84_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_85_0.tif", + "label": "train/gi_mxif_85_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_85_3.tif", + "label": "train/gi_mxif_85_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_87_3.tif", + "label": "train/gi_mxif_87_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_89_3.tif", + "label": "train/gi_mxif_89_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_90_0.tif", + "label": "train/gi_mxif_90_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_90_2.tif", + "label": "train/gi_mxif_90_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_91_1.tif", + "label": "train/gi_mxif_91_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_92_0.tif", + "label": "train/gi_mxif_92_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_93_1.tif", + "label": "train/gi_mxif_93_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_94_1.tif", + "label": "train/gi_mxif_94_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_94_2.tif", + "label": "train/gi_mxif_94_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_94_3.tif", + "label": "train/gi_mxif_94_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_95_2.tif", + "label": "train/gi_mxif_95_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_98_2.tif", + "label": "train/gi_mxif_98_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_98_3.tif", + "label": "train/gi_mxif_98_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_101_2.tif", + "label": "train/gi_mxif_101_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_102_0.tif", + "label": "train/gi_mxif_102_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_103_3.tif", + "label": "train/gi_mxif_103_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_106_1.tif", + "label": "train/gi_mxif_106_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_106_3.tif", + "label": "train/gi_mxif_106_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_107_0.tif", + "label": "train/gi_mxif_107_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_109_0.tif", + "label": "train/gi_mxif_109_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_110_1.tif", + "label": "train/gi_mxif_110_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_118_1.tif", + "label": "train/gi_mxif_118_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_121_0.tif", + "label": "train/gi_mxif_121_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_121_2.tif", + "label": "train/gi_mxif_121_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_121_3.tif", + "label": "train/gi_mxif_121_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_122_3.tif", + "label": "train/gi_mxif_122_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_124_2.tif", + "label": "train/gi_mxif_124_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_125_1.tif", + "label": "train/gi_mxif_125_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_125_2.tif", + "label": "train/gi_mxif_125_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_126_2.tif", + "label": "train/gi_mxif_126_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_128_0.tif", + "label": "train/gi_mxif_128_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_129_2.tif", + "label": "train/gi_mxif_129_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_129_3.tif", + "label": "train/gi_mxif_129_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_131_2.tif", + "label": "train/gi_mxif_131_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_132_2.tif", + "label": "train/gi_mxif_132_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_133_1.tif", + "label": "train/gi_mxif_133_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_136_2.tif", + "label": "train/gi_mxif_136_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_137_1.tif", + "label": "train/gi_mxif_137_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_137_2.tif", + "label": "train/gi_mxif_137_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_138_0.tif", + "label": "train/gi_mxif_138_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_138_1.tif", + "label": "train/gi_mxif_138_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_141_1.tif", + "label": "train/gi_mxif_141_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_141_3.tif", + "label": "train/gi_mxif_141_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_142_2.tif", + "label": "train/gi_mxif_142_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_146_0.tif", + "label": "train/gi_mxif_146_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_148_0.tif", + "label": "train/gi_mxif_148_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_149_0.tif", + "label": "train/gi_mxif_149_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_149_3.tif", + "label": "train/gi_mxif_149_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_150_3.tif", + "label": "train/gi_mxif_150_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_151_3.tif", + "label": "train/gi_mxif_151_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_153_2.tif", + "label": "train/gi_mxif_153_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_153_3.tif", + "label": "train/gi_mxif_153_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_154_2.tif", + "label": "train/gi_mxif_154_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_154_3.tif", + "label": "train/gi_mxif_154_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_156_1.tif", + "label": "train/gi_mxif_156_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_158_0.tif", + "label": "train/gi_mxif_158_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_158_2.tif", + "label": "train/gi_mxif_158_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_160_3.tif", + "label": "train/gi_mxif_160_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_166_0.tif", + "label": "train/gi_mxif_166_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_168_0.tif", + "label": "train/gi_mxif_168_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_168_1.tif", + "label": "train/gi_mxif_168_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_169_2.tif", + "label": "train/gi_mxif_169_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_170_0.tif", + "label": "train/gi_mxif_170_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_170_2.tif", + "label": "train/gi_mxif_170_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_170_3.tif", + "label": "train/gi_mxif_170_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_172_0.tif", + "label": "train/gi_mxif_172_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_173_3.tif", + "label": "train/gi_mxif_173_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_174_2.tif", + "label": "train/gi_mxif_174_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_174_3.tif", + "label": "train/gi_mxif_174_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_175_1.tif", + "label": "train/gi_mxif_175_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_176_1.tif", + "label": "train/gi_mxif_176_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_176_2.tif", + "label": "train/gi_mxif_176_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_176_3.tif", + "label": "train/gi_mxif_176_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_177_0.tif", + "label": "train/gi_mxif_177_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_179_0.tif", + "label": "train/gi_mxif_179_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_179_2.tif", + "label": "train/gi_mxif_179_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_180_1.tif", + "label": "train/gi_mxif_180_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_182_2.tif", + "label": "train/gi_mxif_182_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_3_0.tif", + "label": "train/gi_mxif_3_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_3_2.tif", + "label": "train/gi_mxif_3_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_5_1.tif", + "label": "train/gi_mxif_5_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_6_0.tif", + "label": "train/gi_mxif_6_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_7_0.tif", + "label": "train/gi_mxif_7_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_8_0.tif", + "label": "train/gi_mxif_8_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_11_0.tif", + "label": "train/gi_mxif_11_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_12_0.tif", + "label": "train/gi_mxif_12_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_12_3.tif", + "label": "train/gi_mxif_12_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_13_1.tif", + "label": "train/gi_mxif_13_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_13_2.tif", + "label": "train/gi_mxif_13_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_13_3.tif", + "label": "train/gi_mxif_13_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_15_3.tif", + "label": "train/gi_mxif_15_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_18_1.tif", + "label": "train/gi_mxif_18_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_19_3.tif", + "label": "train/gi_mxif_19_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_22_3.tif", + "label": "train/gi_mxif_22_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_25_0.tif", + "label": "train/gi_mxif_25_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_26_1.tif", + "label": "train/gi_mxif_26_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_27_1.tif", + "label": "train/gi_mxif_27_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_28_0.tif", + "label": "train/gi_mxif_28_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_28_1.tif", + "label": "train/gi_mxif_28_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_28_2.tif", + "label": "train/gi_mxif_28_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_30_3.tif", + "label": "train/gi_mxif_30_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_31_1.tif", + "label": "train/gi_mxif_31_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_32_3.tif", + "label": "train/gi_mxif_32_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_34_0.tif", + "label": "train/gi_mxif_34_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_34_1.tif", + "label": "train/gi_mxif_34_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_34_2.tif", + "label": "train/gi_mxif_34_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_35_3.tif", + "label": "train/gi_mxif_35_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_36_1.tif", + "label": "train/gi_mxif_36_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_37_2.tif", + "label": "train/gi_mxif_37_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_40_3.tif", + "label": "train/gi_mxif_40_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_41_3.tif", + "label": "train/gi_mxif_41_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_42_1.tif", + "label": "train/gi_mxif_42_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_42_3.tif", + "label": "train/gi_mxif_42_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_43_2.tif", + "label": "train/gi_mxif_43_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_45_2.tif", + "label": "train/gi_mxif_45_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_46_0.tif", + "label": "train/gi_mxif_46_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_47_0.tif", + "label": "train/gi_mxif_47_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_47_3.tif", + "label": "train/gi_mxif_47_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_49_3.tif", + "label": "train/gi_mxif_49_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_51_1.tif", + "label": "train/gi_mxif_51_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_51_2.tif", + "label": "train/gi_mxif_51_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_52_0.tif", + "label": "train/gi_mxif_52_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_52_3.tif", + "label": "train/gi_mxif_52_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_53_0.tif", + "label": "train/gi_mxif_53_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_54_3.tif", + "label": "train/gi_mxif_54_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_55_0.tif", + "label": "train/gi_mxif_55_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_55_2.tif", + "label": "train/gi_mxif_55_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_56_2.tif", + "label": "train/gi_mxif_56_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_57_1.tif", + "label": "train/gi_mxif_57_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_57_2.tif", + "label": "train/gi_mxif_57_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_58_2.tif", + "label": "train/gi_mxif_58_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_59_2.tif", + "label": "train/gi_mxif_59_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_60_0.tif", + "label": "train/gi_mxif_60_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_62_3.tif", + "label": "train/gi_mxif_62_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_64_0.tif", + "label": "train/gi_mxif_64_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_66_1.tif", + "label": "train/gi_mxif_66_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_67_2.tif", + "label": "train/gi_mxif_67_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_67_3.tif", + "label": "train/gi_mxif_67_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_68_0.tif", + "label": "train/gi_mxif_68_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_68_3.tif", + "label": "train/gi_mxif_68_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_71_3.tif", + "label": "train/gi_mxif_71_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_72_2.tif", + "label": "train/gi_mxif_72_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_73_2.tif", + "label": "train/gi_mxif_73_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_74_0.tif", + "label": "train/gi_mxif_74_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_75_0.tif", + "label": "train/gi_mxif_75_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_75_3.tif", + "label": "train/gi_mxif_75_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_77_1.tif", + "label": "train/gi_mxif_77_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_78_3.tif", + "label": "train/gi_mxif_78_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_80_2.tif", + "label": "train/gi_mxif_80_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_81_0.tif", + "label": "train/gi_mxif_81_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_81_1.tif", + "label": "train/gi_mxif_81_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_81_2.tif", + "label": "train/gi_mxif_81_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_82_2.tif", + "label": "train/gi_mxif_82_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_85_2.tif", + "label": "train/gi_mxif_85_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_86_0.tif", + "label": "train/gi_mxif_86_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_92_2.tif", + "label": "train/gi_mxif_92_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_94_0.tif", + "label": "train/gi_mxif_94_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_95_0.tif", + "label": "train/gi_mxif_95_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_96_0.tif", + "label": "train/gi_mxif_96_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_97_3.tif", + "label": "train/gi_mxif_97_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_101_3.tif", + "label": "train/gi_mxif_101_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_102_1.tif", + "label": "train/gi_mxif_102_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_102_2.tif", + "label": "train/gi_mxif_102_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_103_1.tif", + "label": "train/gi_mxif_103_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_104_1.tif", + "label": "train/gi_mxif_104_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_105_0.tif", + "label": "train/gi_mxif_105_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_105_3.tif", + "label": "train/gi_mxif_105_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_106_0.tif", + "label": "train/gi_mxif_106_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_107_2.tif", + "label": "train/gi_mxif_107_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_109_2.tif", + "label": "train/gi_mxif_109_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_110_0.tif", + "label": "train/gi_mxif_110_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_110_2.tif", + "label": "train/gi_mxif_110_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_111_0.tif", + "label": "train/gi_mxif_111_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_111_2.tif", + "label": "train/gi_mxif_111_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_112_2.tif", + "label": "train/gi_mxif_112_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_112_3.tif", + "label": "train/gi_mxif_112_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_113_3.tif", + "label": "train/gi_mxif_113_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_114_2.tif", + "label": "train/gi_mxif_114_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_114_3.tif", + "label": "train/gi_mxif_114_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_115_2.tif", + "label": "train/gi_mxif_115_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_115_3.tif", + "label": "train/gi_mxif_115_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_116_1.tif", + "label": "train/gi_mxif_116_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_118_3.tif", + "label": "train/gi_mxif_118_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_119_1.tif", + "label": "train/gi_mxif_119_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_124_3.tif", + "label": "train/gi_mxif_124_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_125_0.tif", + "label": "train/gi_mxif_125_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_130_0.tif", + "label": "train/gi_mxif_130_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_130_2.tif", + "label": "train/gi_mxif_130_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_134_0.tif", + "label": "train/gi_mxif_134_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_134_3.tif", + "label": "train/gi_mxif_134_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_136_1.tif", + "label": "train/gi_mxif_136_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_136_3.tif", + "label": "train/gi_mxif_136_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_139_0.tif", + "label": "train/gi_mxif_139_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_139_1.tif", + "label": "train/gi_mxif_139_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_139_2.tif", + "label": "train/gi_mxif_139_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_142_3.tif", + "label": "train/gi_mxif_142_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_145_2.tif", + "label": "train/gi_mxif_145_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_146_3.tif", + "label": "train/gi_mxif_146_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_148_1.tif", + "label": "train/gi_mxif_148_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_155_2.tif", + "label": "train/gi_mxif_155_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_158_3.tif", + "label": "train/gi_mxif_158_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_159_0.tif", + "label": "train/gi_mxif_159_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_159_2.tif", + "label": "train/gi_mxif_159_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_161_0.tif", + "label": "train/gi_mxif_161_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_161_2.tif", + "label": "train/gi_mxif_161_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_161_3.tif", + "label": "train/gi_mxif_161_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_162_3.tif", + "label": "train/gi_mxif_162_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_164_0.tif", + "label": "train/gi_mxif_164_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_165_0.tif", + "label": "train/gi_mxif_165_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_165_1.tif", + "label": "train/gi_mxif_165_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_165_2.tif", + "label": "train/gi_mxif_165_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_165_3.tif", + "label": "train/gi_mxif_165_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_168_3.tif", + "label": "train/gi_mxif_168_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_173_1.tif", + "label": "train/gi_mxif_173_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_174_0.tif", + "label": "train/gi_mxif_174_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_174_1.tif", + "label": "train/gi_mxif_174_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_177_1.tif", + "label": "train/gi_mxif_177_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_177_2.tif", + "label": "train/gi_mxif_177_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_178_1.tif", + "label": "train/gi_mxif_178_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_178_2.tif", + "label": "train/gi_mxif_178_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_180_0.tif", + "label": "train/gi_mxif_180_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_181_0.tif", + "label": "train/gi_mxif_181_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_182_3.tif", + "label": "train/gi_mxif_182_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_183_2.tif", + "label": "train/gi_mxif_183_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_183_3.tif", + "label": "train/gi_mxif_183_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_1_3.tif", + "label": "train/gi_mxif_1_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_2_2.tif", + "label": "train/gi_mxif_2_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_3_3.tif", + "label": "train/gi_mxif_3_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_5_0.tif", + "label": "train/gi_mxif_5_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_5_2.tif", + "label": "train/gi_mxif_5_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_6_1.tif", + "label": "train/gi_mxif_6_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_6_2.tif", + "label": "train/gi_mxif_6_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_9_1.tif", + "label": "train/gi_mxif_9_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_10_3.tif", + "label": "train/gi_mxif_10_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_16_0.tif", + "label": "train/gi_mxif_16_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_17_3.tif", + "label": "train/gi_mxif_17_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_18_0.tif", + "label": "train/gi_mxif_18_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_18_3.tif", + "label": "train/gi_mxif_18_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_19_1.tif", + "label": "train/gi_mxif_19_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_21_2.tif", + "label": "train/gi_mxif_21_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_21_3.tif", + "label": "train/gi_mxif_21_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_24_0.tif", + "label": "train/gi_mxif_24_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_31_2.tif", + "label": "train/gi_mxif_31_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_32_1.tif", + "label": "train/gi_mxif_32_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_32_2.tif", + "label": "train/gi_mxif_32_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_35_0.tif", + "label": "train/gi_mxif_35_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_35_1.tif", + "label": "train/gi_mxif_35_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_36_0.tif", + "label": "train/gi_mxif_36_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_37_1.tif", + "label": "train/gi_mxif_37_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_37_3.tif", + "label": "train/gi_mxif_37_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_38_0.tif", + "label": "train/gi_mxif_38_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_38_3.tif", + "label": "train/gi_mxif_38_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_41_2.tif", + "label": "train/gi_mxif_41_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_42_2.tif", + "label": "train/gi_mxif_42_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_44_0.tif", + "label": "train/gi_mxif_44_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_44_2.tif", + "label": "train/gi_mxif_44_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_45_3.tif", + "label": "train/gi_mxif_45_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_47_2.tif", + "label": "train/gi_mxif_47_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_48_1.tif", + "label": "train/gi_mxif_48_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_49_0.tif", + "label": "train/gi_mxif_49_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_49_2.tif", + "label": "train/gi_mxif_49_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_52_1.tif", + "label": "train/gi_mxif_52_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_52_2.tif", + "label": "train/gi_mxif_52_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_53_3.tif", + "label": "train/gi_mxif_53_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_57_3.tif", + "label": "train/gi_mxif_57_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_58_3.tif", + "label": "train/gi_mxif_58_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_60_3.tif", + "label": "train/gi_mxif_60_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_63_0.tif", + "label": "train/gi_mxif_63_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_63_1.tif", + "label": "train/gi_mxif_63_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_63_2.tif", + "label": "train/gi_mxif_63_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_65_3.tif", + "label": "train/gi_mxif_65_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_66_0.tif", + "label": "train/gi_mxif_66_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_66_2.tif", + "label": "train/gi_mxif_66_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_67_1.tif", + "label": "train/gi_mxif_67_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_69_0.tif", + "label": "train/gi_mxif_69_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_69_2.tif", + "label": "train/gi_mxif_69_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_69_3.tif", + "label": "train/gi_mxif_69_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_70_1.tif", + "label": "train/gi_mxif_70_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_70_2.tif", + "label": "train/gi_mxif_70_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_72_0.tif", + "label": "train/gi_mxif_72_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_74_1.tif", + "label": "train/gi_mxif_74_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_75_2.tif", + "label": "train/gi_mxif_75_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_78_1.tif", + "label": "train/gi_mxif_78_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_79_0.tif", + "label": "train/gi_mxif_79_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_79_1.tif", + "label": "train/gi_mxif_79_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_79_3.tif", + "label": "train/gi_mxif_79_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_80_1.tif", + "label": "train/gi_mxif_80_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_81_3.tif", + "label": "train/gi_mxif_81_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_83_0.tif", + "label": "train/gi_mxif_83_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_84_0.tif", + "label": "train/gi_mxif_84_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_84_2.tif", + "label": "train/gi_mxif_84_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_87_0.tif", + "label": "train/gi_mxif_87_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_89_0.tif", + "label": "train/gi_mxif_89_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_89_1.tif", + "label": "train/gi_mxif_89_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_91_3.tif", + "label": "train/gi_mxif_91_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_92_1.tif", + "label": "train/gi_mxif_92_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_95_1.tif", + "label": "train/gi_mxif_95_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_96_3.tif", + "label": "train/gi_mxif_96_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_97_2.tif", + "label": "train/gi_mxif_97_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_98_1.tif", + "label": "train/gi_mxif_98_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_99_2.tif", + "label": "train/gi_mxif_99_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_100_1.tif", + "label": "train/gi_mxif_100_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_101_1.tif", + "label": "train/gi_mxif_101_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_104_0.tif", + "label": "train/gi_mxif_104_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_104_2.tif", + "label": "train/gi_mxif_104_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_107_3.tif", + "label": "train/gi_mxif_107_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_113_2.tif", + "label": "train/gi_mxif_113_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_114_0.tif", + "label": "train/gi_mxif_114_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_115_1.tif", + "label": "train/gi_mxif_115_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_116_2.tif", + "label": "train/gi_mxif_116_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_117_0.tif", + "label": "train/gi_mxif_117_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_117_1.tif", + "label": "train/gi_mxif_117_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_117_2.tif", + "label": "train/gi_mxif_117_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_117_3.tif", + "label": "train/gi_mxif_117_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_119_0.tif", + "label": "train/gi_mxif_119_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_119_2.tif", + "label": "train/gi_mxif_119_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_121_1.tif", + "label": "train/gi_mxif_121_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_122_1.tif", + "label": "train/gi_mxif_122_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_122_2.tif", + "label": "train/gi_mxif_122_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_123_0.tif", + "label": "train/gi_mxif_123_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_124_1.tif", + "label": "train/gi_mxif_124_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_125_3.tif", + "label": "train/gi_mxif_125_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_126_1.tif", + "label": "train/gi_mxif_126_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_127_0.tif", + "label": "train/gi_mxif_127_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_128_1.tif", + "label": "train/gi_mxif_128_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_128_2.tif", + "label": "train/gi_mxif_128_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_128_3.tif", + "label": "train/gi_mxif_128_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_133_0.tif", + "label": "train/gi_mxif_133_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_133_2.tif", + "label": "train/gi_mxif_133_2_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_135_2.tif", + "label": "train/gi_mxif_135_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_137_0.tif", + "label": "train/gi_mxif_137_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_140_1.tif", + "label": "train/gi_mxif_140_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_140_2.tif", + "label": "train/gi_mxif_140_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_141_0.tif", + "label": "train/gi_mxif_141_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_141_2.tif", + "label": "train/gi_mxif_141_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_142_0.tif", + "label": "train/gi_mxif_142_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_142_1.tif", + "label": "train/gi_mxif_142_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_143_0.tif", + "label": "train/gi_mxif_143_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_145_0.tif", + "label": "train/gi_mxif_145_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_145_3.tif", + "label": "train/gi_mxif_145_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_146_2.tif", + "label": "train/gi_mxif_146_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_147_0.tif", + "label": "train/gi_mxif_147_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_148_3.tif", + "label": "train/gi_mxif_148_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_149_2.tif", + "label": "train/gi_mxif_149_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_151_2.tif", + "label": "train/gi_mxif_151_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_154_0.tif", + "label": "train/gi_mxif_154_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_154_1.tif", + "label": "train/gi_mxif_154_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_155_1.tif", + "label": "train/gi_mxif_155_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_156_0.tif", + "label": "train/gi_mxif_156_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_156_2.tif", + "label": "train/gi_mxif_156_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_156_3.tif", + "label": "train/gi_mxif_156_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_157_0.tif", + "label": "train/gi_mxif_157_0_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_158_1.tif", + "label": "train/gi_mxif_158_1_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_161_1.tif", + "label": "train/gi_mxif_161_1_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_162_0.tif", + "label": "train/gi_mxif_162_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_163_1.tif", + "label": "train/gi_mxif_163_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_163_3.tif", + "label": "train/gi_mxif_163_3_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_164_2.tif", + "label": "train/gi_mxif_164_2_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_166_1.tif", + "label": "train/gi_mxif_166_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_167_0.tif", + "label": "train/gi_mxif_167_0_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_169_0.tif", + "label": "train/gi_mxif_169_0_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_169_3.tif", + "label": "train/gi_mxif_169_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_171_1.tif", + "label": "train/gi_mxif_171_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_171_2.tif", + "label": "train/gi_mxif_171_2_masks.tif", + "fold": 4 + }, + { + "image": "train/gi_mxif_171_3.tif", + "label": "train/gi_mxif_171_3_masks.tif", + "fold": 2 + }, + { + "image": "train/gi_mxif_172_1.tif", + "label": "train/gi_mxif_172_1_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_172_3.tif", + "label": "train/gi_mxif_172_3_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_173_2.tif", + "label": "train/gi_mxif_173_2_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_176_0.tif", + "label": "train/gi_mxif_176_0_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_178_3.tif", + "label": "train/gi_mxif_178_3_masks.tif", + "fold": 1 + }, + { + "image": "train/gi_mxif_179_1.tif", + "label": "train/gi_mxif_179_1_masks.tif", + "fold": 3 + }, + { + "image": "train/gi_mxif_181_3.tif", + "label": "train/gi_mxif_181_3_masks.tif", + "fold": 3 + } + ], + "testing": [ + { + "image": "test/gi_mxif_2.tif", + "label": "test/gi_mxif_2_masks.tif" + }, + { + "image": "test/gi_mxif_10.tif", + "label": "test/gi_mxif_10_masks.tif" + }, + { + "image": "test/gi_mxif_27.tif", + "label": "test/gi_mxif_27_masks.tif" + }, + { + "image": "test/gi_mxif_35.tif", + "label": "test/gi_mxif_35_masks.tif" + }, + { + "image": "test/gi_mxif_36.tif", + "label": "test/gi_mxif_36_masks.tif" + }, + { + "image": "test/gi_mxif_38.tif", + "label": "test/gi_mxif_38_masks.tif" + }, + { + "image": "test/gi_mxif_40.tif", + "label": "test/gi_mxif_40_masks.tif" + }, + { + "image": "test/gi_mxif_44.tif", + "label": "test/gi_mxif_44_masks.tif" + }, + { + "image": "test/gi_mxif_48.tif", + "label": "test/gi_mxif_48_masks.tif" + }, + { + "image": "test/gi_mxif_53.tif", + "label": "test/gi_mxif_53_masks.tif" + }, + { + "image": "test/gi_mxif_56.tif", + "label": "test/gi_mxif_56_masks.tif" + }, + { + "image": "test/gi_mxif_58.tif", + "label": "test/gi_mxif_58_masks.tif" + }, + { + "image": "test/gi_mxif_63.tif", + "label": "test/gi_mxif_63_masks.tif" + }, + { + "image": "test/gi_mxif_66.tif", + "label": "test/gi_mxif_66_masks.tif" + }, + { + "image": "test/gi_mxif_67.tif", + "label": "test/gi_mxif_67_masks.tif" + }, + { + "image": "test/gi_mxif_69.tif", + "label": "test/gi_mxif_69_masks.tif" + }, + { + "image": "test/gi_mxif_82.tif", + "label": "test/gi_mxif_82_masks.tif" + }, + { + "image": "test/gi_mxif_86.tif", + "label": "test/gi_mxif_86_masks.tif" + }, + { + "image": "test/gi_mxif_19.tif", + "label": "test/gi_mxif_19_masks.tif" + }, + { + "image": "test/gi_mxif_23.tif", + "label": "test/gi_mxif_23_masks.tif" + }, + { + "image": "test/gi_mxif_31.tif", + "label": "test/gi_mxif_31_masks.tif" + }, + { + "image": "test/gi_mxif_32.tif", + "label": "test/gi_mxif_32_masks.tif" + }, + { + "image": "test/gi_mxif_33.tif", + "label": "test/gi_mxif_33_masks.tif" + }, + { + "image": "test/gi_mxif_34.tif", + "label": "test/gi_mxif_34_masks.tif" + }, + { + "image": "test/gi_mxif_39.tif", + "label": "test/gi_mxif_39_masks.tif" + }, + { + "image": "test/gi_mxif_43.tif", + "label": "test/gi_mxif_43_masks.tif" + }, + { + "image": "test/gi_mxif_45.tif", + "label": "test/gi_mxif_45_masks.tif" + }, + { + "image": "test/gi_mxif_49.tif", + "label": "test/gi_mxif_49_masks.tif" + }, + { + "image": "test/gi_mxif_52.tif", + "label": "test/gi_mxif_52_masks.tif" + }, + { + "image": "test/gi_mxif_59.tif", + "label": "test/gi_mxif_59_masks.tif" + }, + { + "image": "test/gi_mxif_60.tif", + "label": "test/gi_mxif_60_masks.tif" + }, + { + "image": "test/gi_mxif_62.tif", + "label": "test/gi_mxif_62_masks.tif" + }, + { + "image": "test/gi_mxif_65.tif", + "label": "test/gi_mxif_65_masks.tif" + }, + { + "image": "test/gi_mxif_68.tif", + "label": "test/gi_mxif_68_masks.tif" + }, + { + "image": "test/gi_mxif_73.tif", + "label": "test/gi_mxif_73_masks.tif" + }, + { + "image": "test/gi_mxif_81.tif", + "label": "test/gi_mxif_81_masks.tif" + }, + { + "image": "test/gi_mxif_3.tif", + "label": "test/gi_mxif_3_masks.tif" + }, + { + "image": "test/gi_mxif_4.tif", + "label": "test/gi_mxif_4_masks.tif" + }, + { + "image": "test/gi_mxif_15.tif", + "label": "test/gi_mxif_15_masks.tif" + }, + { + "image": "test/gi_mxif_21.tif", + "label": "test/gi_mxif_21_masks.tif" + }, + { + "image": "test/gi_mxif_26.tif", + "label": "test/gi_mxif_26_masks.tif" + }, + { + "image": "test/gi_mxif_30.tif", + "label": "test/gi_mxif_30_masks.tif" + }, + { + "image": "test/gi_mxif_42.tif", + "label": "test/gi_mxif_42_masks.tif" + }, + { + "image": "test/gi_mxif_46.tif", + "label": "test/gi_mxif_46_masks.tif" + }, + { + "image": "test/gi_mxif_47.tif", + "label": "test/gi_mxif_47_masks.tif" + }, + { + "image": "test/gi_mxif_51.tif", + "label": "test/gi_mxif_51_masks.tif" + }, + { + "image": "test/gi_mxif_54.tif", + "label": "test/gi_mxif_54_masks.tif" + }, + { + "image": "test/gi_mxif_55.tif", + "label": "test/gi_mxif_55_masks.tif" + }, + { + "image": "test/gi_mxif_61.tif", + "label": "test/gi_mxif_61_masks.tif" + }, + { + "image": "test/gi_mxif_70.tif", + "label": "test/gi_mxif_70_masks.tif" + }, + { + "image": "test/gi_mxif_74.tif", + "label": "test/gi_mxif_74_masks.tif" + }, + { + "image": "test/gi_mxif_78.tif", + "label": "test/gi_mxif_78_masks.tif" + }, + { + "image": "test/gi_mxif_85.tif", + "label": "test/gi_mxif_85_masks.tif" + }, + { + "image": "test/gi_mxif_0.tif", + "label": "test/gi_mxif_0_masks.tif" + }, + { + "image": "test/gi_mxif_7.tif", + "label": "test/gi_mxif_7_masks.tif" + }, + { + "image": "test/gi_mxif_8.tif", + "label": "test/gi_mxif_8_masks.tif" + }, + { + "image": "test/gi_mxif_11.tif", + "label": "test/gi_mxif_11_masks.tif" + }, + { + "image": "test/gi_mxif_13.tif", + "label": "test/gi_mxif_13_masks.tif" + }, + { + "image": "test/gi_mxif_14.tif", + "label": "test/gi_mxif_14_masks.tif" + }, + { + "image": "test/gi_mxif_17.tif", + "label": "test/gi_mxif_17_masks.tif" + }, + { + "image": "test/gi_mxif_22.tif", + "label": "test/gi_mxif_22_masks.tif" + }, + { + "image": "test/gi_mxif_24.tif", + "label": "test/gi_mxif_24_masks.tif" + }, + { + "image": "test/gi_mxif_28.tif", + "label": "test/gi_mxif_28_masks.tif" + }, + { + "image": "test/gi_mxif_29.tif", + "label": "test/gi_mxif_29_masks.tif" + }, + { + "image": "test/gi_mxif_41.tif", + "label": "test/gi_mxif_41_masks.tif" + }, + { + "image": "test/gi_mxif_57.tif", + "label": "test/gi_mxif_57_masks.tif" + }, + { + "image": "test/gi_mxif_77.tif", + "label": "test/gi_mxif_77_masks.tif" + }, + { + "image": "test/gi_mxif_80.tif", + "label": "test/gi_mxif_80_masks.tif" + }, + { + "image": "test/gi_mxif_83.tif", + "label": "test/gi_mxif_83_masks.tif" + }, + { + "image": "test/gi_mxif_84.tif", + "label": "test/gi_mxif_84_masks.tif" + }, + { + "image": "test/gi_mxif_1.tif", + "label": "test/gi_mxif_1_masks.tif" + }, + { + "image": "test/gi_mxif_5.tif", + "label": "test/gi_mxif_5_masks.tif" + }, + { + "image": "test/gi_mxif_6.tif", + "label": "test/gi_mxif_6_masks.tif" + }, + { + "image": "test/gi_mxif_9.tif", + "label": "test/gi_mxif_9_masks.tif" + }, + { + "image": "test/gi_mxif_12.tif", + "label": "test/gi_mxif_12_masks.tif" + }, + { + "image": "test/gi_mxif_16.tif", + "label": "test/gi_mxif_16_masks.tif" + }, + { + "image": "test/gi_mxif_18.tif", + "label": "test/gi_mxif_18_masks.tif" + }, + { + "image": "test/gi_mxif_20.tif", + "label": "test/gi_mxif_20_masks.tif" + }, + { + "image": "test/gi_mxif_25.tif", + "label": "test/gi_mxif_25_masks.tif" + }, + { + "image": "test/gi_mxif_37.tif", + "label": "test/gi_mxif_37_masks.tif" + }, + { + "image": "test/gi_mxif_50.tif", + "label": "test/gi_mxif_50_masks.tif" + }, + { + "image": "test/gi_mxif_64.tif", + "label": "test/gi_mxif_64_masks.tif" + }, + { + "image": "test/gi_mxif_71.tif", + "label": "test/gi_mxif_71_masks.tif" + }, + { + "image": "test/gi_mxif_72.tif", + "label": "test/gi_mxif_72_masks.tif" + }, + { + "image": "test/gi_mxif_75.tif", + "label": "test/gi_mxif_75_masks.tif" + }, + { + "image": "test/gi_mxif_76.tif", + "label": "test/gi_mxif_76_masks.tif" + }, + { + "image": "test/gi_mxif_79.tif", + "label": "test/gi_mxif_79_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_immune_cycif_datalist.json b/vista2d/datalists/tissuenet_immune_cycif_datalist.json new file mode 100644 index 0000000..210e28d --- /dev/null +++ b/vista2d/datalists/tissuenet_immune_cycif_datalist.json @@ -0,0 +1,10411 @@ +{ + "training": [ + { + "image": "val/immune_cycif_4.tif", + "label": "val/immune_cycif_4_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_5.tif", + "label": "val/immune_cycif_5_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_6.tif", + "label": "val/immune_cycif_6_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_11.tif", + "label": "val/immune_cycif_11_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_17.tif", + "label": "val/immune_cycif_17_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_29.tif", + "label": "val/immune_cycif_29_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_31.tif", + "label": "val/immune_cycif_31_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_34.tif", + "label": "val/immune_cycif_34_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_47.tif", + "label": "val/immune_cycif_47_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_58.tif", + "label": "val/immune_cycif_58_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_62.tif", + "label": "val/immune_cycif_62_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_65.tif", + "label": "val/immune_cycif_65_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_66.tif", + "label": "val/immune_cycif_66_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_67.tif", + "label": "val/immune_cycif_67_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_90.tif", + "label": "val/immune_cycif_90_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_92.tif", + "label": "val/immune_cycif_92_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_102.tif", + "label": "val/immune_cycif_102_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_107.tif", + "label": "val/immune_cycif_107_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_110.tif", + "label": "val/immune_cycif_110_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_119.tif", + "label": "val/immune_cycif_119_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_128.tif", + "label": "val/immune_cycif_128_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_132.tif", + "label": "val/immune_cycif_132_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_146.tif", + "label": "val/immune_cycif_146_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_147.tif", + "label": "val/immune_cycif_147_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_159.tif", + "label": "val/immune_cycif_159_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_162.tif", + "label": "val/immune_cycif_162_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_172.tif", + "label": "val/immune_cycif_172_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_179.tif", + "label": "val/immune_cycif_179_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_180.tif", + "label": "val/immune_cycif_180_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_185.tif", + "label": "val/immune_cycif_185_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_187.tif", + "label": "val/immune_cycif_187_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_189.tif", + "label": "val/immune_cycif_189_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_192.tif", + "label": "val/immune_cycif_192_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_207.tif", + "label": "val/immune_cycif_207_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_208.tif", + "label": "val/immune_cycif_208_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_213.tif", + "label": "val/immune_cycif_213_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_214.tif", + "label": "val/immune_cycif_214_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_225.tif", + "label": "val/immune_cycif_225_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_230.tif", + "label": "val/immune_cycif_230_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_232.tif", + "label": "val/immune_cycif_232_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_242.tif", + "label": "val/immune_cycif_242_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_245.tif", + "label": "val/immune_cycif_245_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_247.tif", + "label": "val/immune_cycif_247_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_250.tif", + "label": "val/immune_cycif_250_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_260.tif", + "label": "val/immune_cycif_260_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_270.tif", + "label": "val/immune_cycif_270_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_272.tif", + "label": "val/immune_cycif_272_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_275.tif", + "label": "val/immune_cycif_275_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_277.tif", + "label": "val/immune_cycif_277_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_284.tif", + "label": "val/immune_cycif_284_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_285.tif", + "label": "val/immune_cycif_285_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_291.tif", + "label": "val/immune_cycif_291_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_292.tif", + "label": "val/immune_cycif_292_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_295.tif", + "label": "val/immune_cycif_295_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_304.tif", + "label": "val/immune_cycif_304_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_310.tif", + "label": "val/immune_cycif_310_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_311.tif", + "label": "val/immune_cycif_311_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_312.tif", + "label": "val/immune_cycif_312_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_314.tif", + "label": "val/immune_cycif_314_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_315.tif", + "label": "val/immune_cycif_315_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_323.tif", + "label": "val/immune_cycif_323_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_324.tif", + "label": "val/immune_cycif_324_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_329.tif", + "label": "val/immune_cycif_329_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_330.tif", + "label": "val/immune_cycif_330_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_331.tif", + "label": "val/immune_cycif_331_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_334.tif", + "label": "val/immune_cycif_334_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_344.tif", + "label": "val/immune_cycif_344_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_346.tif", + "label": "val/immune_cycif_346_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_358.tif", + "label": "val/immune_cycif_358_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_361.tif", + "label": "val/immune_cycif_361_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_372.tif", + "label": "val/immune_cycif_372_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_379.tif", + "label": "val/immune_cycif_379_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_385.tif", + "label": "val/immune_cycif_385_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_388.tif", + "label": "val/immune_cycif_388_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_400.tif", + "label": "val/immune_cycif_400_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_403.tif", + "label": "val/immune_cycif_403_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_406.tif", + "label": "val/immune_cycif_406_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_408.tif", + "label": "val/immune_cycif_408_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_411.tif", + "label": "val/immune_cycif_411_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_416.tif", + "label": "val/immune_cycif_416_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_420.tif", + "label": "val/immune_cycif_420_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_424.tif", + "label": "val/immune_cycif_424_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_428.tif", + "label": "val/immune_cycif_428_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_430.tif", + "label": "val/immune_cycif_430_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_432.tif", + "label": "val/immune_cycif_432_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_435.tif", + "label": "val/immune_cycif_435_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_436.tif", + "label": "val/immune_cycif_436_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_440.tif", + "label": "val/immune_cycif_440_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_442.tif", + "label": "val/immune_cycif_442_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_449.tif", + "label": "val/immune_cycif_449_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_454.tif", + "label": "val/immune_cycif_454_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_455.tif", + "label": "val/immune_cycif_455_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_461.tif", + "label": "val/immune_cycif_461_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_464.tif", + "label": "val/immune_cycif_464_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_469.tif", + "label": "val/immune_cycif_469_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_473.tif", + "label": "val/immune_cycif_473_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_475.tif", + "label": "val/immune_cycif_475_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_12.tif", + "label": "val/immune_cycif_12_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_13.tif", + "label": "val/immune_cycif_13_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_18.tif", + "label": "val/immune_cycif_18_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_23.tif", + "label": "val/immune_cycif_23_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_27.tif", + "label": "val/immune_cycif_27_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_39.tif", + "label": "val/immune_cycif_39_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_40.tif", + "label": "val/immune_cycif_40_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_41.tif", + "label": "val/immune_cycif_41_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_46.tif", + "label": "val/immune_cycif_46_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_59.tif", + "label": "val/immune_cycif_59_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_61.tif", + "label": "val/immune_cycif_61_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_69.tif", + "label": "val/immune_cycif_69_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_73.tif", + "label": "val/immune_cycif_73_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_78.tif", + "label": "val/immune_cycif_78_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_80.tif", + "label": "val/immune_cycif_80_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_81.tif", + "label": "val/immune_cycif_81_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_82.tif", + "label": "val/immune_cycif_82_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_85.tif", + "label": "val/immune_cycif_85_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_89.tif", + "label": "val/immune_cycif_89_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_91.tif", + "label": "val/immune_cycif_91_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_93.tif", + "label": "val/immune_cycif_93_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_95.tif", + "label": "val/immune_cycif_95_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_98.tif", + "label": "val/immune_cycif_98_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_101.tif", + "label": "val/immune_cycif_101_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_106.tif", + "label": "val/immune_cycif_106_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_117.tif", + "label": "val/immune_cycif_117_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_120.tif", + "label": "val/immune_cycif_120_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_122.tif", + "label": "val/immune_cycif_122_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_125.tif", + "label": "val/immune_cycif_125_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_127.tif", + "label": "val/immune_cycif_127_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_135.tif", + "label": "val/immune_cycif_135_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_139.tif", + "label": "val/immune_cycif_139_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_142.tif", + "label": "val/immune_cycif_142_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_157.tif", + "label": "val/immune_cycif_157_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_161.tif", + "label": "val/immune_cycif_161_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_164.tif", + "label": "val/immune_cycif_164_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_165.tif", + "label": "val/immune_cycif_165_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_168.tif", + "label": "val/immune_cycif_168_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_171.tif", + "label": "val/immune_cycif_171_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_173.tif", + "label": "val/immune_cycif_173_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_186.tif", + "label": "val/immune_cycif_186_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_197.tif", + "label": "val/immune_cycif_197_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_204.tif", + "label": "val/immune_cycif_204_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_218.tif", + "label": "val/immune_cycif_218_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_221.tif", + "label": "val/immune_cycif_221_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_223.tif", + "label": "val/immune_cycif_223_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_224.tif", + "label": "val/immune_cycif_224_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_233.tif", + "label": "val/immune_cycif_233_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_236.tif", + "label": "val/immune_cycif_236_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_246.tif", + "label": "val/immune_cycif_246_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_249.tif", + "label": "val/immune_cycif_249_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_256.tif", + "label": "val/immune_cycif_256_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_257.tif", + "label": "val/immune_cycif_257_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_258.tif", + "label": "val/immune_cycif_258_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_261.tif", + "label": "val/immune_cycif_261_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_283.tif", + "label": "val/immune_cycif_283_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_287.tif", + "label": "val/immune_cycif_287_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_290.tif", + "label": "val/immune_cycif_290_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_293.tif", + "label": "val/immune_cycif_293_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_300.tif", + "label": "val/immune_cycif_300_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_305.tif", + "label": "val/immune_cycif_305_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_306.tif", + "label": "val/immune_cycif_306_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_318.tif", + "label": "val/immune_cycif_318_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_325.tif", + "label": "val/immune_cycif_325_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_326.tif", + "label": "val/immune_cycif_326_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_328.tif", + "label": "val/immune_cycif_328_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_339.tif", + "label": "val/immune_cycif_339_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_340.tif", + "label": "val/immune_cycif_340_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_342.tif", + "label": "val/immune_cycif_342_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_343.tif", + "label": "val/immune_cycif_343_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_347.tif", + "label": "val/immune_cycif_347_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_362.tif", + "label": "val/immune_cycif_362_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_363.tif", + "label": "val/immune_cycif_363_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_365.tif", + "label": "val/immune_cycif_365_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_368.tif", + "label": "val/immune_cycif_368_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_373.tif", + "label": "val/immune_cycif_373_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_374.tif", + "label": "val/immune_cycif_374_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_375.tif", + "label": "val/immune_cycif_375_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_376.tif", + "label": "val/immune_cycif_376_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_378.tif", + "label": "val/immune_cycif_378_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_401.tif", + "label": "val/immune_cycif_401_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_407.tif", + "label": "val/immune_cycif_407_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_409.tif", + "label": "val/immune_cycif_409_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_414.tif", + "label": "val/immune_cycif_414_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_419.tif", + "label": "val/immune_cycif_419_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_422.tif", + "label": "val/immune_cycif_422_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_427.tif", + "label": "val/immune_cycif_427_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_437.tif", + "label": "val/immune_cycif_437_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_444.tif", + "label": "val/immune_cycif_444_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_450.tif", + "label": "val/immune_cycif_450_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_453.tif", + "label": "val/immune_cycif_453_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_465.tif", + "label": "val/immune_cycif_465_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_466.tif", + "label": "val/immune_cycif_466_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_470.tif", + "label": "val/immune_cycif_470_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_480.tif", + "label": "val/immune_cycif_480_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_481.tif", + "label": "val/immune_cycif_481_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_484.tif", + "label": "val/immune_cycif_484_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_0.tif", + "label": "val/immune_cycif_0_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_8.tif", + "label": "val/immune_cycif_8_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_9.tif", + "label": "val/immune_cycif_9_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_14.tif", + "label": "val/immune_cycif_14_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_16.tif", + "label": "val/immune_cycif_16_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_19.tif", + "label": "val/immune_cycif_19_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_28.tif", + "label": "val/immune_cycif_28_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_32.tif", + "label": "val/immune_cycif_32_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_38.tif", + "label": "val/immune_cycif_38_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_42.tif", + "label": "val/immune_cycif_42_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_44.tif", + "label": "val/immune_cycif_44_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_48.tif", + "label": "val/immune_cycif_48_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_51.tif", + "label": "val/immune_cycif_51_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_53.tif", + "label": "val/immune_cycif_53_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_55.tif", + "label": "val/immune_cycif_55_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_70.tif", + "label": "val/immune_cycif_70_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_79.tif", + "label": "val/immune_cycif_79_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_84.tif", + "label": "val/immune_cycif_84_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_88.tif", + "label": "val/immune_cycif_88_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_99.tif", + "label": "val/immune_cycif_99_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_100.tif", + "label": "val/immune_cycif_100_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_105.tif", + "label": "val/immune_cycif_105_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_108.tif", + "label": "val/immune_cycif_108_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_111.tif", + "label": "val/immune_cycif_111_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_112.tif", + "label": "val/immune_cycif_112_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_113.tif", + "label": "val/immune_cycif_113_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_123.tif", + "label": "val/immune_cycif_123_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_124.tif", + "label": "val/immune_cycif_124_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_131.tif", + "label": "val/immune_cycif_131_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_138.tif", + "label": "val/immune_cycif_138_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_145.tif", + "label": "val/immune_cycif_145_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_150.tif", + "label": "val/immune_cycif_150_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_154.tif", + "label": "val/immune_cycif_154_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_158.tif", + "label": "val/immune_cycif_158_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_160.tif", + "label": "val/immune_cycif_160_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_163.tif", + "label": "val/immune_cycif_163_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_167.tif", + "label": "val/immune_cycif_167_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_169.tif", + "label": "val/immune_cycif_169_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_174.tif", + "label": "val/immune_cycif_174_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_175.tif", + "label": "val/immune_cycif_175_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_188.tif", + "label": "val/immune_cycif_188_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_191.tif", + "label": "val/immune_cycif_191_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_201.tif", + "label": "val/immune_cycif_201_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_206.tif", + "label": "val/immune_cycif_206_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_211.tif", + "label": "val/immune_cycif_211_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_222.tif", + "label": "val/immune_cycif_222_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_227.tif", + "label": "val/immune_cycif_227_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_228.tif", + "label": "val/immune_cycif_228_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_229.tif", + "label": "val/immune_cycif_229_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_238.tif", + "label": "val/immune_cycif_238_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_244.tif", + "label": "val/immune_cycif_244_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_251.tif", + "label": "val/immune_cycif_251_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_267.tif", + "label": "val/immune_cycif_267_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_268.tif", + "label": "val/immune_cycif_268_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_271.tif", + "label": "val/immune_cycif_271_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_273.tif", + "label": "val/immune_cycif_273_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_274.tif", + "label": "val/immune_cycif_274_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_286.tif", + "label": "val/immune_cycif_286_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_289.tif", + "label": "val/immune_cycif_289_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_294.tif", + "label": "val/immune_cycif_294_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_303.tif", + "label": "val/immune_cycif_303_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_307.tif", + "label": "val/immune_cycif_307_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_309.tif", + "label": "val/immune_cycif_309_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_320.tif", + "label": "val/immune_cycif_320_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_345.tif", + "label": "val/immune_cycif_345_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_349.tif", + "label": "val/immune_cycif_349_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_351.tif", + "label": "val/immune_cycif_351_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_354.tif", + "label": "val/immune_cycif_354_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_360.tif", + "label": "val/immune_cycif_360_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_366.tif", + "label": "val/immune_cycif_366_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_377.tif", + "label": "val/immune_cycif_377_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_383.tif", + "label": "val/immune_cycif_383_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_386.tif", + "label": "val/immune_cycif_386_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_389.tif", + "label": "val/immune_cycif_389_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_392.tif", + "label": "val/immune_cycif_392_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_397.tif", + "label": "val/immune_cycif_397_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_399.tif", + "label": "val/immune_cycif_399_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_410.tif", + "label": "val/immune_cycif_410_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_412.tif", + "label": "val/immune_cycif_412_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_417.tif", + "label": "val/immune_cycif_417_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_421.tif", + "label": "val/immune_cycif_421_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_423.tif", + "label": "val/immune_cycif_423_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_433.tif", + "label": "val/immune_cycif_433_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_441.tif", + "label": "val/immune_cycif_441_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_443.tif", + "label": "val/immune_cycif_443_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_452.tif", + "label": "val/immune_cycif_452_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_456.tif", + "label": "val/immune_cycif_456_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_457.tif", + "label": "val/immune_cycif_457_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_458.tif", + "label": "val/immune_cycif_458_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_459.tif", + "label": "val/immune_cycif_459_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_463.tif", + "label": "val/immune_cycif_463_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_467.tif", + "label": "val/immune_cycif_467_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_472.tif", + "label": "val/immune_cycif_472_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_476.tif", + "label": "val/immune_cycif_476_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_477.tif", + "label": "val/immune_cycif_477_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_482.tif", + "label": "val/immune_cycif_482_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_483.tif", + "label": "val/immune_cycif_483_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_2.tif", + "label": "val/immune_cycif_2_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_10.tif", + "label": "val/immune_cycif_10_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_20.tif", + "label": "val/immune_cycif_20_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_21.tif", + "label": "val/immune_cycif_21_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_24.tif", + "label": "val/immune_cycif_24_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_33.tif", + "label": "val/immune_cycif_33_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_35.tif", + "label": "val/immune_cycif_35_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_36.tif", + "label": "val/immune_cycif_36_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_45.tif", + "label": "val/immune_cycif_45_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_52.tif", + "label": "val/immune_cycif_52_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_54.tif", + "label": "val/immune_cycif_54_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_56.tif", + "label": "val/immune_cycif_56_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_57.tif", + "label": "val/immune_cycif_57_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_60.tif", + "label": "val/immune_cycif_60_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_63.tif", + "label": "val/immune_cycif_63_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_74.tif", + "label": "val/immune_cycif_74_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_75.tif", + "label": "val/immune_cycif_75_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_77.tif", + "label": "val/immune_cycif_77_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_94.tif", + "label": "val/immune_cycif_94_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_96.tif", + "label": "val/immune_cycif_96_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_97.tif", + "label": "val/immune_cycif_97_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_103.tif", + "label": "val/immune_cycif_103_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_114.tif", + "label": "val/immune_cycif_114_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_116.tif", + "label": "val/immune_cycif_116_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_118.tif", + "label": "val/immune_cycif_118_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_130.tif", + "label": "val/immune_cycif_130_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_134.tif", + "label": "val/immune_cycif_134_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_137.tif", + "label": "val/immune_cycif_137_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_140.tif", + "label": "val/immune_cycif_140_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_148.tif", + "label": "val/immune_cycif_148_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_149.tif", + "label": "val/immune_cycif_149_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_151.tif", + "label": "val/immune_cycif_151_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_152.tif", + "label": "val/immune_cycif_152_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_170.tif", + "label": "val/immune_cycif_170_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_176.tif", + "label": "val/immune_cycif_176_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_177.tif", + "label": "val/immune_cycif_177_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_181.tif", + "label": "val/immune_cycif_181_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_182.tif", + "label": "val/immune_cycif_182_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_183.tif", + "label": "val/immune_cycif_183_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_184.tif", + "label": "val/immune_cycif_184_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_190.tif", + "label": "val/immune_cycif_190_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_193.tif", + "label": "val/immune_cycif_193_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_194.tif", + "label": "val/immune_cycif_194_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_198.tif", + "label": "val/immune_cycif_198_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_199.tif", + "label": "val/immune_cycif_199_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_200.tif", + "label": "val/immune_cycif_200_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_202.tif", + "label": "val/immune_cycif_202_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_205.tif", + "label": "val/immune_cycif_205_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_210.tif", + "label": "val/immune_cycif_210_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_212.tif", + "label": "val/immune_cycif_212_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_217.tif", + "label": "val/immune_cycif_217_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_219.tif", + "label": "val/immune_cycif_219_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_220.tif", + "label": "val/immune_cycif_220_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_231.tif", + "label": "val/immune_cycif_231_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_234.tif", + "label": "val/immune_cycif_234_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_240.tif", + "label": "val/immune_cycif_240_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_248.tif", + "label": "val/immune_cycif_248_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_253.tif", + "label": "val/immune_cycif_253_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_259.tif", + "label": "val/immune_cycif_259_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_262.tif", + "label": "val/immune_cycif_262_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_263.tif", + "label": "val/immune_cycif_263_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_269.tif", + "label": "val/immune_cycif_269_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_278.tif", + "label": "val/immune_cycif_278_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_296.tif", + "label": "val/immune_cycif_296_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_298.tif", + "label": "val/immune_cycif_298_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_299.tif", + "label": "val/immune_cycif_299_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_301.tif", + "label": "val/immune_cycif_301_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_302.tif", + "label": "val/immune_cycif_302_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_321.tif", + "label": "val/immune_cycif_321_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_322.tif", + "label": "val/immune_cycif_322_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_327.tif", + "label": "val/immune_cycif_327_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_332.tif", + "label": "val/immune_cycif_332_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_333.tif", + "label": "val/immune_cycif_333_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_337.tif", + "label": "val/immune_cycif_337_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_338.tif", + "label": "val/immune_cycif_338_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_341.tif", + "label": "val/immune_cycif_341_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_350.tif", + "label": "val/immune_cycif_350_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_353.tif", + "label": "val/immune_cycif_353_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_355.tif", + "label": "val/immune_cycif_355_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_359.tif", + "label": "val/immune_cycif_359_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_364.tif", + "label": "val/immune_cycif_364_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_369.tif", + "label": "val/immune_cycif_369_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_370.tif", + "label": "val/immune_cycif_370_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_380.tif", + "label": "val/immune_cycif_380_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_382.tif", + "label": "val/immune_cycif_382_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_394.tif", + "label": "val/immune_cycif_394_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_415.tif", + "label": "val/immune_cycif_415_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_418.tif", + "label": "val/immune_cycif_418_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_425.tif", + "label": "val/immune_cycif_425_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_426.tif", + "label": "val/immune_cycif_426_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_434.tif", + "label": "val/immune_cycif_434_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_438.tif", + "label": "val/immune_cycif_438_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_439.tif", + "label": "val/immune_cycif_439_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_447.tif", + "label": "val/immune_cycif_447_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_462.tif", + "label": "val/immune_cycif_462_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_474.tif", + "label": "val/immune_cycif_474_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_478.tif", + "label": "val/immune_cycif_478_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_1.tif", + "label": "val/immune_cycif_1_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_3.tif", + "label": "val/immune_cycif_3_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_7.tif", + "label": "val/immune_cycif_7_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_15.tif", + "label": "val/immune_cycif_15_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_22.tif", + "label": "val/immune_cycif_22_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_25.tif", + "label": "val/immune_cycif_25_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_26.tif", + "label": "val/immune_cycif_26_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_30.tif", + "label": "val/immune_cycif_30_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_37.tif", + "label": "val/immune_cycif_37_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_43.tif", + "label": "val/immune_cycif_43_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_49.tif", + "label": "val/immune_cycif_49_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_50.tif", + "label": "val/immune_cycif_50_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_64.tif", + "label": "val/immune_cycif_64_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_68.tif", + "label": "val/immune_cycif_68_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_71.tif", + "label": "val/immune_cycif_71_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_72.tif", + "label": "val/immune_cycif_72_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_76.tif", + "label": "val/immune_cycif_76_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_83.tif", + "label": "val/immune_cycif_83_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_86.tif", + "label": "val/immune_cycif_86_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_87.tif", + "label": "val/immune_cycif_87_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_104.tif", + "label": "val/immune_cycif_104_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_109.tif", + "label": "val/immune_cycif_109_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_115.tif", + "label": "val/immune_cycif_115_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_121.tif", + "label": "val/immune_cycif_121_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_126.tif", + "label": "val/immune_cycif_126_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_129.tif", + "label": "val/immune_cycif_129_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_133.tif", + "label": "val/immune_cycif_133_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_136.tif", + "label": "val/immune_cycif_136_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_141.tif", + "label": "val/immune_cycif_141_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_143.tif", + "label": "val/immune_cycif_143_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_144.tif", + "label": "val/immune_cycif_144_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_153.tif", + "label": "val/immune_cycif_153_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_155.tif", + "label": "val/immune_cycif_155_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_156.tif", + "label": "val/immune_cycif_156_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_166.tif", + "label": "val/immune_cycif_166_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_178.tif", + "label": "val/immune_cycif_178_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_195.tif", + "label": "val/immune_cycif_195_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_196.tif", + "label": "val/immune_cycif_196_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_203.tif", + "label": "val/immune_cycif_203_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_209.tif", + "label": "val/immune_cycif_209_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_215.tif", + "label": "val/immune_cycif_215_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_216.tif", + "label": "val/immune_cycif_216_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_226.tif", + "label": "val/immune_cycif_226_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_235.tif", + "label": "val/immune_cycif_235_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_237.tif", + "label": "val/immune_cycif_237_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_239.tif", + "label": "val/immune_cycif_239_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_241.tif", + "label": "val/immune_cycif_241_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_243.tif", + "label": "val/immune_cycif_243_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_252.tif", + "label": "val/immune_cycif_252_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_254.tif", + "label": "val/immune_cycif_254_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_255.tif", + "label": "val/immune_cycif_255_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_264.tif", + "label": "val/immune_cycif_264_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_265.tif", + "label": "val/immune_cycif_265_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_266.tif", + "label": "val/immune_cycif_266_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_276.tif", + "label": "val/immune_cycif_276_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_279.tif", + "label": "val/immune_cycif_279_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_280.tif", + "label": "val/immune_cycif_280_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_281.tif", + "label": "val/immune_cycif_281_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_282.tif", + "label": "val/immune_cycif_282_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_288.tif", + "label": "val/immune_cycif_288_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_297.tif", + "label": "val/immune_cycif_297_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_308.tif", + "label": "val/immune_cycif_308_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_313.tif", + "label": "val/immune_cycif_313_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_316.tif", + "label": "val/immune_cycif_316_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_317.tif", + "label": "val/immune_cycif_317_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_319.tif", + "label": "val/immune_cycif_319_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_335.tif", + "label": "val/immune_cycif_335_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_336.tif", + "label": "val/immune_cycif_336_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_348.tif", + "label": "val/immune_cycif_348_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_352.tif", + "label": "val/immune_cycif_352_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_356.tif", + "label": "val/immune_cycif_356_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_357.tif", + "label": "val/immune_cycif_357_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_367.tif", + "label": "val/immune_cycif_367_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_371.tif", + "label": "val/immune_cycif_371_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_381.tif", + "label": "val/immune_cycif_381_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_384.tif", + "label": "val/immune_cycif_384_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_387.tif", + "label": "val/immune_cycif_387_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_390.tif", + "label": "val/immune_cycif_390_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_391.tif", + "label": "val/immune_cycif_391_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_393.tif", + "label": "val/immune_cycif_393_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_395.tif", + "label": "val/immune_cycif_395_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_396.tif", + "label": "val/immune_cycif_396_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_398.tif", + "label": "val/immune_cycif_398_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_402.tif", + "label": "val/immune_cycif_402_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_404.tif", + "label": "val/immune_cycif_404_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_405.tif", + "label": "val/immune_cycif_405_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_413.tif", + "label": "val/immune_cycif_413_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_429.tif", + "label": "val/immune_cycif_429_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_431.tif", + "label": "val/immune_cycif_431_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_445.tif", + "label": "val/immune_cycif_445_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_446.tif", + "label": "val/immune_cycif_446_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_448.tif", + "label": "val/immune_cycif_448_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_451.tif", + "label": "val/immune_cycif_451_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_460.tif", + "label": "val/immune_cycif_460_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_468.tif", + "label": "val/immune_cycif_468_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_471.tif", + "label": "val/immune_cycif_471_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_479.tif", + "label": "val/immune_cycif_479_masks.tif", + "fold": 0 + }, + { + "image": "train/immune_cycif_0_3.tif", + "label": "train/immune_cycif_0_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_3_0.tif", + "label": "train/immune_cycif_3_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_4_3.tif", + "label": "train/immune_cycif_4_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_7_2.tif", + "label": "train/immune_cycif_7_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_9_1.tif", + "label": "train/immune_cycif_9_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_11_3.tif", + "label": "train/immune_cycif_11_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_12_0.tif", + "label": "train/immune_cycif_12_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_12_1.tif", + "label": "train/immune_cycif_12_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_12_3.tif", + "label": "train/immune_cycif_12_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_13_1.tif", + "label": "train/immune_cycif_13_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_14_0.tif", + "label": "train/immune_cycif_14_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_15_0.tif", + "label": "train/immune_cycif_15_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_16_1.tif", + "label": "train/immune_cycif_16_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_18_1.tif", + "label": "train/immune_cycif_18_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_18_3.tif", + "label": "train/immune_cycif_18_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_20_0.tif", + "label": "train/immune_cycif_20_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_20_1.tif", + "label": "train/immune_cycif_20_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_21_3.tif", + "label": "train/immune_cycif_21_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_22_0.tif", + "label": "train/immune_cycif_22_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_22_3.tif", + "label": "train/immune_cycif_22_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_23_2.tif", + "label": "train/immune_cycif_23_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_24_2.tif", + "label": "train/immune_cycif_24_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_25_1.tif", + "label": "train/immune_cycif_25_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_26_0.tif", + "label": "train/immune_cycif_26_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_26_3.tif", + "label": "train/immune_cycif_26_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_27_0.tif", + "label": "train/immune_cycif_27_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_27_3.tif", + "label": "train/immune_cycif_27_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_28_3.tif", + "label": "train/immune_cycif_28_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_29_3.tif", + "label": "train/immune_cycif_29_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_30_0.tif", + "label": "train/immune_cycif_30_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_32_3.tif", + "label": "train/immune_cycif_32_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_33_1.tif", + "label": "train/immune_cycif_33_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_35_0.tif", + "label": "train/immune_cycif_35_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_35_2.tif", + "label": "train/immune_cycif_35_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_39_2.tif", + "label": "train/immune_cycif_39_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_39_3.tif", + "label": "train/immune_cycif_39_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_40_3.tif", + "label": "train/immune_cycif_40_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_41_3.tif", + "label": "train/immune_cycif_41_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_42_1.tif", + "label": "train/immune_cycif_42_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_44_1.tif", + "label": "train/immune_cycif_44_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_45_1.tif", + "label": "train/immune_cycif_45_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_46_2.tif", + "label": "train/immune_cycif_46_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_47_2.tif", + "label": "train/immune_cycif_47_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_48_2.tif", + "label": "train/immune_cycif_48_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_49_2.tif", + "label": "train/immune_cycif_49_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_50_1.tif", + "label": "train/immune_cycif_50_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_51_0.tif", + "label": "train/immune_cycif_51_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_55_3.tif", + "label": "train/immune_cycif_55_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_57_3.tif", + "label": "train/immune_cycif_57_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_59_0.tif", + "label": "train/immune_cycif_59_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_62_0.tif", + "label": "train/immune_cycif_62_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_63_3.tif", + "label": "train/immune_cycif_63_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_64_2.tif", + "label": "train/immune_cycif_64_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_64_3.tif", + "label": "train/immune_cycif_64_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_66_0.tif", + "label": "train/immune_cycif_66_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_66_3.tif", + "label": "train/immune_cycif_66_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_67_0.tif", + "label": "train/immune_cycif_67_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_67_2.tif", + "label": "train/immune_cycif_67_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_70_0.tif", + "label": "train/immune_cycif_70_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_70_3.tif", + "label": "train/immune_cycif_70_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_72_0.tif", + "label": "train/immune_cycif_72_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_73_0.tif", + "label": "train/immune_cycif_73_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_74_3.tif", + "label": "train/immune_cycif_74_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_75_1.tif", + "label": "train/immune_cycif_75_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_75_2.tif", + "label": "train/immune_cycif_75_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_76_0.tif", + "label": "train/immune_cycif_76_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_77_1.tif", + "label": "train/immune_cycif_77_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_77_3.tif", + "label": "train/immune_cycif_77_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_80_1.tif", + "label": "train/immune_cycif_80_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_83_3.tif", + "label": "train/immune_cycif_83_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_85_1.tif", + "label": "train/immune_cycif_85_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_87_0.tif", + "label": "train/immune_cycif_87_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_92_0.tif", + "label": "train/immune_cycif_92_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_93_3.tif", + "label": "train/immune_cycif_93_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_95_2.tif", + "label": "train/immune_cycif_95_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_95_3.tif", + "label": "train/immune_cycif_95_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_96_2.tif", + "label": "train/immune_cycif_96_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_99_3.tif", + "label": "train/immune_cycif_99_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_100_1.tif", + "label": "train/immune_cycif_100_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_100_3.tif", + "label": "train/immune_cycif_100_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_102_0.tif", + "label": "train/immune_cycif_102_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_102_1.tif", + "label": "train/immune_cycif_102_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_104_2.tif", + "label": "train/immune_cycif_104_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_105_2.tif", + "label": "train/immune_cycif_105_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_106_0.tif", + "label": "train/immune_cycif_106_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_110_2.tif", + "label": "train/immune_cycif_110_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_110_3.tif", + "label": "train/immune_cycif_110_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_116_0.tif", + "label": "train/immune_cycif_116_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_119_2.tif", + "label": "train/immune_cycif_119_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_120_1.tif", + "label": "train/immune_cycif_120_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_121_3.tif", + "label": "train/immune_cycif_121_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_124_2.tif", + "label": "train/immune_cycif_124_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_128_0.tif", + "label": "train/immune_cycif_128_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_129_0.tif", + "label": "train/immune_cycif_129_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_130_0.tif", + "label": "train/immune_cycif_130_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_131_1.tif", + "label": "train/immune_cycif_131_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_131_3.tif", + "label": "train/immune_cycif_131_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_133_3.tif", + "label": "train/immune_cycif_133_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_134_1.tif", + "label": "train/immune_cycif_134_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_134_2.tif", + "label": "train/immune_cycif_134_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_136_2.tif", + "label": "train/immune_cycif_136_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_136_3.tif", + "label": "train/immune_cycif_136_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_139_0.tif", + "label": "train/immune_cycif_139_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_142_3.tif", + "label": "train/immune_cycif_142_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_143_1.tif", + "label": "train/immune_cycif_143_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_143_3.tif", + "label": "train/immune_cycif_143_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_144_3.tif", + "label": "train/immune_cycif_144_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_145_1.tif", + "label": "train/immune_cycif_145_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_146_0.tif", + "label": "train/immune_cycif_146_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_146_3.tif", + "label": "train/immune_cycif_146_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_148_1.tif", + "label": "train/immune_cycif_148_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_149_0.tif", + "label": "train/immune_cycif_149_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_150_2.tif", + "label": "train/immune_cycif_150_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_153_0.tif", + "label": "train/immune_cycif_153_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_153_1.tif", + "label": "train/immune_cycif_153_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_153_2.tif", + "label": "train/immune_cycif_153_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_156_1.tif", + "label": "train/immune_cycif_156_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_157_0.tif", + "label": "train/immune_cycif_157_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_157_1.tif", + "label": "train/immune_cycif_157_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_159_2.tif", + "label": "train/immune_cycif_159_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_159_3.tif", + "label": "train/immune_cycif_159_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_160_0.tif", + "label": "train/immune_cycif_160_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_161_0.tif", + "label": "train/immune_cycif_161_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_161_3.tif", + "label": "train/immune_cycif_161_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_163_2.tif", + "label": "train/immune_cycif_163_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_165_3.tif", + "label": "train/immune_cycif_165_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_167_3.tif", + "label": "train/immune_cycif_167_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_168_2.tif", + "label": "train/immune_cycif_168_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_168_3.tif", + "label": "train/immune_cycif_168_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_170_0.tif", + "label": "train/immune_cycif_170_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_171_1.tif", + "label": "train/immune_cycif_171_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_174_1.tif", + "label": "train/immune_cycif_174_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_175_3.tif", + "label": "train/immune_cycif_175_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_176_3.tif", + "label": "train/immune_cycif_176_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_177_1.tif", + "label": "train/immune_cycif_177_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_177_3.tif", + "label": "train/immune_cycif_177_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_178_1.tif", + "label": "train/immune_cycif_178_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_179_3.tif", + "label": "train/immune_cycif_179_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_181_0.tif", + "label": "train/immune_cycif_181_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_181_1.tif", + "label": "train/immune_cycif_181_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_184_0.tif", + "label": "train/immune_cycif_184_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_186_2.tif", + "label": "train/immune_cycif_186_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_187_0.tif", + "label": "train/immune_cycif_187_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_187_2.tif", + "label": "train/immune_cycif_187_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_188_2.tif", + "label": "train/immune_cycif_188_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_190_1.tif", + "label": "train/immune_cycif_190_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_191_3.tif", + "label": "train/immune_cycif_191_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_192_0.tif", + "label": "train/immune_cycif_192_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_194_1.tif", + "label": "train/immune_cycif_194_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_194_2.tif", + "label": "train/immune_cycif_194_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_194_3.tif", + "label": "train/immune_cycif_194_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_195_0.tif", + "label": "train/immune_cycif_195_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_195_2.tif", + "label": "train/immune_cycif_195_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_196_1.tif", + "label": "train/immune_cycif_196_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_199_2.tif", + "label": "train/immune_cycif_199_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_201_0.tif", + "label": "train/immune_cycif_201_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_202_2.tif", + "label": "train/immune_cycif_202_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_203_1.tif", + "label": "train/immune_cycif_203_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_206_1.tif", + "label": "train/immune_cycif_206_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_206_2.tif", + "label": "train/immune_cycif_206_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_206_3.tif", + "label": "train/immune_cycif_206_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_207_3.tif", + "label": "train/immune_cycif_207_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_208_1.tif", + "label": "train/immune_cycif_208_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_208_2.tif", + "label": "train/immune_cycif_208_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_211_1.tif", + "label": "train/immune_cycif_211_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_211_2.tif", + "label": "train/immune_cycif_211_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_214_2.tif", + "label": "train/immune_cycif_214_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_215_1.tif", + "label": "train/immune_cycif_215_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_217_0.tif", + "label": "train/immune_cycif_217_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_219_1.tif", + "label": "train/immune_cycif_219_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_220_1.tif", + "label": "train/immune_cycif_220_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_222_0.tif", + "label": "train/immune_cycif_222_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_223_0.tif", + "label": "train/immune_cycif_223_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_223_3.tif", + "label": "train/immune_cycif_223_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_224_2.tif", + "label": "train/immune_cycif_224_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_224_3.tif", + "label": "train/immune_cycif_224_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_225_0.tif", + "label": "train/immune_cycif_225_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_229_2.tif", + "label": "train/immune_cycif_229_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_230_1.tif", + "label": "train/immune_cycif_230_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_231_2.tif", + "label": "train/immune_cycif_231_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_232_3.tif", + "label": "train/immune_cycif_232_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_236_1.tif", + "label": "train/immune_cycif_236_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_238_0.tif", + "label": "train/immune_cycif_238_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_239_1.tif", + "label": "train/immune_cycif_239_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_244_1.tif", + "label": "train/immune_cycif_244_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_245_3.tif", + "label": "train/immune_cycif_245_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_246_1.tif", + "label": "train/immune_cycif_246_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_246_2.tif", + "label": "train/immune_cycif_246_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_247_3.tif", + "label": "train/immune_cycif_247_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_248_1.tif", + "label": "train/immune_cycif_248_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_249_1.tif", + "label": "train/immune_cycif_249_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_250_3.tif", + "label": "train/immune_cycif_250_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_251_3.tif", + "label": "train/immune_cycif_251_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_252_0.tif", + "label": "train/immune_cycif_252_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_253_1.tif", + "label": "train/immune_cycif_253_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_253_3.tif", + "label": "train/immune_cycif_253_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_254_1.tif", + "label": "train/immune_cycif_254_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_255_3.tif", + "label": "train/immune_cycif_255_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_257_0.tif", + "label": "train/immune_cycif_257_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_258_1.tif", + "label": "train/immune_cycif_258_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_263_1.tif", + "label": "train/immune_cycif_263_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_265_0.tif", + "label": "train/immune_cycif_265_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_266_0.tif", + "label": "train/immune_cycif_266_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_266_1.tif", + "label": "train/immune_cycif_266_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_267_1.tif", + "label": "train/immune_cycif_267_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_267_3.tif", + "label": "train/immune_cycif_267_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_269_0.tif", + "label": "train/immune_cycif_269_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_270_1.tif", + "label": "train/immune_cycif_270_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_271_2.tif", + "label": "train/immune_cycif_271_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_272_1.tif", + "label": "train/immune_cycif_272_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_273_0.tif", + "label": "train/immune_cycif_273_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_274_2.tif", + "label": "train/immune_cycif_274_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_275_1.tif", + "label": "train/immune_cycif_275_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_275_3.tif", + "label": "train/immune_cycif_275_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_276_1.tif", + "label": "train/immune_cycif_276_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_276_2.tif", + "label": "train/immune_cycif_276_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_277_0.tif", + "label": "train/immune_cycif_277_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_278_0.tif", + "label": "train/immune_cycif_278_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_280_3.tif", + "label": "train/immune_cycif_280_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_281_2.tif", + "label": "train/immune_cycif_281_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_282_0.tif", + "label": "train/immune_cycif_282_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_282_2.tif", + "label": "train/immune_cycif_282_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_282_3.tif", + "label": "train/immune_cycif_282_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_283_3.tif", + "label": "train/immune_cycif_283_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_285_0.tif", + "label": "train/immune_cycif_285_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_285_1.tif", + "label": "train/immune_cycif_285_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_285_2.tif", + "label": "train/immune_cycif_285_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_286_0.tif", + "label": "train/immune_cycif_286_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_286_1.tif", + "label": "train/immune_cycif_286_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_289_2.tif", + "label": "train/immune_cycif_289_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_290_3.tif", + "label": "train/immune_cycif_290_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_291_3.tif", + "label": "train/immune_cycif_291_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_293_0.tif", + "label": "train/immune_cycif_293_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_294_0.tif", + "label": "train/immune_cycif_294_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_294_1.tif", + "label": "train/immune_cycif_294_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_294_2.tif", + "label": "train/immune_cycif_294_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_294_3.tif", + "label": "train/immune_cycif_294_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_295_1.tif", + "label": "train/immune_cycif_295_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_295_3.tif", + "label": "train/immune_cycif_295_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_297_1.tif", + "label": "train/immune_cycif_297_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_298_0.tif", + "label": "train/immune_cycif_298_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_298_3.tif", + "label": "train/immune_cycif_298_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_299_2.tif", + "label": "train/immune_cycif_299_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_300_0.tif", + "label": "train/immune_cycif_300_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_300_3.tif", + "label": "train/immune_cycif_300_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_302_1.tif", + "label": "train/immune_cycif_302_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_302_3.tif", + "label": "train/immune_cycif_302_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_304_3.tif", + "label": "train/immune_cycif_304_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_306_0.tif", + "label": "train/immune_cycif_306_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_306_1.tif", + "label": "train/immune_cycif_306_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_307_0.tif", + "label": "train/immune_cycif_307_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_307_1.tif", + "label": "train/immune_cycif_307_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_307_2.tif", + "label": "train/immune_cycif_307_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_308_1.tif", + "label": "train/immune_cycif_308_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_309_1.tif", + "label": "train/immune_cycif_309_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_311_2.tif", + "label": "train/immune_cycif_311_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_312_2.tif", + "label": "train/immune_cycif_312_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_314_1.tif", + "label": "train/immune_cycif_314_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_314_3.tif", + "label": "train/immune_cycif_314_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_316_2.tif", + "label": "train/immune_cycif_316_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_316_3.tif", + "label": "train/immune_cycif_316_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_317_0.tif", + "label": "train/immune_cycif_317_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_317_3.tif", + "label": "train/immune_cycif_317_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_320_0.tif", + "label": "train/immune_cycif_320_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_321_2.tif", + "label": "train/immune_cycif_321_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_327_1.tif", + "label": "train/immune_cycif_327_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_333_3.tif", + "label": "train/immune_cycif_333_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_335_1.tif", + "label": "train/immune_cycif_335_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_336_2.tif", + "label": "train/immune_cycif_336_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_338_0.tif", + "label": "train/immune_cycif_338_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_338_1.tif", + "label": "train/immune_cycif_338_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_338_3.tif", + "label": "train/immune_cycif_338_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_342_2.tif", + "label": "train/immune_cycif_342_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_345_1.tif", + "label": "train/immune_cycif_345_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_345_2.tif", + "label": "train/immune_cycif_345_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_346_0.tif", + "label": "train/immune_cycif_346_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_347_2.tif", + "label": "train/immune_cycif_347_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_348_1.tif", + "label": "train/immune_cycif_348_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_349_2.tif", + "label": "train/immune_cycif_349_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_350_3.tif", + "label": "train/immune_cycif_350_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_352_1.tif", + "label": "train/immune_cycif_352_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_353_1.tif", + "label": "train/immune_cycif_353_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_354_0.tif", + "label": "train/immune_cycif_354_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_355_0.tif", + "label": "train/immune_cycif_355_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_355_2.tif", + "label": "train/immune_cycif_355_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_356_3.tif", + "label": "train/immune_cycif_356_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_358_1.tif", + "label": "train/immune_cycif_358_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_358_3.tif", + "label": "train/immune_cycif_358_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_360_2.tif", + "label": "train/immune_cycif_360_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_361_0.tif", + "label": "train/immune_cycif_361_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_361_2.tif", + "label": "train/immune_cycif_361_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_363_1.tif", + "label": "train/immune_cycif_363_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_1_2.tif", + "label": "train/immune_cycif_1_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_2_0.tif", + "label": "train/immune_cycif_2_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_2_1.tif", + "label": "train/immune_cycif_2_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_2_2.tif", + "label": "train/immune_cycif_2_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_4_1.tif", + "label": "train/immune_cycif_4_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_6_3.tif", + "label": "train/immune_cycif_6_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_8_2.tif", + "label": "train/immune_cycif_8_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_8_3.tif", + "label": "train/immune_cycif_8_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_10_1.tif", + "label": "train/immune_cycif_10_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_14_2.tif", + "label": "train/immune_cycif_14_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_15_2.tif", + "label": "train/immune_cycif_15_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_16_3.tif", + "label": "train/immune_cycif_16_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_19_0.tif", + "label": "train/immune_cycif_19_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_19_2.tif", + "label": "train/immune_cycif_19_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_20_3.tif", + "label": "train/immune_cycif_20_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_21_1.tif", + "label": "train/immune_cycif_21_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_22_2.tif", + "label": "train/immune_cycif_22_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_24_3.tif", + "label": "train/immune_cycif_24_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_31_1.tif", + "label": "train/immune_cycif_31_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_31_2.tif", + "label": "train/immune_cycif_31_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_33_2.tif", + "label": "train/immune_cycif_33_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_33_3.tif", + "label": "train/immune_cycif_33_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_34_3.tif", + "label": "train/immune_cycif_34_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_37_0.tif", + "label": "train/immune_cycif_37_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_38_2.tif", + "label": "train/immune_cycif_38_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_39_0.tif", + "label": "train/immune_cycif_39_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_41_1.tif", + "label": "train/immune_cycif_41_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_43_3.tif", + "label": "train/immune_cycif_43_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_45_0.tif", + "label": "train/immune_cycif_45_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_47_0.tif", + "label": "train/immune_cycif_47_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_47_1.tif", + "label": "train/immune_cycif_47_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_47_3.tif", + "label": "train/immune_cycif_47_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_48_3.tif", + "label": "train/immune_cycif_48_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_50_0.tif", + "label": "train/immune_cycif_50_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_50_2.tif", + "label": "train/immune_cycif_50_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_51_1.tif", + "label": "train/immune_cycif_51_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_51_3.tif", + "label": "train/immune_cycif_51_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_52_0.tif", + "label": "train/immune_cycif_52_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_52_3.tif", + "label": "train/immune_cycif_52_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_53_3.tif", + "label": "train/immune_cycif_53_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_54_0.tif", + "label": "train/immune_cycif_54_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_55_0.tif", + "label": "train/immune_cycif_55_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_56_2.tif", + "label": "train/immune_cycif_56_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_57_0.tif", + "label": "train/immune_cycif_57_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_58_2.tif", + "label": "train/immune_cycif_58_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_59_1.tif", + "label": "train/immune_cycif_59_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_59_3.tif", + "label": "train/immune_cycif_59_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_60_1.tif", + "label": "train/immune_cycif_60_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_60_2.tif", + "label": "train/immune_cycif_60_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_61_0.tif", + "label": "train/immune_cycif_61_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_62_2.tif", + "label": "train/immune_cycif_62_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_65_0.tif", + "label": "train/immune_cycif_65_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_65_2.tif", + "label": "train/immune_cycif_65_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_68_2.tif", + "label": "train/immune_cycif_68_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_68_3.tif", + "label": "train/immune_cycif_68_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_71_2.tif", + "label": "train/immune_cycif_71_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_74_2.tif", + "label": "train/immune_cycif_74_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_75_3.tif", + "label": "train/immune_cycif_75_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_76_2.tif", + "label": "train/immune_cycif_76_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_77_2.tif", + "label": "train/immune_cycif_77_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_78_2.tif", + "label": "train/immune_cycif_78_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_78_3.tif", + "label": "train/immune_cycif_78_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_80_0.tif", + "label": "train/immune_cycif_80_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_80_3.tif", + "label": "train/immune_cycif_80_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_81_1.tif", + "label": "train/immune_cycif_81_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_82_1.tif", + "label": "train/immune_cycif_82_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_82_2.tif", + "label": "train/immune_cycif_82_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_82_3.tif", + "label": "train/immune_cycif_82_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_84_0.tif", + "label": "train/immune_cycif_84_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_85_0.tif", + "label": "train/immune_cycif_85_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_86_1.tif", + "label": "train/immune_cycif_86_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_86_3.tif", + "label": "train/immune_cycif_86_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_87_1.tif", + "label": "train/immune_cycif_87_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_87_2.tif", + "label": "train/immune_cycif_87_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_87_3.tif", + "label": "train/immune_cycif_87_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_88_3.tif", + "label": "train/immune_cycif_88_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_90_3.tif", + "label": "train/immune_cycif_90_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_92_2.tif", + "label": "train/immune_cycif_92_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_93_0.tif", + "label": "train/immune_cycif_93_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_97_2.tif", + "label": "train/immune_cycif_97_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_98_0.tif", + "label": "train/immune_cycif_98_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_98_1.tif", + "label": "train/immune_cycif_98_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_98_3.tif", + "label": "train/immune_cycif_98_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_100_0.tif", + "label": "train/immune_cycif_100_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_101_0.tif", + "label": "train/immune_cycif_101_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_101_3.tif", + "label": "train/immune_cycif_101_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_103_2.tif", + "label": "train/immune_cycif_103_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_104_3.tif", + "label": "train/immune_cycif_104_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_106_2.tif", + "label": "train/immune_cycif_106_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_107_0.tif", + "label": "train/immune_cycif_107_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_107_2.tif", + "label": "train/immune_cycif_107_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_108_0.tif", + "label": "train/immune_cycif_108_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_108_3.tif", + "label": "train/immune_cycif_108_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_109_3.tif", + "label": "train/immune_cycif_109_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_111_2.tif", + "label": "train/immune_cycif_111_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_113_0.tif", + "label": "train/immune_cycif_113_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_113_1.tif", + "label": "train/immune_cycif_113_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_114_1.tif", + "label": "train/immune_cycif_114_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_115_0.tif", + "label": "train/immune_cycif_115_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_115_2.tif", + "label": "train/immune_cycif_115_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_117_3.tif", + "label": "train/immune_cycif_117_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_118_1.tif", + "label": "train/immune_cycif_118_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_120_0.tif", + "label": "train/immune_cycif_120_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_120_2.tif", + "label": "train/immune_cycif_120_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_121_0.tif", + "label": "train/immune_cycif_121_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_122_2.tif", + "label": "train/immune_cycif_122_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_122_3.tif", + "label": "train/immune_cycif_122_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_123_1.tif", + "label": "train/immune_cycif_123_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_123_2.tif", + "label": "train/immune_cycif_123_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_123_3.tif", + "label": "train/immune_cycif_123_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_124_0.tif", + "label": "train/immune_cycif_124_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_125_3.tif", + "label": "train/immune_cycif_125_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_127_1.tif", + "label": "train/immune_cycif_127_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_130_1.tif", + "label": "train/immune_cycif_130_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_132_0.tif", + "label": "train/immune_cycif_132_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_132_1.tif", + "label": "train/immune_cycif_132_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_132_3.tif", + "label": "train/immune_cycif_132_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_133_2.tif", + "label": "train/immune_cycif_133_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_134_0.tif", + "label": "train/immune_cycif_134_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_135_1.tif", + "label": "train/immune_cycif_135_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_137_1.tif", + "label": "train/immune_cycif_137_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_138_1.tif", + "label": "train/immune_cycif_138_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_139_2.tif", + "label": "train/immune_cycif_139_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_139_3.tif", + "label": "train/immune_cycif_139_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_140_1.tif", + "label": "train/immune_cycif_140_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_143_0.tif", + "label": "train/immune_cycif_143_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_144_1.tif", + "label": "train/immune_cycif_144_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_147_1.tif", + "label": "train/immune_cycif_147_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_149_1.tif", + "label": "train/immune_cycif_149_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_149_2.tif", + "label": "train/immune_cycif_149_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_149_3.tif", + "label": "train/immune_cycif_149_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_151_3.tif", + "label": "train/immune_cycif_151_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_154_0.tif", + "label": "train/immune_cycif_154_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_155_0.tif", + "label": "train/immune_cycif_155_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_155_2.tif", + "label": "train/immune_cycif_155_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_155_3.tif", + "label": "train/immune_cycif_155_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_157_3.tif", + "label": "train/immune_cycif_157_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_158_0.tif", + "label": "train/immune_cycif_158_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_158_2.tif", + "label": "train/immune_cycif_158_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_162_1.tif", + "label": "train/immune_cycif_162_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_162_2.tif", + "label": "train/immune_cycif_162_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_163_1.tif", + "label": "train/immune_cycif_163_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_164_3.tif", + "label": "train/immune_cycif_164_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_165_1.tif", + "label": "train/immune_cycif_165_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_167_1.tif", + "label": "train/immune_cycif_167_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_169_3.tif", + "label": "train/immune_cycif_169_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_170_3.tif", + "label": "train/immune_cycif_170_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_175_1.tif", + "label": "train/immune_cycif_175_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_175_2.tif", + "label": "train/immune_cycif_175_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_176_1.tif", + "label": "train/immune_cycif_176_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_177_0.tif", + "label": "train/immune_cycif_177_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_179_2.tif", + "label": "train/immune_cycif_179_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_182_1.tif", + "label": "train/immune_cycif_182_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_182_2.tif", + "label": "train/immune_cycif_182_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_182_3.tif", + "label": "train/immune_cycif_182_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_183_3.tif", + "label": "train/immune_cycif_183_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_184_1.tif", + "label": "train/immune_cycif_184_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_185_1.tif", + "label": "train/immune_cycif_185_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_185_2.tif", + "label": "train/immune_cycif_185_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_186_1.tif", + "label": "train/immune_cycif_186_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_188_3.tif", + "label": "train/immune_cycif_188_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_189_1.tif", + "label": "train/immune_cycif_189_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_189_3.tif", + "label": "train/immune_cycif_189_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_191_0.tif", + "label": "train/immune_cycif_191_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_191_1.tif", + "label": "train/immune_cycif_191_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_191_2.tif", + "label": "train/immune_cycif_191_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_193_2.tif", + "label": "train/immune_cycif_193_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_194_0.tif", + "label": "train/immune_cycif_194_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_197_2.tif", + "label": "train/immune_cycif_197_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_197_3.tif", + "label": "train/immune_cycif_197_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_200_1.tif", + "label": "train/immune_cycif_200_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_201_3.tif", + "label": "train/immune_cycif_201_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_202_1.tif", + "label": "train/immune_cycif_202_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_203_3.tif", + "label": "train/immune_cycif_203_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_204_0.tif", + "label": "train/immune_cycif_204_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_204_1.tif", + "label": "train/immune_cycif_204_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_204_3.tif", + "label": "train/immune_cycif_204_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_205_3.tif", + "label": "train/immune_cycif_205_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_206_0.tif", + "label": "train/immune_cycif_206_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_210_0.tif", + "label": "train/immune_cycif_210_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_210_1.tif", + "label": "train/immune_cycif_210_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_210_2.tif", + "label": "train/immune_cycif_210_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_213_0.tif", + "label": "train/immune_cycif_213_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_213_3.tif", + "label": "train/immune_cycif_213_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_214_1.tif", + "label": "train/immune_cycif_214_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_215_3.tif", + "label": "train/immune_cycif_215_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_216_2.tif", + "label": "train/immune_cycif_216_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_216_3.tif", + "label": "train/immune_cycif_216_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_218_0.tif", + "label": "train/immune_cycif_218_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_222_3.tif", + "label": "train/immune_cycif_222_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_223_2.tif", + "label": "train/immune_cycif_223_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_225_2.tif", + "label": "train/immune_cycif_225_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_226_2.tif", + "label": "train/immune_cycif_226_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_228_1.tif", + "label": "train/immune_cycif_228_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_229_0.tif", + "label": "train/immune_cycif_229_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_230_0.tif", + "label": "train/immune_cycif_230_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_234_0.tif", + "label": "train/immune_cycif_234_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_234_1.tif", + "label": "train/immune_cycif_234_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_237_3.tif", + "label": "train/immune_cycif_237_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_238_3.tif", + "label": "train/immune_cycif_238_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_240_1.tif", + "label": "train/immune_cycif_240_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_242_1.tif", + "label": "train/immune_cycif_242_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_245_0.tif", + "label": "train/immune_cycif_245_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_246_0.tif", + "label": "train/immune_cycif_246_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_247_2.tif", + "label": "train/immune_cycif_247_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_248_0.tif", + "label": "train/immune_cycif_248_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_251_1.tif", + "label": "train/immune_cycif_251_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_252_2.tif", + "label": "train/immune_cycif_252_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_253_0.tif", + "label": "train/immune_cycif_253_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_254_0.tif", + "label": "train/immune_cycif_254_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_255_1.tif", + "label": "train/immune_cycif_255_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_255_2.tif", + "label": "train/immune_cycif_255_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_259_1.tif", + "label": "train/immune_cycif_259_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_261_1.tif", + "label": "train/immune_cycif_261_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_261_3.tif", + "label": "train/immune_cycif_261_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_263_2.tif", + "label": "train/immune_cycif_263_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_266_2.tif", + "label": "train/immune_cycif_266_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_267_0.tif", + "label": "train/immune_cycif_267_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_267_2.tif", + "label": "train/immune_cycif_267_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_268_1.tif", + "label": "train/immune_cycif_268_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_268_2.tif", + "label": "train/immune_cycif_268_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_269_2.tif", + "label": "train/immune_cycif_269_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_271_1.tif", + "label": "train/immune_cycif_271_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_272_2.tif", + "label": "train/immune_cycif_272_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_273_1.tif", + "label": "train/immune_cycif_273_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_278_1.tif", + "label": "train/immune_cycif_278_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_278_2.tif", + "label": "train/immune_cycif_278_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_279_1.tif", + "label": "train/immune_cycif_279_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_279_2.tif", + "label": "train/immune_cycif_279_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_280_1.tif", + "label": "train/immune_cycif_280_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_281_0.tif", + "label": "train/immune_cycif_281_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_283_2.tif", + "label": "train/immune_cycif_283_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_284_2.tif", + "label": "train/immune_cycif_284_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_286_2.tif", + "label": "train/immune_cycif_286_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_286_3.tif", + "label": "train/immune_cycif_286_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_287_1.tif", + "label": "train/immune_cycif_287_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_288_2.tif", + "label": "train/immune_cycif_288_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_291_1.tif", + "label": "train/immune_cycif_291_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_292_1.tif", + "label": "train/immune_cycif_292_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_292_2.tif", + "label": "train/immune_cycif_292_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_293_2.tif", + "label": "train/immune_cycif_293_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_295_2.tif", + "label": "train/immune_cycif_295_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_297_0.tif", + "label": "train/immune_cycif_297_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_299_3.tif", + "label": "train/immune_cycif_299_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_302_2.tif", + "label": "train/immune_cycif_302_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_304_2.tif", + "label": "train/immune_cycif_304_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_308_2.tif", + "label": "train/immune_cycif_308_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_310_3.tif", + "label": "train/immune_cycif_310_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_311_3.tif", + "label": "train/immune_cycif_311_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_313_0.tif", + "label": "train/immune_cycif_313_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_313_2.tif", + "label": "train/immune_cycif_313_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_315_1.tif", + "label": "train/immune_cycif_315_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_315_2.tif", + "label": "train/immune_cycif_315_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_317_2.tif", + "label": "train/immune_cycif_317_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_318_2.tif", + "label": "train/immune_cycif_318_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_319_0.tif", + "label": "train/immune_cycif_319_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_320_2.tif", + "label": "train/immune_cycif_320_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_321_0.tif", + "label": "train/immune_cycif_321_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_321_3.tif", + "label": "train/immune_cycif_321_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_322_1.tif", + "label": "train/immune_cycif_322_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_322_3.tif", + "label": "train/immune_cycif_322_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_323_3.tif", + "label": "train/immune_cycif_323_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_324_0.tif", + "label": "train/immune_cycif_324_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_324_1.tif", + "label": "train/immune_cycif_324_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_325_1.tif", + "label": "train/immune_cycif_325_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_325_2.tif", + "label": "train/immune_cycif_325_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_329_1.tif", + "label": "train/immune_cycif_329_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_330_0.tif", + "label": "train/immune_cycif_330_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_330_2.tif", + "label": "train/immune_cycif_330_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_330_3.tif", + "label": "train/immune_cycif_330_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_331_0.tif", + "label": "train/immune_cycif_331_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_331_3.tif", + "label": "train/immune_cycif_331_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_332_3.tif", + "label": "train/immune_cycif_332_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_333_1.tif", + "label": "train/immune_cycif_333_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_334_0.tif", + "label": "train/immune_cycif_334_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_335_2.tif", + "label": "train/immune_cycif_335_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_336_3.tif", + "label": "train/immune_cycif_336_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_339_3.tif", + "label": "train/immune_cycif_339_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_341_0.tif", + "label": "train/immune_cycif_341_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_341_2.tif", + "label": "train/immune_cycif_341_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_343_1.tif", + "label": "train/immune_cycif_343_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_343_3.tif", + "label": "train/immune_cycif_343_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_345_3.tif", + "label": "train/immune_cycif_345_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_346_1.tif", + "label": "train/immune_cycif_346_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_348_0.tif", + "label": "train/immune_cycif_348_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_351_1.tif", + "label": "train/immune_cycif_351_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_352_2.tif", + "label": "train/immune_cycif_352_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_353_0.tif", + "label": "train/immune_cycif_353_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_353_3.tif", + "label": "train/immune_cycif_353_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_354_2.tif", + "label": "train/immune_cycif_354_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_357_2.tif", + "label": "train/immune_cycif_357_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_0_0.tif", + "label": "train/immune_cycif_0_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_0_1.tif", + "label": "train/immune_cycif_0_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_0_2.tif", + "label": "train/immune_cycif_0_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_1_1.tif", + "label": "train/immune_cycif_1_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_2_3.tif", + "label": "train/immune_cycif_2_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_3_1.tif", + "label": "train/immune_cycif_3_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_4_0.tif", + "label": "train/immune_cycif_4_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_5_3.tif", + "label": "train/immune_cycif_5_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_7_0.tif", + "label": "train/immune_cycif_7_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_7_3.tif", + "label": "train/immune_cycif_7_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_8_0.tif", + "label": "train/immune_cycif_8_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_8_1.tif", + "label": "train/immune_cycif_8_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_9_2.tif", + "label": "train/immune_cycif_9_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_10_0.tif", + "label": "train/immune_cycif_10_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_11_1.tif", + "label": "train/immune_cycif_11_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_11_2.tif", + "label": "train/immune_cycif_11_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_12_2.tif", + "label": "train/immune_cycif_12_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_13_2.tif", + "label": "train/immune_cycif_13_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_14_1.tif", + "label": "train/immune_cycif_14_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_14_3.tif", + "label": "train/immune_cycif_14_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_15_1.tif", + "label": "train/immune_cycif_15_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_16_0.tif", + "label": "train/immune_cycif_16_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_16_2.tif", + "label": "train/immune_cycif_16_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_17_0.tif", + "label": "train/immune_cycif_17_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_17_1.tif", + "label": "train/immune_cycif_17_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_18_0.tif", + "label": "train/immune_cycif_18_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_18_2.tif", + "label": "train/immune_cycif_18_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_21_0.tif", + "label": "train/immune_cycif_21_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_23_0.tif", + "label": "train/immune_cycif_23_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_24_1.tif", + "label": "train/immune_cycif_24_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_25_3.tif", + "label": "train/immune_cycif_25_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_26_2.tif", + "label": "train/immune_cycif_26_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_27_2.tif", + "label": "train/immune_cycif_27_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_28_1.tif", + "label": "train/immune_cycif_28_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_28_2.tif", + "label": "train/immune_cycif_28_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_29_1.tif", + "label": "train/immune_cycif_29_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_30_1.tif", + "label": "train/immune_cycif_30_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_31_3.tif", + "label": "train/immune_cycif_31_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_33_0.tif", + "label": "train/immune_cycif_33_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_34_0.tif", + "label": "train/immune_cycif_34_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_34_1.tif", + "label": "train/immune_cycif_34_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_37_3.tif", + "label": "train/immune_cycif_37_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_40_0.tif", + "label": "train/immune_cycif_40_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_40_1.tif", + "label": "train/immune_cycif_40_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_41_0.tif", + "label": "train/immune_cycif_41_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_43_0.tif", + "label": "train/immune_cycif_43_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_44_2.tif", + "label": "train/immune_cycif_44_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_46_1.tif", + "label": "train/immune_cycif_46_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_46_3.tif", + "label": "train/immune_cycif_46_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_48_1.tif", + "label": "train/immune_cycif_48_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_54_2.tif", + "label": "train/immune_cycif_54_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_56_0.tif", + "label": "train/immune_cycif_56_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_58_1.tif", + "label": "train/immune_cycif_58_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_59_2.tif", + "label": "train/immune_cycif_59_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_61_1.tif", + "label": "train/immune_cycif_61_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_61_3.tif", + "label": "train/immune_cycif_61_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_62_3.tif", + "label": "train/immune_cycif_62_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_63_2.tif", + "label": "train/immune_cycif_63_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_64_0.tif", + "label": "train/immune_cycif_64_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_64_1.tif", + "label": "train/immune_cycif_64_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_66_1.tif", + "label": "train/immune_cycif_66_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_69_0.tif", + "label": "train/immune_cycif_69_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_69_1.tif", + "label": "train/immune_cycif_69_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_70_1.tif", + "label": "train/immune_cycif_70_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_70_2.tif", + "label": "train/immune_cycif_70_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_72_3.tif", + "label": "train/immune_cycif_72_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_73_1.tif", + "label": "train/immune_cycif_73_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_73_2.tif", + "label": "train/immune_cycif_73_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_73_3.tif", + "label": "train/immune_cycif_73_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_74_1.tif", + "label": "train/immune_cycif_74_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_75_0.tif", + "label": "train/immune_cycif_75_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_76_3.tif", + "label": "train/immune_cycif_76_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_77_0.tif", + "label": "train/immune_cycif_77_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_79_2.tif", + "label": "train/immune_cycif_79_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_80_2.tif", + "label": "train/immune_cycif_80_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_81_2.tif", + "label": "train/immune_cycif_81_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_83_0.tif", + "label": "train/immune_cycif_83_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_84_3.tif", + "label": "train/immune_cycif_84_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_88_2.tif", + "label": "train/immune_cycif_88_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_89_2.tif", + "label": "train/immune_cycif_89_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_91_0.tif", + "label": "train/immune_cycif_91_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_91_2.tif", + "label": "train/immune_cycif_91_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_91_3.tif", + "label": "train/immune_cycif_91_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_93_2.tif", + "label": "train/immune_cycif_93_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_95_1.tif", + "label": "train/immune_cycif_95_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_96_1.tif", + "label": "train/immune_cycif_96_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_96_3.tif", + "label": "train/immune_cycif_96_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_97_0.tif", + "label": "train/immune_cycif_97_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_97_1.tif", + "label": "train/immune_cycif_97_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_102_3.tif", + "label": "train/immune_cycif_102_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_103_3.tif", + "label": "train/immune_cycif_103_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_106_1.tif", + "label": "train/immune_cycif_106_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_106_3.tif", + "label": "train/immune_cycif_106_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_107_1.tif", + "label": "train/immune_cycif_107_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_108_1.tif", + "label": "train/immune_cycif_108_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_108_2.tif", + "label": "train/immune_cycif_108_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_109_1.tif", + "label": "train/immune_cycif_109_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_110_1.tif", + "label": "train/immune_cycif_110_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_111_1.tif", + "label": "train/immune_cycif_111_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_113_3.tif", + "label": "train/immune_cycif_113_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_114_3.tif", + "label": "train/immune_cycif_114_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_115_3.tif", + "label": "train/immune_cycif_115_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_118_0.tif", + "label": "train/immune_cycif_118_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_118_2.tif", + "label": "train/immune_cycif_118_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_119_3.tif", + "label": "train/immune_cycif_119_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_120_3.tif", + "label": "train/immune_cycif_120_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_121_2.tif", + "label": "train/immune_cycif_121_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_123_0.tif", + "label": "train/immune_cycif_123_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_125_2.tif", + "label": "train/immune_cycif_125_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_126_3.tif", + "label": "train/immune_cycif_126_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_127_2.tif", + "label": "train/immune_cycif_127_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_132_2.tif", + "label": "train/immune_cycif_132_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_137_0.tif", + "label": "train/immune_cycif_137_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_137_2.tif", + "label": "train/immune_cycif_137_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_138_2.tif", + "label": "train/immune_cycif_138_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_138_3.tif", + "label": "train/immune_cycif_138_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_140_0.tif", + "label": "train/immune_cycif_140_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_141_3.tif", + "label": "train/immune_cycif_141_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_142_0.tif", + "label": "train/immune_cycif_142_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_144_0.tif", + "label": "train/immune_cycif_144_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_144_2.tif", + "label": "train/immune_cycif_144_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_145_2.tif", + "label": "train/immune_cycif_145_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_146_1.tif", + "label": "train/immune_cycif_146_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_147_0.tif", + "label": "train/immune_cycif_147_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_148_2.tif", + "label": "train/immune_cycif_148_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_151_0.tif", + "label": "train/immune_cycif_151_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_154_3.tif", + "label": "train/immune_cycif_154_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_159_0.tif", + "label": "train/immune_cycif_159_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_160_1.tif", + "label": "train/immune_cycif_160_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_160_3.tif", + "label": "train/immune_cycif_160_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_161_2.tif", + "label": "train/immune_cycif_161_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_163_3.tif", + "label": "train/immune_cycif_163_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_165_0.tif", + "label": "train/immune_cycif_165_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_166_0.tif", + "label": "train/immune_cycif_166_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_166_1.tif", + "label": "train/immune_cycif_166_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_167_2.tif", + "label": "train/immune_cycif_167_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_168_0.tif", + "label": "train/immune_cycif_168_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_168_1.tif", + "label": "train/immune_cycif_168_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_169_2.tif", + "label": "train/immune_cycif_169_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_170_2.tif", + "label": "train/immune_cycif_170_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_171_2.tif", + "label": "train/immune_cycif_171_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_173_0.tif", + "label": "train/immune_cycif_173_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_173_1.tif", + "label": "train/immune_cycif_173_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_173_2.tif", + "label": "train/immune_cycif_173_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_174_2.tif", + "label": "train/immune_cycif_174_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_174_3.tif", + "label": "train/immune_cycif_174_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_175_0.tif", + "label": "train/immune_cycif_175_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_177_2.tif", + "label": "train/immune_cycif_177_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_180_0.tif", + "label": "train/immune_cycif_180_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_181_2.tif", + "label": "train/immune_cycif_181_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_186_0.tif", + "label": "train/immune_cycif_186_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_188_0.tif", + "label": "train/immune_cycif_188_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_190_3.tif", + "label": "train/immune_cycif_190_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_192_1.tif", + "label": "train/immune_cycif_192_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_193_0.tif", + "label": "train/immune_cycif_193_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_193_1.tif", + "label": "train/immune_cycif_193_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_196_2.tif", + "label": "train/immune_cycif_196_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_197_1.tif", + "label": "train/immune_cycif_197_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_198_1.tif", + "label": "train/immune_cycif_198_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_199_1.tif", + "label": "train/immune_cycif_199_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_199_3.tif", + "label": "train/immune_cycif_199_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_200_0.tif", + "label": "train/immune_cycif_200_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_202_0.tif", + "label": "train/immune_cycif_202_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_203_0.tif", + "label": "train/immune_cycif_203_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_205_0.tif", + "label": "train/immune_cycif_205_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_205_1.tif", + "label": "train/immune_cycif_205_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_207_0.tif", + "label": "train/immune_cycif_207_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_207_2.tif", + "label": "train/immune_cycif_207_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_209_3.tif", + "label": "train/immune_cycif_209_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_212_3.tif", + "label": "train/immune_cycif_212_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_213_1.tif", + "label": "train/immune_cycif_213_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_214_3.tif", + "label": "train/immune_cycif_214_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_215_0.tif", + "label": "train/immune_cycif_215_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_216_0.tif", + "label": "train/immune_cycif_216_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_217_2.tif", + "label": "train/immune_cycif_217_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_219_0.tif", + "label": "train/immune_cycif_219_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_221_1.tif", + "label": "train/immune_cycif_221_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_223_1.tif", + "label": "train/immune_cycif_223_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_226_0.tif", + "label": "train/immune_cycif_226_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_229_3.tif", + "label": "train/immune_cycif_229_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_230_2.tif", + "label": "train/immune_cycif_230_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_231_0.tif", + "label": "train/immune_cycif_231_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_231_1.tif", + "label": "train/immune_cycif_231_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_231_3.tif", + "label": "train/immune_cycif_231_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_232_1.tif", + "label": "train/immune_cycif_232_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_232_2.tif", + "label": "train/immune_cycif_232_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_233_3.tif", + "label": "train/immune_cycif_233_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_234_2.tif", + "label": "train/immune_cycif_234_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_235_0.tif", + "label": "train/immune_cycif_235_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_235_1.tif", + "label": "train/immune_cycif_235_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_235_3.tif", + "label": "train/immune_cycif_235_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_237_0.tif", + "label": "train/immune_cycif_237_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_237_2.tif", + "label": "train/immune_cycif_237_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_238_1.tif", + "label": "train/immune_cycif_238_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_240_2.tif", + "label": "train/immune_cycif_240_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_241_2.tif", + "label": "train/immune_cycif_241_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_242_0.tif", + "label": "train/immune_cycif_242_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_242_2.tif", + "label": "train/immune_cycif_242_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_243_0.tif", + "label": "train/immune_cycif_243_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_244_0.tif", + "label": "train/immune_cycif_244_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_244_2.tif", + "label": "train/immune_cycif_244_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_245_2.tif", + "label": "train/immune_cycif_245_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_246_3.tif", + "label": "train/immune_cycif_246_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_248_2.tif", + "label": "train/immune_cycif_248_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_248_3.tif", + "label": "train/immune_cycif_248_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_249_0.tif", + "label": "train/immune_cycif_249_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_253_2.tif", + "label": "train/immune_cycif_253_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_256_0.tif", + "label": "train/immune_cycif_256_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_256_2.tif", + "label": "train/immune_cycif_256_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_257_2.tif", + "label": "train/immune_cycif_257_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_258_0.tif", + "label": "train/immune_cycif_258_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_258_3.tif", + "label": "train/immune_cycif_258_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_260_0.tif", + "label": "train/immune_cycif_260_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_260_1.tif", + "label": "train/immune_cycif_260_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_260_3.tif", + "label": "train/immune_cycif_260_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_261_0.tif", + "label": "train/immune_cycif_261_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_262_0.tif", + "label": "train/immune_cycif_262_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_263_3.tif", + "label": "train/immune_cycif_263_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_264_1.tif", + "label": "train/immune_cycif_264_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_264_3.tif", + "label": "train/immune_cycif_264_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_265_2.tif", + "label": "train/immune_cycif_265_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_265_3.tif", + "label": "train/immune_cycif_265_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_269_3.tif", + "label": "train/immune_cycif_269_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_270_0.tif", + "label": "train/immune_cycif_270_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_270_2.tif", + "label": "train/immune_cycif_270_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_270_3.tif", + "label": "train/immune_cycif_270_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_271_0.tif", + "label": "train/immune_cycif_271_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_274_1.tif", + "label": "train/immune_cycif_274_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_275_2.tif", + "label": "train/immune_cycif_275_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_276_0.tif", + "label": "train/immune_cycif_276_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_277_1.tif", + "label": "train/immune_cycif_277_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_278_3.tif", + "label": "train/immune_cycif_278_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_279_0.tif", + "label": "train/immune_cycif_279_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_279_3.tif", + "label": "train/immune_cycif_279_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_280_2.tif", + "label": "train/immune_cycif_280_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_283_0.tif", + "label": "train/immune_cycif_283_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_285_3.tif", + "label": "train/immune_cycif_285_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_287_0.tif", + "label": "train/immune_cycif_287_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_288_0.tif", + "label": "train/immune_cycif_288_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_288_1.tif", + "label": "train/immune_cycif_288_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_289_0.tif", + "label": "train/immune_cycif_289_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_289_1.tif", + "label": "train/immune_cycif_289_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_291_2.tif", + "label": "train/immune_cycif_291_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_293_1.tif", + "label": "train/immune_cycif_293_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_296_0.tif", + "label": "train/immune_cycif_296_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_296_2.tif", + "label": "train/immune_cycif_296_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_299_0.tif", + "label": "train/immune_cycif_299_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_299_1.tif", + "label": "train/immune_cycif_299_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_300_1.tif", + "label": "train/immune_cycif_300_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_301_2.tif", + "label": "train/immune_cycif_301_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_301_3.tif", + "label": "train/immune_cycif_301_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_303_1.tif", + "label": "train/immune_cycif_303_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_306_2.tif", + "label": "train/immune_cycif_306_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_310_0.tif", + "label": "train/immune_cycif_310_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_312_0.tif", + "label": "train/immune_cycif_312_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_312_1.tif", + "label": "train/immune_cycif_312_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_312_3.tif", + "label": "train/immune_cycif_312_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_313_1.tif", + "label": "train/immune_cycif_313_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_315_0.tif", + "label": "train/immune_cycif_315_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_319_3.tif", + "label": "train/immune_cycif_319_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_321_1.tif", + "label": "train/immune_cycif_321_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_322_2.tif", + "label": "train/immune_cycif_322_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_323_2.tif", + "label": "train/immune_cycif_323_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_324_2.tif", + "label": "train/immune_cycif_324_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_326_3.tif", + "label": "train/immune_cycif_326_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_327_3.tif", + "label": "train/immune_cycif_327_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_328_1.tif", + "label": "train/immune_cycif_328_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_329_2.tif", + "label": "train/immune_cycif_329_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_332_0.tif", + "label": "train/immune_cycif_332_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_332_2.tif", + "label": "train/immune_cycif_332_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_333_0.tif", + "label": "train/immune_cycif_333_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_334_2.tif", + "label": "train/immune_cycif_334_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_337_1.tif", + "label": "train/immune_cycif_337_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_337_3.tif", + "label": "train/immune_cycif_337_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_340_3.tif", + "label": "train/immune_cycif_340_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_344_1.tif", + "label": "train/immune_cycif_344_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_344_3.tif", + "label": "train/immune_cycif_344_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_346_2.tif", + "label": "train/immune_cycif_346_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_346_3.tif", + "label": "train/immune_cycif_346_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_347_0.tif", + "label": "train/immune_cycif_347_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_348_3.tif", + "label": "train/immune_cycif_348_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_349_3.tif", + "label": "train/immune_cycif_349_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_352_0.tif", + "label": "train/immune_cycif_352_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_354_3.tif", + "label": "train/immune_cycif_354_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_356_0.tif", + "label": "train/immune_cycif_356_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_357_0.tif", + "label": "train/immune_cycif_357_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_359_1.tif", + "label": "train/immune_cycif_359_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_360_0.tif", + "label": "train/immune_cycif_360_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_361_1.tif", + "label": "train/immune_cycif_361_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_361_3.tif", + "label": "train/immune_cycif_361_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_362_2.tif", + "label": "train/immune_cycif_362_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_1_0.tif", + "label": "train/immune_cycif_1_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_1_3.tif", + "label": "train/immune_cycif_1_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_3_2.tif", + "label": "train/immune_cycif_3_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_4_2.tif", + "label": "train/immune_cycif_4_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_5_2.tif", + "label": "train/immune_cycif_5_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_6_2.tif", + "label": "train/immune_cycif_6_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_7_1.tif", + "label": "train/immune_cycif_7_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_9_0.tif", + "label": "train/immune_cycif_9_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_9_3.tif", + "label": "train/immune_cycif_9_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_10_2.tif", + "label": "train/immune_cycif_10_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_13_0.tif", + "label": "train/immune_cycif_13_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_17_2.tif", + "label": "train/immune_cycif_17_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_17_3.tif", + "label": "train/immune_cycif_17_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_20_2.tif", + "label": "train/immune_cycif_20_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_22_1.tif", + "label": "train/immune_cycif_22_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_23_1.tif", + "label": "train/immune_cycif_23_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_23_3.tif", + "label": "train/immune_cycif_23_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_25_2.tif", + "label": "train/immune_cycif_25_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_26_1.tif", + "label": "train/immune_cycif_26_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_28_0.tif", + "label": "train/immune_cycif_28_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_29_0.tif", + "label": "train/immune_cycif_29_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_29_2.tif", + "label": "train/immune_cycif_29_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_30_2.tif", + "label": "train/immune_cycif_30_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_31_0.tif", + "label": "train/immune_cycif_31_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_32_0.tif", + "label": "train/immune_cycif_32_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_36_2.tif", + "label": "train/immune_cycif_36_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_36_3.tif", + "label": "train/immune_cycif_36_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_38_1.tif", + "label": "train/immune_cycif_38_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_39_1.tif", + "label": "train/immune_cycif_39_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_40_2.tif", + "label": "train/immune_cycif_40_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_42_0.tif", + "label": "train/immune_cycif_42_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_43_1.tif", + "label": "train/immune_cycif_43_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_44_3.tif", + "label": "train/immune_cycif_44_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_46_0.tif", + "label": "train/immune_cycif_46_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_48_0.tif", + "label": "train/immune_cycif_48_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_49_1.tif", + "label": "train/immune_cycif_49_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_50_3.tif", + "label": "train/immune_cycif_50_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_53_0.tif", + "label": "train/immune_cycif_53_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_53_1.tif", + "label": "train/immune_cycif_53_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_53_2.tif", + "label": "train/immune_cycif_53_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_54_1.tif", + "label": "train/immune_cycif_54_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_55_1.tif", + "label": "train/immune_cycif_55_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_56_1.tif", + "label": "train/immune_cycif_56_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_56_3.tif", + "label": "train/immune_cycif_56_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_57_2.tif", + "label": "train/immune_cycif_57_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_58_0.tif", + "label": "train/immune_cycif_58_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_61_2.tif", + "label": "train/immune_cycif_61_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_62_1.tif", + "label": "train/immune_cycif_62_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_65_1.tif", + "label": "train/immune_cycif_65_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_67_3.tif", + "label": "train/immune_cycif_67_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_68_0.tif", + "label": "train/immune_cycif_68_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_68_1.tif", + "label": "train/immune_cycif_68_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_71_0.tif", + "label": "train/immune_cycif_71_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_71_1.tif", + "label": "train/immune_cycif_71_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_71_3.tif", + "label": "train/immune_cycif_71_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_72_1.tif", + "label": "train/immune_cycif_72_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_74_0.tif", + "label": "train/immune_cycif_74_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_76_1.tif", + "label": "train/immune_cycif_76_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_78_0.tif", + "label": "train/immune_cycif_78_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_82_0.tif", + "label": "train/immune_cycif_82_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_83_1.tif", + "label": "train/immune_cycif_83_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_83_2.tif", + "label": "train/immune_cycif_83_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_84_1.tif", + "label": "train/immune_cycif_84_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_85_2.tif", + "label": "train/immune_cycif_85_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_85_3.tif", + "label": "train/immune_cycif_85_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_86_0.tif", + "label": "train/immune_cycif_86_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_86_2.tif", + "label": "train/immune_cycif_86_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_88_0.tif", + "label": "train/immune_cycif_88_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_88_1.tif", + "label": "train/immune_cycif_88_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_89_0.tif", + "label": "train/immune_cycif_89_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_89_3.tif", + "label": "train/immune_cycif_89_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_90_0.tif", + "label": "train/immune_cycif_90_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_90_1.tif", + "label": "train/immune_cycif_90_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_90_2.tif", + "label": "train/immune_cycif_90_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_91_1.tif", + "label": "train/immune_cycif_91_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_92_3.tif", + "label": "train/immune_cycif_92_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_93_1.tif", + "label": "train/immune_cycif_93_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_94_1.tif", + "label": "train/immune_cycif_94_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_94_2.tif", + "label": "train/immune_cycif_94_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_94_3.tif", + "label": "train/immune_cycif_94_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_95_0.tif", + "label": "train/immune_cycif_95_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_98_2.tif", + "label": "train/immune_cycif_98_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_99_0.tif", + "label": "train/immune_cycif_99_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_99_1.tif", + "label": "train/immune_cycif_99_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_100_2.tif", + "label": "train/immune_cycif_100_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_101_2.tif", + "label": "train/immune_cycif_101_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_103_0.tif", + "label": "train/immune_cycif_103_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_105_1.tif", + "label": "train/immune_cycif_105_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_109_0.tif", + "label": "train/immune_cycif_109_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_111_3.tif", + "label": "train/immune_cycif_111_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_112_0.tif", + "label": "train/immune_cycif_112_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_112_1.tif", + "label": "train/immune_cycif_112_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_113_2.tif", + "label": "train/immune_cycif_113_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_116_2.tif", + "label": "train/immune_cycif_116_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_116_3.tif", + "label": "train/immune_cycif_116_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_119_0.tif", + "label": "train/immune_cycif_119_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_122_0.tif", + "label": "train/immune_cycif_122_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_124_3.tif", + "label": "train/immune_cycif_124_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_125_0.tif", + "label": "train/immune_cycif_125_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_125_1.tif", + "label": "train/immune_cycif_125_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_126_0.tif", + "label": "train/immune_cycif_126_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_126_2.tif", + "label": "train/immune_cycif_126_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_127_3.tif", + "label": "train/immune_cycif_127_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_128_2.tif", + "label": "train/immune_cycif_128_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_129_1.tif", + "label": "train/immune_cycif_129_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_129_2.tif", + "label": "train/immune_cycif_129_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_129_3.tif", + "label": "train/immune_cycif_129_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_130_2.tif", + "label": "train/immune_cycif_130_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_130_3.tif", + "label": "train/immune_cycif_130_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_133_1.tif", + "label": "train/immune_cycif_133_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_135_0.tif", + "label": "train/immune_cycif_135_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_135_3.tif", + "label": "train/immune_cycif_135_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_136_0.tif", + "label": "train/immune_cycif_136_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_137_3.tif", + "label": "train/immune_cycif_137_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_138_0.tif", + "label": "train/immune_cycif_138_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_139_1.tif", + "label": "train/immune_cycif_139_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_140_3.tif", + "label": "train/immune_cycif_140_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_141_1.tif", + "label": "train/immune_cycif_141_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_142_2.tif", + "label": "train/immune_cycif_142_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_143_2.tif", + "label": "train/immune_cycif_143_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_147_2.tif", + "label": "train/immune_cycif_147_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_148_0.tif", + "label": "train/immune_cycif_148_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_150_0.tif", + "label": "train/immune_cycif_150_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_150_3.tif", + "label": "train/immune_cycif_150_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_151_1.tif", + "label": "train/immune_cycif_151_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_152_0.tif", + "label": "train/immune_cycif_152_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_152_3.tif", + "label": "train/immune_cycif_152_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_154_2.tif", + "label": "train/immune_cycif_154_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_158_3.tif", + "label": "train/immune_cycif_158_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_161_1.tif", + "label": "train/immune_cycif_161_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_162_3.tif", + "label": "train/immune_cycif_162_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_163_0.tif", + "label": "train/immune_cycif_163_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_164_2.tif", + "label": "train/immune_cycif_164_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_165_2.tif", + "label": "train/immune_cycif_165_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_166_3.tif", + "label": "train/immune_cycif_166_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_169_0.tif", + "label": "train/immune_cycif_169_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_169_1.tif", + "label": "train/immune_cycif_169_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_171_0.tif", + "label": "train/immune_cycif_171_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_172_0.tif", + "label": "train/immune_cycif_172_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_172_3.tif", + "label": "train/immune_cycif_172_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_176_0.tif", + "label": "train/immune_cycif_176_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_179_0.tif", + "label": "train/immune_cycif_179_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_180_1.tif", + "label": "train/immune_cycif_180_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_180_3.tif", + "label": "train/immune_cycif_180_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_183_1.tif", + "label": "train/immune_cycif_183_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_183_2.tif", + "label": "train/immune_cycif_183_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_184_2.tif", + "label": "train/immune_cycif_184_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_185_3.tif", + "label": "train/immune_cycif_185_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_186_3.tif", + "label": "train/immune_cycif_186_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_189_0.tif", + "label": "train/immune_cycif_189_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_189_2.tif", + "label": "train/immune_cycif_189_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_190_2.tif", + "label": "train/immune_cycif_190_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_192_2.tif", + "label": "train/immune_cycif_192_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_192_3.tif", + "label": "train/immune_cycif_192_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_193_3.tif", + "label": "train/immune_cycif_193_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_195_1.tif", + "label": "train/immune_cycif_195_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_195_3.tif", + "label": "train/immune_cycif_195_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_196_3.tif", + "label": "train/immune_cycif_196_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_198_2.tif", + "label": "train/immune_cycif_198_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_198_3.tif", + "label": "train/immune_cycif_198_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_199_0.tif", + "label": "train/immune_cycif_199_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_200_2.tif", + "label": "train/immune_cycif_200_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_200_3.tif", + "label": "train/immune_cycif_200_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_201_1.tif", + "label": "train/immune_cycif_201_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_203_2.tif", + "label": "train/immune_cycif_203_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_204_2.tif", + "label": "train/immune_cycif_204_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_205_2.tif", + "label": "train/immune_cycif_205_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_208_3.tif", + "label": "train/immune_cycif_208_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_209_0.tif", + "label": "train/immune_cycif_209_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_209_2.tif", + "label": "train/immune_cycif_209_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_211_0.tif", + "label": "train/immune_cycif_211_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_212_0.tif", + "label": "train/immune_cycif_212_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_212_2.tif", + "label": "train/immune_cycif_212_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_213_2.tif", + "label": "train/immune_cycif_213_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_214_0.tif", + "label": "train/immune_cycif_214_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_215_2.tif", + "label": "train/immune_cycif_215_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_218_1.tif", + "label": "train/immune_cycif_218_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_218_2.tif", + "label": "train/immune_cycif_218_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_218_3.tif", + "label": "train/immune_cycif_218_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_220_0.tif", + "label": "train/immune_cycif_220_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_221_2.tif", + "label": "train/immune_cycif_221_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_221_3.tif", + "label": "train/immune_cycif_221_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_222_2.tif", + "label": "train/immune_cycif_222_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_224_1.tif", + "label": "train/immune_cycif_224_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_225_3.tif", + "label": "train/immune_cycif_225_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_227_0.tif", + "label": "train/immune_cycif_227_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_227_1.tif", + "label": "train/immune_cycif_227_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_228_0.tif", + "label": "train/immune_cycif_228_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_228_3.tif", + "label": "train/immune_cycif_228_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_229_1.tif", + "label": "train/immune_cycif_229_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_230_3.tif", + "label": "train/immune_cycif_230_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_233_0.tif", + "label": "train/immune_cycif_233_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_233_2.tif", + "label": "train/immune_cycif_233_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_234_3.tif", + "label": "train/immune_cycif_234_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_235_2.tif", + "label": "train/immune_cycif_235_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_236_0.tif", + "label": "train/immune_cycif_236_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_236_2.tif", + "label": "train/immune_cycif_236_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_236_3.tif", + "label": "train/immune_cycif_236_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_239_0.tif", + "label": "train/immune_cycif_239_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_239_2.tif", + "label": "train/immune_cycif_239_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_239_3.tif", + "label": "train/immune_cycif_239_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_240_3.tif", + "label": "train/immune_cycif_240_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_242_3.tif", + "label": "train/immune_cycif_242_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_244_3.tif", + "label": "train/immune_cycif_244_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_247_0.tif", + "label": "train/immune_cycif_247_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_247_1.tif", + "label": "train/immune_cycif_247_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_249_2.tif", + "label": "train/immune_cycif_249_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_250_0.tif", + "label": "train/immune_cycif_250_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_251_0.tif", + "label": "train/immune_cycif_251_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_251_2.tif", + "label": "train/immune_cycif_251_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_252_1.tif", + "label": "train/immune_cycif_252_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_252_3.tif", + "label": "train/immune_cycif_252_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_254_2.tif", + "label": "train/immune_cycif_254_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_255_0.tif", + "label": "train/immune_cycif_255_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_256_3.tif", + "label": "train/immune_cycif_256_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_257_1.tif", + "label": "train/immune_cycif_257_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_259_0.tif", + "label": "train/immune_cycif_259_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_259_2.tif", + "label": "train/immune_cycif_259_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_260_2.tif", + "label": "train/immune_cycif_260_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_262_3.tif", + "label": "train/immune_cycif_262_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_264_2.tif", + "label": "train/immune_cycif_264_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_271_3.tif", + "label": "train/immune_cycif_271_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_272_3.tif", + "label": "train/immune_cycif_272_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_273_2.tif", + "label": "train/immune_cycif_273_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_275_0.tif", + "label": "train/immune_cycif_275_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_276_3.tif", + "label": "train/immune_cycif_276_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_281_1.tif", + "label": "train/immune_cycif_281_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_281_3.tif", + "label": "train/immune_cycif_281_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_282_1.tif", + "label": "train/immune_cycif_282_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_283_1.tif", + "label": "train/immune_cycif_283_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_284_0.tif", + "label": "train/immune_cycif_284_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_284_3.tif", + "label": "train/immune_cycif_284_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_289_3.tif", + "label": "train/immune_cycif_289_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_290_2.tif", + "label": "train/immune_cycif_290_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_292_0.tif", + "label": "train/immune_cycif_292_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_292_3.tif", + "label": "train/immune_cycif_292_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_295_0.tif", + "label": "train/immune_cycif_295_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_296_1.tif", + "label": "train/immune_cycif_296_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_298_2.tif", + "label": "train/immune_cycif_298_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_301_0.tif", + "label": "train/immune_cycif_301_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_301_1.tif", + "label": "train/immune_cycif_301_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_302_0.tif", + "label": "train/immune_cycif_302_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_304_0.tif", + "label": "train/immune_cycif_304_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_305_0.tif", + "label": "train/immune_cycif_305_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_305_1.tif", + "label": "train/immune_cycif_305_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_305_3.tif", + "label": "train/immune_cycif_305_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_306_3.tif", + "label": "train/immune_cycif_306_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_308_0.tif", + "label": "train/immune_cycif_308_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_309_2.tif", + "label": "train/immune_cycif_309_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_310_1.tif", + "label": "train/immune_cycif_310_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_310_2.tif", + "label": "train/immune_cycif_310_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_311_0.tif", + "label": "train/immune_cycif_311_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_311_1.tif", + "label": "train/immune_cycif_311_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_316_0.tif", + "label": "train/immune_cycif_316_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_316_1.tif", + "label": "train/immune_cycif_316_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_317_1.tif", + "label": "train/immune_cycif_317_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_318_0.tif", + "label": "train/immune_cycif_318_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_318_1.tif", + "label": "train/immune_cycif_318_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_318_3.tif", + "label": "train/immune_cycif_318_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_320_1.tif", + "label": "train/immune_cycif_320_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_320_3.tif", + "label": "train/immune_cycif_320_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_323_0.tif", + "label": "train/immune_cycif_323_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_323_1.tif", + "label": "train/immune_cycif_323_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_324_3.tif", + "label": "train/immune_cycif_324_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_328_2.tif", + "label": "train/immune_cycif_328_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_328_3.tif", + "label": "train/immune_cycif_328_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_333_2.tif", + "label": "train/immune_cycif_333_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_337_2.tif", + "label": "train/immune_cycif_337_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_339_2.tif", + "label": "train/immune_cycif_339_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_340_1.tif", + "label": "train/immune_cycif_340_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_340_2.tif", + "label": "train/immune_cycif_340_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_341_1.tif", + "label": "train/immune_cycif_341_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_342_0.tif", + "label": "train/immune_cycif_342_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_342_1.tif", + "label": "train/immune_cycif_342_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_342_3.tif", + "label": "train/immune_cycif_342_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_343_2.tif", + "label": "train/immune_cycif_343_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_344_0.tif", + "label": "train/immune_cycif_344_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_348_2.tif", + "label": "train/immune_cycif_348_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_349_0.tif", + "label": "train/immune_cycif_349_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_350_1.tif", + "label": "train/immune_cycif_350_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_355_3.tif", + "label": "train/immune_cycif_355_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_357_1.tif", + "label": "train/immune_cycif_357_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_357_3.tif", + "label": "train/immune_cycif_357_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_359_0.tif", + "label": "train/immune_cycif_359_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_359_2.tif", + "label": "train/immune_cycif_359_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_359_3.tif", + "label": "train/immune_cycif_359_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_360_1.tif", + "label": "train/immune_cycif_360_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_360_3.tif", + "label": "train/immune_cycif_360_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_362_0.tif", + "label": "train/immune_cycif_362_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_362_1.tif", + "label": "train/immune_cycif_362_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_363_0.tif", + "label": "train/immune_cycif_363_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_3_3.tif", + "label": "train/immune_cycif_3_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_5_0.tif", + "label": "train/immune_cycif_5_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_5_1.tif", + "label": "train/immune_cycif_5_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_6_0.tif", + "label": "train/immune_cycif_6_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_6_1.tif", + "label": "train/immune_cycif_6_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_10_3.tif", + "label": "train/immune_cycif_10_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_11_0.tif", + "label": "train/immune_cycif_11_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_13_3.tif", + "label": "train/immune_cycif_13_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_15_3.tif", + "label": "train/immune_cycif_15_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_19_1.tif", + "label": "train/immune_cycif_19_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_19_3.tif", + "label": "train/immune_cycif_19_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_21_2.tif", + "label": "train/immune_cycif_21_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_24_0.tif", + "label": "train/immune_cycif_24_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_25_0.tif", + "label": "train/immune_cycif_25_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_27_1.tif", + "label": "train/immune_cycif_27_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_30_3.tif", + "label": "train/immune_cycif_30_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_32_1.tif", + "label": "train/immune_cycif_32_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_32_2.tif", + "label": "train/immune_cycif_32_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_34_2.tif", + "label": "train/immune_cycif_34_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_35_1.tif", + "label": "train/immune_cycif_35_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_35_3.tif", + "label": "train/immune_cycif_35_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_36_0.tif", + "label": "train/immune_cycif_36_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_36_1.tif", + "label": "train/immune_cycif_36_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_37_1.tif", + "label": "train/immune_cycif_37_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_37_2.tif", + "label": "train/immune_cycif_37_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_38_0.tif", + "label": "train/immune_cycif_38_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_38_3.tif", + "label": "train/immune_cycif_38_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_41_2.tif", + "label": "train/immune_cycif_41_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_42_2.tif", + "label": "train/immune_cycif_42_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_42_3.tif", + "label": "train/immune_cycif_42_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_43_2.tif", + "label": "train/immune_cycif_43_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_44_0.tif", + "label": "train/immune_cycif_44_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_45_2.tif", + "label": "train/immune_cycif_45_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_45_3.tif", + "label": "train/immune_cycif_45_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_49_0.tif", + "label": "train/immune_cycif_49_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_49_3.tif", + "label": "train/immune_cycif_49_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_51_2.tif", + "label": "train/immune_cycif_51_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_52_1.tif", + "label": "train/immune_cycif_52_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_52_2.tif", + "label": "train/immune_cycif_52_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_54_3.tif", + "label": "train/immune_cycif_54_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_55_2.tif", + "label": "train/immune_cycif_55_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_57_1.tif", + "label": "train/immune_cycif_57_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_58_3.tif", + "label": "train/immune_cycif_58_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_60_0.tif", + "label": "train/immune_cycif_60_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_60_3.tif", + "label": "train/immune_cycif_60_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_63_0.tif", + "label": "train/immune_cycif_63_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_63_1.tif", + "label": "train/immune_cycif_63_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_65_3.tif", + "label": "train/immune_cycif_65_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_66_2.tif", + "label": "train/immune_cycif_66_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_67_1.tif", + "label": "train/immune_cycif_67_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_69_2.tif", + "label": "train/immune_cycif_69_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_69_3.tif", + "label": "train/immune_cycif_69_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_72_2.tif", + "label": "train/immune_cycif_72_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_78_1.tif", + "label": "train/immune_cycif_78_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_79_0.tif", + "label": "train/immune_cycif_79_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_79_1.tif", + "label": "train/immune_cycif_79_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_79_3.tif", + "label": "train/immune_cycif_79_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_81_0.tif", + "label": "train/immune_cycif_81_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_81_3.tif", + "label": "train/immune_cycif_81_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_84_2.tif", + "label": "train/immune_cycif_84_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_89_1.tif", + "label": "train/immune_cycif_89_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_92_1.tif", + "label": "train/immune_cycif_92_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_94_0.tif", + "label": "train/immune_cycif_94_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_96_0.tif", + "label": "train/immune_cycif_96_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_97_3.tif", + "label": "train/immune_cycif_97_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_99_2.tif", + "label": "train/immune_cycif_99_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_101_1.tif", + "label": "train/immune_cycif_101_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_102_2.tif", + "label": "train/immune_cycif_102_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_103_1.tif", + "label": "train/immune_cycif_103_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_104_0.tif", + "label": "train/immune_cycif_104_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_104_1.tif", + "label": "train/immune_cycif_104_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_105_0.tif", + "label": "train/immune_cycif_105_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_105_3.tif", + "label": "train/immune_cycif_105_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_107_3.tif", + "label": "train/immune_cycif_107_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_109_2.tif", + "label": "train/immune_cycif_109_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_110_0.tif", + "label": "train/immune_cycif_110_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_111_0.tif", + "label": "train/immune_cycif_111_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_112_2.tif", + "label": "train/immune_cycif_112_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_112_3.tif", + "label": "train/immune_cycif_112_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_114_0.tif", + "label": "train/immune_cycif_114_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_114_2.tif", + "label": "train/immune_cycif_114_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_115_1.tif", + "label": "train/immune_cycif_115_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_116_1.tif", + "label": "train/immune_cycif_116_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_117_0.tif", + "label": "train/immune_cycif_117_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_117_1.tif", + "label": "train/immune_cycif_117_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_117_2.tif", + "label": "train/immune_cycif_117_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_118_3.tif", + "label": "train/immune_cycif_118_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_119_1.tif", + "label": "train/immune_cycif_119_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_121_1.tif", + "label": "train/immune_cycif_121_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_122_1.tif", + "label": "train/immune_cycif_122_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_124_1.tif", + "label": "train/immune_cycif_124_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_126_1.tif", + "label": "train/immune_cycif_126_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_127_0.tif", + "label": "train/immune_cycif_127_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_128_1.tif", + "label": "train/immune_cycif_128_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_128_3.tif", + "label": "train/immune_cycif_128_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_131_0.tif", + "label": "train/immune_cycif_131_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_131_2.tif", + "label": "train/immune_cycif_131_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_133_0.tif", + "label": "train/immune_cycif_133_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_134_3.tif", + "label": "train/immune_cycif_134_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_135_2.tif", + "label": "train/immune_cycif_135_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_136_1.tif", + "label": "train/immune_cycif_136_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_140_2.tif", + "label": "train/immune_cycif_140_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_141_0.tif", + "label": "train/immune_cycif_141_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_141_2.tif", + "label": "train/immune_cycif_141_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_142_1.tif", + "label": "train/immune_cycif_142_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_145_0.tif", + "label": "train/immune_cycif_145_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_145_3.tif", + "label": "train/immune_cycif_145_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_146_2.tif", + "label": "train/immune_cycif_146_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_147_3.tif", + "label": "train/immune_cycif_147_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_148_3.tif", + "label": "train/immune_cycif_148_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_150_1.tif", + "label": "train/immune_cycif_150_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_151_2.tif", + "label": "train/immune_cycif_151_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_152_1.tif", + "label": "train/immune_cycif_152_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_152_2.tif", + "label": "train/immune_cycif_152_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_153_3.tif", + "label": "train/immune_cycif_153_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_154_1.tif", + "label": "train/immune_cycif_154_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_155_1.tif", + "label": "train/immune_cycif_155_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_156_0.tif", + "label": "train/immune_cycif_156_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_156_2.tif", + "label": "train/immune_cycif_156_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_156_3.tif", + "label": "train/immune_cycif_156_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_157_2.tif", + "label": "train/immune_cycif_157_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_158_1.tif", + "label": "train/immune_cycif_158_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_159_1.tif", + "label": "train/immune_cycif_159_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_160_2.tif", + "label": "train/immune_cycif_160_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_162_0.tif", + "label": "train/immune_cycif_162_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_164_0.tif", + "label": "train/immune_cycif_164_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_164_1.tif", + "label": "train/immune_cycif_164_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_166_2.tif", + "label": "train/immune_cycif_166_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_167_0.tif", + "label": "train/immune_cycif_167_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_170_1.tif", + "label": "train/immune_cycif_170_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_171_3.tif", + "label": "train/immune_cycif_171_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_172_1.tif", + "label": "train/immune_cycif_172_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_172_2.tif", + "label": "train/immune_cycif_172_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_173_3.tif", + "label": "train/immune_cycif_173_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_174_0.tif", + "label": "train/immune_cycif_174_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_176_2.tif", + "label": "train/immune_cycif_176_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_178_0.tif", + "label": "train/immune_cycif_178_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_178_2.tif", + "label": "train/immune_cycif_178_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_178_3.tif", + "label": "train/immune_cycif_178_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_179_1.tif", + "label": "train/immune_cycif_179_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_180_2.tif", + "label": "train/immune_cycif_180_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_181_3.tif", + "label": "train/immune_cycif_181_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_182_0.tif", + "label": "train/immune_cycif_182_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_183_0.tif", + "label": "train/immune_cycif_183_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_184_3.tif", + "label": "train/immune_cycif_184_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_185_0.tif", + "label": "train/immune_cycif_185_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_187_1.tif", + "label": "train/immune_cycif_187_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_187_3.tif", + "label": "train/immune_cycif_187_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_188_1.tif", + "label": "train/immune_cycif_188_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_190_0.tif", + "label": "train/immune_cycif_190_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_196_0.tif", + "label": "train/immune_cycif_196_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_197_0.tif", + "label": "train/immune_cycif_197_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_198_0.tif", + "label": "train/immune_cycif_198_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_201_2.tif", + "label": "train/immune_cycif_201_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_202_3.tif", + "label": "train/immune_cycif_202_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_207_1.tif", + "label": "train/immune_cycif_207_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_208_0.tif", + "label": "train/immune_cycif_208_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_209_1.tif", + "label": "train/immune_cycif_209_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_210_3.tif", + "label": "train/immune_cycif_210_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_211_3.tif", + "label": "train/immune_cycif_211_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_212_1.tif", + "label": "train/immune_cycif_212_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_216_1.tif", + "label": "train/immune_cycif_216_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_217_1.tif", + "label": "train/immune_cycif_217_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_217_3.tif", + "label": "train/immune_cycif_217_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_219_2.tif", + "label": "train/immune_cycif_219_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_219_3.tif", + "label": "train/immune_cycif_219_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_220_2.tif", + "label": "train/immune_cycif_220_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_220_3.tif", + "label": "train/immune_cycif_220_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_221_0.tif", + "label": "train/immune_cycif_221_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_222_1.tif", + "label": "train/immune_cycif_222_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_224_0.tif", + "label": "train/immune_cycif_224_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_225_1.tif", + "label": "train/immune_cycif_225_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_226_1.tif", + "label": "train/immune_cycif_226_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_226_3.tif", + "label": "train/immune_cycif_226_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_227_2.tif", + "label": "train/immune_cycif_227_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_227_3.tif", + "label": "train/immune_cycif_227_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_228_2.tif", + "label": "train/immune_cycif_228_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_232_0.tif", + "label": "train/immune_cycif_232_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_233_1.tif", + "label": "train/immune_cycif_233_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_237_1.tif", + "label": "train/immune_cycif_237_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_238_2.tif", + "label": "train/immune_cycif_238_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_240_0.tif", + "label": "train/immune_cycif_240_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_241_0.tif", + "label": "train/immune_cycif_241_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_241_1.tif", + "label": "train/immune_cycif_241_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_241_3.tif", + "label": "train/immune_cycif_241_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_243_1.tif", + "label": "train/immune_cycif_243_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_243_2.tif", + "label": "train/immune_cycif_243_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_243_3.tif", + "label": "train/immune_cycif_243_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_245_1.tif", + "label": "train/immune_cycif_245_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_249_3.tif", + "label": "train/immune_cycif_249_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_250_1.tif", + "label": "train/immune_cycif_250_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_250_2.tif", + "label": "train/immune_cycif_250_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_254_3.tif", + "label": "train/immune_cycif_254_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_256_1.tif", + "label": "train/immune_cycif_256_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_257_3.tif", + "label": "train/immune_cycif_257_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_258_2.tif", + "label": "train/immune_cycif_258_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_259_3.tif", + "label": "train/immune_cycif_259_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_261_2.tif", + "label": "train/immune_cycif_261_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_262_1.tif", + "label": "train/immune_cycif_262_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_262_2.tif", + "label": "train/immune_cycif_262_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_263_0.tif", + "label": "train/immune_cycif_263_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_264_0.tif", + "label": "train/immune_cycif_264_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_265_1.tif", + "label": "train/immune_cycif_265_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_266_3.tif", + "label": "train/immune_cycif_266_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_268_0.tif", + "label": "train/immune_cycif_268_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_268_3.tif", + "label": "train/immune_cycif_268_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_269_1.tif", + "label": "train/immune_cycif_269_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_272_0.tif", + "label": "train/immune_cycif_272_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_273_3.tif", + "label": "train/immune_cycif_273_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_274_0.tif", + "label": "train/immune_cycif_274_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_274_3.tif", + "label": "train/immune_cycif_274_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_277_2.tif", + "label": "train/immune_cycif_277_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_277_3.tif", + "label": "train/immune_cycif_277_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_280_0.tif", + "label": "train/immune_cycif_280_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_284_1.tif", + "label": "train/immune_cycif_284_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_287_2.tif", + "label": "train/immune_cycif_287_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_287_3.tif", + "label": "train/immune_cycif_287_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_288_3.tif", + "label": "train/immune_cycif_288_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_290_0.tif", + "label": "train/immune_cycif_290_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_290_1.tif", + "label": "train/immune_cycif_290_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_291_0.tif", + "label": "train/immune_cycif_291_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_293_3.tif", + "label": "train/immune_cycif_293_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_296_3.tif", + "label": "train/immune_cycif_296_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_297_2.tif", + "label": "train/immune_cycif_297_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_297_3.tif", + "label": "train/immune_cycif_297_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_298_1.tif", + "label": "train/immune_cycif_298_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_300_2.tif", + "label": "train/immune_cycif_300_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_303_0.tif", + "label": "train/immune_cycif_303_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_303_2.tif", + "label": "train/immune_cycif_303_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_303_3.tif", + "label": "train/immune_cycif_303_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_304_1.tif", + "label": "train/immune_cycif_304_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_305_2.tif", + "label": "train/immune_cycif_305_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_307_3.tif", + "label": "train/immune_cycif_307_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_308_3.tif", + "label": "train/immune_cycif_308_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_309_0.tif", + "label": "train/immune_cycif_309_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_309_3.tif", + "label": "train/immune_cycif_309_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_313_3.tif", + "label": "train/immune_cycif_313_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_314_0.tif", + "label": "train/immune_cycif_314_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_314_2.tif", + "label": "train/immune_cycif_314_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_315_3.tif", + "label": "train/immune_cycif_315_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_319_1.tif", + "label": "train/immune_cycif_319_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_319_2.tif", + "label": "train/immune_cycif_319_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_322_0.tif", + "label": "train/immune_cycif_322_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_325_0.tif", + "label": "train/immune_cycif_325_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_325_3.tif", + "label": "train/immune_cycif_325_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_326_0.tif", + "label": "train/immune_cycif_326_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_326_1.tif", + "label": "train/immune_cycif_326_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_326_2.tif", + "label": "train/immune_cycif_326_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_327_0.tif", + "label": "train/immune_cycif_327_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_327_2.tif", + "label": "train/immune_cycif_327_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_328_0.tif", + "label": "train/immune_cycif_328_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_329_0.tif", + "label": "train/immune_cycif_329_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_329_3.tif", + "label": "train/immune_cycif_329_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_330_1.tif", + "label": "train/immune_cycif_330_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_331_1.tif", + "label": "train/immune_cycif_331_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_331_2.tif", + "label": "train/immune_cycif_331_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_332_1.tif", + "label": "train/immune_cycif_332_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_334_1.tif", + "label": "train/immune_cycif_334_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_334_3.tif", + "label": "train/immune_cycif_334_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_335_0.tif", + "label": "train/immune_cycif_335_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_335_3.tif", + "label": "train/immune_cycif_335_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_336_0.tif", + "label": "train/immune_cycif_336_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_336_1.tif", + "label": "train/immune_cycif_336_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_337_0.tif", + "label": "train/immune_cycif_337_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_338_2.tif", + "label": "train/immune_cycif_338_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_339_0.tif", + "label": "train/immune_cycif_339_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_339_1.tif", + "label": "train/immune_cycif_339_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_340_0.tif", + "label": "train/immune_cycif_340_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_341_3.tif", + "label": "train/immune_cycif_341_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_343_0.tif", + "label": "train/immune_cycif_343_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_344_2.tif", + "label": "train/immune_cycif_344_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_345_0.tif", + "label": "train/immune_cycif_345_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_347_1.tif", + "label": "train/immune_cycif_347_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_347_3.tif", + "label": "train/immune_cycif_347_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_349_1.tif", + "label": "train/immune_cycif_349_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_350_0.tif", + "label": "train/immune_cycif_350_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_350_2.tif", + "label": "train/immune_cycif_350_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_351_0.tif", + "label": "train/immune_cycif_351_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_351_2.tif", + "label": "train/immune_cycif_351_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_351_3.tif", + "label": "train/immune_cycif_351_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_352_3.tif", + "label": "train/immune_cycif_352_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_353_2.tif", + "label": "train/immune_cycif_353_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_354_1.tif", + "label": "train/immune_cycif_354_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_355_1.tif", + "label": "train/immune_cycif_355_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_356_1.tif", + "label": "train/immune_cycif_356_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_356_2.tif", + "label": "train/immune_cycif_356_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_358_0.tif", + "label": "train/immune_cycif_358_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_358_2.tif", + "label": "train/immune_cycif_358_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_362_3.tif", + "label": "train/immune_cycif_362_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_363_2.tif", + "label": "train/immune_cycif_363_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_363_3.tif", + "label": "train/immune_cycif_363_3_masks.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "test/immune_cycif_4.tif", + "label": "test/immune_cycif_4_masks.tif" + }, + { + "image": "test/immune_cycif_5.tif", + "label": "test/immune_cycif_5_masks.tif" + }, + { + "image": "test/immune_cycif_11.tif", + "label": "test/immune_cycif_11_masks.tif" + }, + { + "image": "test/immune_cycif_14.tif", + "label": "test/immune_cycif_14_masks.tif" + }, + { + "image": "test/immune_cycif_16.tif", + "label": "test/immune_cycif_16_masks.tif" + }, + { + "image": "test/immune_cycif_19.tif", + "label": "test/immune_cycif_19_masks.tif" + }, + { + "image": "test/immune_cycif_29.tif", + "label": "test/immune_cycif_29_masks.tif" + }, + { + "image": "test/immune_cycif_31.tif", + "label": "test/immune_cycif_31_masks.tif" + }, + { + "image": "test/immune_cycif_35.tif", + "label": "test/immune_cycif_35_masks.tif" + }, + { + "image": "test/immune_cycif_40.tif", + "label": "test/immune_cycif_40_masks.tif" + }, + { + "image": "test/immune_cycif_42.tif", + "label": "test/immune_cycif_42_masks.tif" + }, + { + "image": "test/immune_cycif_47.tif", + "label": "test/immune_cycif_47_masks.tif" + }, + { + "image": "test/immune_cycif_51.tif", + "label": "test/immune_cycif_51_masks.tif" + }, + { + "image": "test/immune_cycif_53.tif", + "label": "test/immune_cycif_53_masks.tif" + }, + { + "image": "test/immune_cycif_69.tif", + "label": "test/immune_cycif_69_masks.tif" + }, + { + "image": "test/immune_cycif_73.tif", + "label": "test/immune_cycif_73_masks.tif" + }, + { + "image": "test/immune_cycif_75.tif", + "label": "test/immune_cycif_75_masks.tif" + }, + { + "image": "test/immune_cycif_85.tif", + "label": "test/immune_cycif_85_masks.tif" + }, + { + "image": "test/immune_cycif_93.tif", + "label": "test/immune_cycif_93_masks.tif" + }, + { + "image": "test/immune_cycif_95.tif", + "label": "test/immune_cycif_95_masks.tif" + }, + { + "image": "test/immune_cycif_102.tif", + "label": "test/immune_cycif_102_masks.tif" + }, + { + "image": "test/immune_cycif_105.tif", + "label": "test/immune_cycif_105_masks.tif" + }, + { + "image": "test/immune_cycif_106.tif", + "label": "test/immune_cycif_106_masks.tif" + }, + { + "image": "test/immune_cycif_110.tif", + "label": "test/immune_cycif_110_masks.tif" + }, + { + "image": "test/immune_cycif_112.tif", + "label": "test/immune_cycif_112_masks.tif" + }, + { + "image": "test/immune_cycif_114.tif", + "label": "test/immune_cycif_114_masks.tif" + }, + { + "image": "test/immune_cycif_123.tif", + "label": "test/immune_cycif_123_masks.tif" + }, + { + "image": "test/immune_cycif_126.tif", + "label": "test/immune_cycif_126_masks.tif" + }, + { + "image": "test/immune_cycif_135.tif", + "label": "test/immune_cycif_135_masks.tif" + }, + { + "image": "test/immune_cycif_148.tif", + "label": "test/immune_cycif_148_masks.tif" + }, + { + "image": "test/immune_cycif_149.tif", + "label": "test/immune_cycif_149_masks.tif" + }, + { + "image": "test/immune_cycif_153.tif", + "label": "test/immune_cycif_153_masks.tif" + }, + { + "image": "test/immune_cycif_159.tif", + "label": "test/immune_cycif_159_masks.tif" + }, + { + "image": "test/immune_cycif_162.tif", + "label": "test/immune_cycif_162_masks.tif" + }, + { + "image": "test/immune_cycif_169.tif", + "label": "test/immune_cycif_169_masks.tif" + }, + { + "image": "test/immune_cycif_12.tif", + "label": "test/immune_cycif_12_masks.tif" + }, + { + "image": "test/immune_cycif_13.tif", + "label": "test/immune_cycif_13_masks.tif" + }, + { + "image": "test/immune_cycif_17.tif", + "label": "test/immune_cycif_17_masks.tif" + }, + { + "image": "test/immune_cycif_18.tif", + "label": "test/immune_cycif_18_masks.tif" + }, + { + "image": "test/immune_cycif_28.tif", + "label": "test/immune_cycif_28_masks.tif" + }, + { + "image": "test/immune_cycif_33.tif", + "label": "test/immune_cycif_33_masks.tif" + }, + { + "image": "test/immune_cycif_36.tif", + "label": "test/immune_cycif_36_masks.tif" + }, + { + "image": "test/immune_cycif_39.tif", + "label": "test/immune_cycif_39_masks.tif" + }, + { + "image": "test/immune_cycif_44.tif", + "label": "test/immune_cycif_44_masks.tif" + }, + { + "image": "test/immune_cycif_45.tif", + "label": "test/immune_cycif_45_masks.tif" + }, + { + "image": "test/immune_cycif_48.tif", + "label": "test/immune_cycif_48_masks.tif" + }, + { + "image": "test/immune_cycif_54.tif", + "label": "test/immune_cycif_54_masks.tif" + }, + { + "image": "test/immune_cycif_56.tif", + "label": "test/immune_cycif_56_masks.tif" + }, + { + "image": "test/immune_cycif_58.tif", + "label": "test/immune_cycif_58_masks.tif" + }, + { + "image": "test/immune_cycif_59.tif", + "label": "test/immune_cycif_59_masks.tif" + }, + { + "image": "test/immune_cycif_66.tif", + "label": "test/immune_cycif_66_masks.tif" + }, + { + "image": "test/immune_cycif_78.tif", + "label": "test/immune_cycif_78_masks.tif" + }, + { + "image": "test/immune_cycif_81.tif", + "label": "test/immune_cycif_81_masks.tif" + }, + { + "image": "test/immune_cycif_88.tif", + "label": "test/immune_cycif_88_masks.tif" + }, + { + "image": "test/immune_cycif_89.tif", + "label": "test/immune_cycif_89_masks.tif" + }, + { + "image": "test/immune_cycif_90.tif", + "label": "test/immune_cycif_90_masks.tif" + }, + { + "image": "test/immune_cycif_91.tif", + "label": "test/immune_cycif_91_masks.tif" + }, + { + "image": "test/immune_cycif_92.tif", + "label": "test/immune_cycif_92_masks.tif" + }, + { + "image": "test/immune_cycif_94.tif", + "label": "test/immune_cycif_94_masks.tif" + }, + { + "image": "test/immune_cycif_97.tif", + "label": "test/immune_cycif_97_masks.tif" + }, + { + "image": "test/immune_cycif_108.tif", + "label": "test/immune_cycif_108_masks.tif" + }, + { + "image": "test/immune_cycif_117.tif", + "label": "test/immune_cycif_117_masks.tif" + }, + { + "image": "test/immune_cycif_118.tif", + "label": "test/immune_cycif_118_masks.tif" + }, + { + "image": "test/immune_cycif_120.tif", + "label": "test/immune_cycif_120_masks.tif" + }, + { + "image": "test/immune_cycif_124.tif", + "label": "test/immune_cycif_124_masks.tif" + }, + { + "image": "test/immune_cycif_127.tif", + "label": "test/immune_cycif_127_masks.tif" + }, + { + "image": "test/immune_cycif_132.tif", + "label": "test/immune_cycif_132_masks.tif" + }, + { + "image": "test/immune_cycif_143.tif", + "label": "test/immune_cycif_143_masks.tif" + }, + { + "image": "test/immune_cycif_145.tif", + "label": "test/immune_cycif_145_masks.tif" + }, + { + "image": "test/immune_cycif_160.tif", + "label": "test/immune_cycif_160_masks.tif" + }, + { + "image": "test/immune_cycif_0.tif", + "label": "test/immune_cycif_0_masks.tif" + }, + { + "image": "test/immune_cycif_2.tif", + "label": "test/immune_cycif_2_masks.tif" + }, + { + "image": "test/immune_cycif_6.tif", + "label": "test/immune_cycif_6_masks.tif" + }, + { + "image": "test/immune_cycif_10.tif", + "label": "test/immune_cycif_10_masks.tif" + }, + { + "image": "test/immune_cycif_21.tif", + "label": "test/immune_cycif_21_masks.tif" + }, + { + "image": "test/immune_cycif_32.tif", + "label": "test/immune_cycif_32_masks.tif" + }, + { + "image": "test/immune_cycif_34.tif", + "label": "test/immune_cycif_34_masks.tif" + }, + { + "image": "test/immune_cycif_38.tif", + "label": "test/immune_cycif_38_masks.tif" + }, + { + "image": "test/immune_cycif_46.tif", + "label": "test/immune_cycif_46_masks.tif" + }, + { + "image": "test/immune_cycif_55.tif", + "label": "test/immune_cycif_55_masks.tif" + }, + { + "image": "test/immune_cycif_62.tif", + "label": "test/immune_cycif_62_masks.tif" + }, + { + "image": "test/immune_cycif_65.tif", + "label": "test/immune_cycif_65_masks.tif" + }, + { + "image": "test/immune_cycif_70.tif", + "label": "test/immune_cycif_70_masks.tif" + }, + { + "image": "test/immune_cycif_74.tif", + "label": "test/immune_cycif_74_masks.tif" + }, + { + "image": "test/immune_cycif_77.tif", + "label": "test/immune_cycif_77_masks.tif" + }, + { + "image": "test/immune_cycif_83.tif", + "label": "test/immune_cycif_83_masks.tif" + }, + { + "image": "test/immune_cycif_84.tif", + "label": "test/immune_cycif_84_masks.tif" + }, + { + "image": "test/immune_cycif_99.tif", + "label": "test/immune_cycif_99_masks.tif" + }, + { + "image": "test/immune_cycif_107.tif", + "label": "test/immune_cycif_107_masks.tif" + }, + { + "image": "test/immune_cycif_113.tif", + "label": "test/immune_cycif_113_masks.tif" + }, + { + "image": "test/immune_cycif_116.tif", + "label": "test/immune_cycif_116_masks.tif" + }, + { + "image": "test/immune_cycif_122.tif", + "label": "test/immune_cycif_122_masks.tif" + }, + { + "image": "test/immune_cycif_125.tif", + "label": "test/immune_cycif_125_masks.tif" + }, + { + "image": "test/immune_cycif_130.tif", + "label": "test/immune_cycif_130_masks.tif" + }, + { + "image": "test/immune_cycif_136.tif", + "label": "test/immune_cycif_136_masks.tif" + }, + { + "image": "test/immune_cycif_138.tif", + "label": "test/immune_cycif_138_masks.tif" + }, + { + "image": "test/immune_cycif_151.tif", + "label": "test/immune_cycif_151_masks.tif" + }, + { + "image": "test/immune_cycif_154.tif", + "label": "test/immune_cycif_154_masks.tif" + }, + { + "image": "test/immune_cycif_158.tif", + "label": "test/immune_cycif_158_masks.tif" + }, + { + "image": "test/immune_cycif_163.tif", + "label": "test/immune_cycif_163_masks.tif" + }, + { + "image": "test/immune_cycif_165.tif", + "label": "test/immune_cycif_165_masks.tif" + }, + { + "image": "test/immune_cycif_168.tif", + "label": "test/immune_cycif_168_masks.tif" + }, + { + "image": "test/immune_cycif_170.tif", + "label": "test/immune_cycif_170_masks.tif" + }, + { + "image": "test/immune_cycif_172.tif", + "label": "test/immune_cycif_172_masks.tif" + }, + { + "image": "test/immune_cycif_174.tif", + "label": "test/immune_cycif_174_masks.tif" + }, + { + "image": "test/immune_cycif_3.tif", + "label": "test/immune_cycif_3_masks.tif" + }, + { + "image": "test/immune_cycif_9.tif", + "label": "test/immune_cycif_9_masks.tif" + }, + { + "image": "test/immune_cycif_15.tif", + "label": "test/immune_cycif_15_masks.tif" + }, + { + "image": "test/immune_cycif_23.tif", + "label": "test/immune_cycif_23_masks.tif" + }, + { + "image": "test/immune_cycif_24.tif", + "label": "test/immune_cycif_24_masks.tif" + }, + { + "image": "test/immune_cycif_26.tif", + "label": "test/immune_cycif_26_masks.tif" + }, + { + "image": "test/immune_cycif_27.tif", + "label": "test/immune_cycif_27_masks.tif" + }, + { + "image": "test/immune_cycif_30.tif", + "label": "test/immune_cycif_30_masks.tif" + }, + { + "image": "test/immune_cycif_41.tif", + "label": "test/immune_cycif_41_masks.tif" + }, + { + "image": "test/immune_cycif_43.tif", + "label": "test/immune_cycif_43_masks.tif" + }, + { + "image": "test/immune_cycif_49.tif", + "label": "test/immune_cycif_49_masks.tif" + }, + { + "image": "test/immune_cycif_52.tif", + "label": "test/immune_cycif_52_masks.tif" + }, + { + "image": "test/immune_cycif_64.tif", + "label": "test/immune_cycif_64_masks.tif" + }, + { + "image": "test/immune_cycif_67.tif", + "label": "test/immune_cycif_67_masks.tif" + }, + { + "image": "test/immune_cycif_76.tif", + "label": "test/immune_cycif_76_masks.tif" + }, + { + "image": "test/immune_cycif_80.tif", + "label": "test/immune_cycif_80_masks.tif" + }, + { + "image": "test/immune_cycif_82.tif", + "label": "test/immune_cycif_82_masks.tif" + }, + { + "image": "test/immune_cycif_87.tif", + "label": "test/immune_cycif_87_masks.tif" + }, + { + "image": "test/immune_cycif_98.tif", + "label": "test/immune_cycif_98_masks.tif" + }, + { + "image": "test/immune_cycif_100.tif", + "label": "test/immune_cycif_100_masks.tif" + }, + { + "image": "test/immune_cycif_103.tif", + "label": "test/immune_cycif_103_masks.tif" + }, + { + "image": "test/immune_cycif_104.tif", + "label": "test/immune_cycif_104_masks.tif" + }, + { + "image": "test/immune_cycif_109.tif", + "label": "test/immune_cycif_109_masks.tif" + }, + { + "image": "test/immune_cycif_111.tif", + "label": "test/immune_cycif_111_masks.tif" + }, + { + "image": "test/immune_cycif_119.tif", + "label": "test/immune_cycif_119_masks.tif" + }, + { + "image": "test/immune_cycif_121.tif", + "label": "test/immune_cycif_121_masks.tif" + }, + { + "image": "test/immune_cycif_131.tif", + "label": "test/immune_cycif_131_masks.tif" + }, + { + "image": "test/immune_cycif_147.tif", + "label": "test/immune_cycif_147_masks.tif" + }, + { + "image": "test/immune_cycif_150.tif", + "label": "test/immune_cycif_150_masks.tif" + }, + { + "image": "test/immune_cycif_155.tif", + "label": "test/immune_cycif_155_masks.tif" + }, + { + "image": "test/immune_cycif_161.tif", + "label": "test/immune_cycif_161_masks.tif" + }, + { + "image": "test/immune_cycif_164.tif", + "label": "test/immune_cycif_164_masks.tif" + }, + { + "image": "test/immune_cycif_166.tif", + "label": "test/immune_cycif_166_masks.tif" + }, + { + "image": "test/immune_cycif_167.tif", + "label": "test/immune_cycif_167_masks.tif" + }, + { + "image": "test/immune_cycif_173.tif", + "label": "test/immune_cycif_173_masks.tif" + }, + { + "image": "test/immune_cycif_1.tif", + "label": "test/immune_cycif_1_masks.tif" + }, + { + "image": "test/immune_cycif_7.tif", + "label": "test/immune_cycif_7_masks.tif" + }, + { + "image": "test/immune_cycif_8.tif", + "label": "test/immune_cycif_8_masks.tif" + }, + { + "image": "test/immune_cycif_20.tif", + "label": "test/immune_cycif_20_masks.tif" + }, + { + "image": "test/immune_cycif_22.tif", + "label": "test/immune_cycif_22_masks.tif" + }, + { + "image": "test/immune_cycif_25.tif", + "label": "test/immune_cycif_25_masks.tif" + }, + { + "image": "test/immune_cycif_37.tif", + "label": "test/immune_cycif_37_masks.tif" + }, + { + "image": "test/immune_cycif_50.tif", + "label": "test/immune_cycif_50_masks.tif" + }, + { + "image": "test/immune_cycif_57.tif", + "label": "test/immune_cycif_57_masks.tif" + }, + { + "image": "test/immune_cycif_60.tif", + "label": "test/immune_cycif_60_masks.tif" + }, + { + "image": "test/immune_cycif_61.tif", + "label": "test/immune_cycif_61_masks.tif" + }, + { + "image": "test/immune_cycif_63.tif", + "label": "test/immune_cycif_63_masks.tif" + }, + { + "image": "test/immune_cycif_68.tif", + "label": "test/immune_cycif_68_masks.tif" + }, + { + "image": "test/immune_cycif_71.tif", + "label": "test/immune_cycif_71_masks.tif" + }, + { + "image": "test/immune_cycif_72.tif", + "label": "test/immune_cycif_72_masks.tif" + }, + { + "image": "test/immune_cycif_79.tif", + "label": "test/immune_cycif_79_masks.tif" + }, + { + "image": "test/immune_cycif_86.tif", + "label": "test/immune_cycif_86_masks.tif" + }, + { + "image": "test/immune_cycif_96.tif", + "label": "test/immune_cycif_96_masks.tif" + }, + { + "image": "test/immune_cycif_101.tif", + "label": "test/immune_cycif_101_masks.tif" + }, + { + "image": "test/immune_cycif_115.tif", + "label": "test/immune_cycif_115_masks.tif" + }, + { + "image": "test/immune_cycif_128.tif", + "label": "test/immune_cycif_128_masks.tif" + }, + { + "image": "test/immune_cycif_129.tif", + "label": "test/immune_cycif_129_masks.tif" + }, + { + "image": "test/immune_cycif_133.tif", + "label": "test/immune_cycif_133_masks.tif" + }, + { + "image": "test/immune_cycif_134.tif", + "label": "test/immune_cycif_134_masks.tif" + }, + { + "image": "test/immune_cycif_137.tif", + "label": "test/immune_cycif_137_masks.tif" + }, + { + "image": "test/immune_cycif_139.tif", + "label": "test/immune_cycif_139_masks.tif" + }, + { + "image": "test/immune_cycif_140.tif", + "label": "test/immune_cycif_140_masks.tif" + }, + { + "image": "test/immune_cycif_141.tif", + "label": "test/immune_cycif_141_masks.tif" + }, + { + "image": "test/immune_cycif_142.tif", + "label": "test/immune_cycif_142_masks.tif" + }, + { + "image": "test/immune_cycif_144.tif", + "label": "test/immune_cycif_144_masks.tif" + }, + { + "image": "test/immune_cycif_146.tif", + "label": "test/immune_cycif_146_masks.tif" + }, + { + "image": "test/immune_cycif_152.tif", + "label": "test/immune_cycif_152_masks.tif" + }, + { + "image": "test/immune_cycif_156.tif", + "label": "test/immune_cycif_156_masks.tif" + }, + { + "image": "test/immune_cycif_157.tif", + "label": "test/immune_cycif_157_masks.tif" + }, + { + "image": "test/immune_cycif_171.tif", + "label": "test/immune_cycif_171_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_immune_datalist.json b/vista2d/datalists/tissuenet_immune_datalist.json new file mode 100644 index 0000000..d45428f --- /dev/null +++ b/vista2d/datalists/tissuenet_immune_datalist.json @@ -0,0 +1,13220 @@ +{ + "training": [ + { + "image": "val/immune_cycif_0.tif", + "label": "val/immune_cycif_0_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_11.tif", + "label": "val/immune_cycif_11_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_13.tif", + "label": "val/immune_cycif_13_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_17.tif", + "label": "val/immune_cycif_17_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_23.tif", + "label": "val/immune_cycif_23_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_29.tif", + "label": "val/immune_cycif_29_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_34.tif", + "label": "val/immune_cycif_34_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_41.tif", + "label": "val/immune_cycif_41_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_47.tif", + "label": "val/immune_cycif_47_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_49.tif", + "label": "val/immune_cycif_49_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_59.tif", + "label": "val/immune_cycif_59_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_60.tif", + "label": "val/immune_cycif_60_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_62.tif", + "label": "val/immune_cycif_62_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_65.tif", + "label": "val/immune_cycif_65_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_66.tif", + "label": "val/immune_cycif_66_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_69.tif", + "label": "val/immune_cycif_69_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_82.tif", + "label": "val/immune_cycif_82_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_85.tif", + "label": "val/immune_cycif_85_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_88.tif", + "label": "val/immune_cycif_88_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_90.tif", + "label": "val/immune_cycif_90_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_92.tif", + "label": "val/immune_cycif_92_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_101.tif", + "label": "val/immune_cycif_101_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_103.tif", + "label": "val/immune_cycif_103_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_107.tif", + "label": "val/immune_cycif_107_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_111.tif", + "label": "val/immune_cycif_111_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_119.tif", + "label": "val/immune_cycif_119_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_120.tif", + "label": "val/immune_cycif_120_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_132.tif", + "label": "val/immune_cycif_132_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_135.tif", + "label": "val/immune_cycif_135_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_159.tif", + "label": "val/immune_cycif_159_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_160.tif", + "label": "val/immune_cycif_160_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_162.tif", + "label": "val/immune_cycif_162_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_165.tif", + "label": "val/immune_cycif_165_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_172.tif", + "label": "val/immune_cycif_172_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_173.tif", + "label": "val/immune_cycif_173_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_179.tif", + "label": "val/immune_cycif_179_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_181.tif", + "label": "val/immune_cycif_181_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_185.tif", + "label": "val/immune_cycif_185_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_186.tif", + "label": "val/immune_cycif_186_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_195.tif", + "label": "val/immune_cycif_195_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_200.tif", + "label": "val/immune_cycif_200_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_201.tif", + "label": "val/immune_cycif_201_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_207.tif", + "label": "val/immune_cycif_207_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_214.tif", + "label": "val/immune_cycif_214_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_218.tif", + "label": "val/immune_cycif_218_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_224.tif", + "label": "val/immune_cycif_224_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_236.tif", + "label": "val/immune_cycif_236_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_242.tif", + "label": "val/immune_cycif_242_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_245.tif", + "label": "val/immune_cycif_245_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_247.tif", + "label": "val/immune_cycif_247_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_250.tif", + "label": "val/immune_cycif_250_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_259.tif", + "label": "val/immune_cycif_259_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_262.tif", + "label": "val/immune_cycif_262_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_267.tif", + "label": "val/immune_cycif_267_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_268.tif", + "label": "val/immune_cycif_268_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_273.tif", + "label": "val/immune_cycif_273_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_283.tif", + "label": "val/immune_cycif_283_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_285.tif", + "label": "val/immune_cycif_285_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_286.tif", + "label": "val/immune_cycif_286_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_304.tif", + "label": "val/immune_cycif_304_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_305.tif", + "label": "val/immune_cycif_305_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_318.tif", + "label": "val/immune_cycif_318_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_323.tif", + "label": "val/immune_cycif_323_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_333.tif", + "label": "val/immune_cycif_333_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_346.tif", + "label": "val/immune_cycif_346_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_351.tif", + "label": "val/immune_cycif_351_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_353.tif", + "label": "val/immune_cycif_353_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_360.tif", + "label": "val/immune_cycif_360_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_368.tif", + "label": "val/immune_cycif_368_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_370.tif", + "label": "val/immune_cycif_370_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_373.tif", + "label": "val/immune_cycif_373_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_383.tif", + "label": "val/immune_cycif_383_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_386.tif", + "label": "val/immune_cycif_386_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_395.tif", + "label": "val/immune_cycif_395_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_402.tif", + "label": "val/immune_cycif_402_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_406.tif", + "label": "val/immune_cycif_406_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_408.tif", + "label": "val/immune_cycif_408_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_414.tif", + "label": "val/immune_cycif_414_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_419.tif", + "label": "val/immune_cycif_419_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_423.tif", + "label": "val/immune_cycif_423_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_427.tif", + "label": "val/immune_cycif_427_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_428.tif", + "label": "val/immune_cycif_428_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_436.tif", + "label": "val/immune_cycif_436_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_446.tif", + "label": "val/immune_cycif_446_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_447.tif", + "label": "val/immune_cycif_447_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_457.tif", + "label": "val/immune_cycif_457_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_458.tif", + "label": "val/immune_cycif_458_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_460.tif", + "label": "val/immune_cycif_460_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_463.tif", + "label": "val/immune_cycif_463_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_481.tif", + "label": "val/immune_cycif_481_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_483.tif", + "label": "val/immune_cycif_483_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_3.tif", + "label": "val/immune_mibi_3_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_11.tif", + "label": "val/immune_mibi_11_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_13.tif", + "label": "val/immune_mibi_13_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_19.tif", + "label": "val/immune_mibi_19_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_26.tif", + "label": "val/immune_mibi_26_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_27.tif", + "label": "val/immune_mibi_27_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_32.tif", + "label": "val/immune_mibi_32_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_35.tif", + "label": "val/immune_mibi_35_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_0.tif", + "label": "val/immune_vectra_0_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_14.tif", + "label": "val/immune_vectra_14_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_17.tif", + "label": "val/immune_vectra_17_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_19.tif", + "label": "val/immune_vectra_19_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_20.tif", + "label": "val/immune_vectra_20_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_23.tif", + "label": "val/immune_vectra_23_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_27.tif", + "label": "val/immune_vectra_27_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_40.tif", + "label": "val/immune_vectra_40_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_43.tif", + "label": "val/immune_vectra_43_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_44.tif", + "label": "val/immune_vectra_44_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_47.tif", + "label": "val/immune_vectra_47_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_49.tif", + "label": "val/immune_vectra_49_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_55.tif", + "label": "val/immune_vectra_55_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_58.tif", + "label": "val/immune_vectra_58_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_60.tif", + "label": "val/immune_vectra_60_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_65.tif", + "label": "val/immune_vectra_65_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_66.tif", + "label": "val/immune_vectra_66_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_68.tif", + "label": "val/immune_vectra_68_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_69.tif", + "label": "val/immune_vectra_69_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_73.tif", + "label": "val/immune_vectra_73_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_79.tif", + "label": "val/immune_vectra_79_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_84.tif", + "label": "val/immune_vectra_84_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_85.tif", + "label": "val/immune_vectra_85_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_91.tif", + "label": "val/immune_vectra_91_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_94.tif", + "label": "val/immune_vectra_94_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_95.tif", + "label": "val/immune_vectra_95_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_97.tif", + "label": "val/immune_vectra_97_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_3.tif", + "label": "val/immune_cycif_3_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_4.tif", + "label": "val/immune_cycif_4_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_5.tif", + "label": "val/immune_cycif_5_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_9.tif", + "label": "val/immune_cycif_9_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_16.tif", + "label": "val/immune_cycif_16_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_19.tif", + "label": "val/immune_cycif_19_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_31.tif", + "label": "val/immune_cycif_31_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_38.tif", + "label": "val/immune_cycif_38_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_39.tif", + "label": "val/immune_cycif_39_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_40.tif", + "label": "val/immune_cycif_40_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_42.tif", + "label": "val/immune_cycif_42_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_52.tif", + "label": "val/immune_cycif_52_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_57.tif", + "label": "val/immune_cycif_57_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_61.tif", + "label": "val/immune_cycif_61_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_67.tif", + "label": "val/immune_cycif_67_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_68.tif", + "label": "val/immune_cycif_68_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_74.tif", + "label": "val/immune_cycif_74_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_76.tif", + "label": "val/immune_cycif_76_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_78.tif", + "label": "val/immune_cycif_78_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_80.tif", + "label": "val/immune_cycif_80_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_81.tif", + "label": "val/immune_cycif_81_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_95.tif", + "label": "val/immune_cycif_95_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_97.tif", + "label": "val/immune_cycif_97_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_102.tif", + "label": "val/immune_cycif_102_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_104.tif", + "label": "val/immune_cycif_104_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_110.tif", + "label": "val/immune_cycif_110_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_117.tif", + "label": "val/immune_cycif_117_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_118.tif", + "label": "val/immune_cycif_118_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_121.tif", + "label": "val/immune_cycif_121_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_124.tif", + "label": "val/immune_cycif_124_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_128.tif", + "label": "val/immune_cycif_128_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_133.tif", + "label": "val/immune_cycif_133_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_139.tif", + "label": "val/immune_cycif_139_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_146.tif", + "label": "val/immune_cycif_146_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_147.tif", + "label": "val/immune_cycif_147_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_148.tif", + "label": "val/immune_cycif_148_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_157.tif", + "label": "val/immune_cycif_157_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_161.tif", + "label": "val/immune_cycif_161_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_180.tif", + "label": "val/immune_cycif_180_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_187.tif", + "label": "val/immune_cycif_187_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_189.tif", + "label": "val/immune_cycif_189_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_192.tif", + "label": "val/immune_cycif_192_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_197.tif", + "label": "val/immune_cycif_197_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_223.tif", + "label": "val/immune_cycif_223_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_233.tif", + "label": "val/immune_cycif_233_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_241.tif", + "label": "val/immune_cycif_241_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_255.tif", + "label": "val/immune_cycif_255_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_257.tif", + "label": "val/immune_cycif_257_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_260.tif", + "label": "val/immune_cycif_260_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_261.tif", + "label": "val/immune_cycif_261_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_274.tif", + "label": "val/immune_cycif_274_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_277.tif", + "label": "val/immune_cycif_277_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_284.tif", + "label": "val/immune_cycif_284_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_291.tif", + "label": "val/immune_cycif_291_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_292.tif", + "label": "val/immune_cycif_292_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_293.tif", + "label": "val/immune_cycif_293_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_306.tif", + "label": "val/immune_cycif_306_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_307.tif", + "label": "val/immune_cycif_307_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_311.tif", + "label": "val/immune_cycif_311_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_314.tif", + "label": "val/immune_cycif_314_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_328.tif", + "label": "val/immune_cycif_328_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_334.tif", + "label": "val/immune_cycif_334_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_335.tif", + "label": "val/immune_cycif_335_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_340.tif", + "label": "val/immune_cycif_340_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_341.tif", + "label": "val/immune_cycif_341_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_345.tif", + "label": "val/immune_cycif_345_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_347.tif", + "label": "val/immune_cycif_347_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_349.tif", + "label": "val/immune_cycif_349_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_350.tif", + "label": "val/immune_cycif_350_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_354.tif", + "label": "val/immune_cycif_354_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_355.tif", + "label": "val/immune_cycif_355_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_358.tif", + "label": "val/immune_cycif_358_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_359.tif", + "label": "val/immune_cycif_359_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_361.tif", + "label": "val/immune_cycif_361_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_364.tif", + "label": "val/immune_cycif_364_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_365.tif", + "label": "val/immune_cycif_365_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_371.tif", + "label": "val/immune_cycif_371_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_375.tif", + "label": "val/immune_cycif_375_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_376.tif", + "label": "val/immune_cycif_376_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_392.tif", + "label": "val/immune_cycif_392_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_394.tif", + "label": "val/immune_cycif_394_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_407.tif", + "label": "val/immune_cycif_407_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_409.tif", + "label": "val/immune_cycif_409_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_421.tif", + "label": "val/immune_cycif_421_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_425.tif", + "label": "val/immune_cycif_425_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_429.tif", + "label": "val/immune_cycif_429_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_435.tif", + "label": "val/immune_cycif_435_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_438.tif", + "label": "val/immune_cycif_438_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_439.tif", + "label": "val/immune_cycif_439_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_441.tif", + "label": "val/immune_cycif_441_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_442.tif", + "label": "val/immune_cycif_442_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_445.tif", + "label": "val/immune_cycif_445_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_455.tif", + "label": "val/immune_cycif_455_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_465.tif", + "label": "val/immune_cycif_465_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_475.tif", + "label": "val/immune_cycif_475_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_479.tif", + "label": "val/immune_cycif_479_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_480.tif", + "label": "val/immune_cycif_480_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_484.tif", + "label": "val/immune_cycif_484_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_8.tif", + "label": "val/immune_mibi_8_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_15.tif", + "label": "val/immune_mibi_15_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_17.tif", + "label": "val/immune_mibi_17_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_25.tif", + "label": "val/immune_mibi_25_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_31.tif", + "label": "val/immune_mibi_31_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_34.tif", + "label": "val/immune_mibi_34_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_37.tif", + "label": "val/immune_mibi_37_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_38.tif", + "label": "val/immune_mibi_38_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_41.tif", + "label": "val/immune_mibi_41_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_42.tif", + "label": "val/immune_mibi_42_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_5.tif", + "label": "val/immune_vectra_5_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_13.tif", + "label": "val/immune_vectra_13_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_21.tif", + "label": "val/immune_vectra_21_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_28.tif", + "label": "val/immune_vectra_28_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_30.tif", + "label": "val/immune_vectra_30_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_35.tif", + "label": "val/immune_vectra_35_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_38.tif", + "label": "val/immune_vectra_38_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_39.tif", + "label": "val/immune_vectra_39_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_41.tif", + "label": "val/immune_vectra_41_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_45.tif", + "label": "val/immune_vectra_45_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_52.tif", + "label": "val/immune_vectra_52_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_54.tif", + "label": "val/immune_vectra_54_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_62.tif", + "label": "val/immune_vectra_62_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_67.tif", + "label": "val/immune_vectra_67_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_74.tif", + "label": "val/immune_vectra_74_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_75.tif", + "label": "val/immune_vectra_75_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_78.tif", + "label": "val/immune_vectra_78_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_88.tif", + "label": "val/immune_vectra_88_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_1.tif", + "label": "val/immune_cycif_1_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_2.tif", + "label": "val/immune_cycif_2_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_6.tif", + "label": "val/immune_cycif_6_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_12.tif", + "label": "val/immune_cycif_12_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_14.tif", + "label": "val/immune_cycif_14_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_18.tif", + "label": "val/immune_cycif_18_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_27.tif", + "label": "val/immune_cycif_27_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_30.tif", + "label": "val/immune_cycif_30_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_36.tif", + "label": "val/immune_cycif_36_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_46.tif", + "label": "val/immune_cycif_46_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_51.tif", + "label": "val/immune_cycif_51_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_54.tif", + "label": "val/immune_cycif_54_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_58.tif", + "label": "val/immune_cycif_58_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_70.tif", + "label": "val/immune_cycif_70_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_73.tif", + "label": "val/immune_cycif_73_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_89.tif", + "label": "val/immune_cycif_89_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_91.tif", + "label": "val/immune_cycif_91_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_93.tif", + "label": "val/immune_cycif_93_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_98.tif", + "label": "val/immune_cycif_98_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_105.tif", + "label": "val/immune_cycif_105_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_106.tif", + "label": "val/immune_cycif_106_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_112.tif", + "label": "val/immune_cycif_112_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_114.tif", + "label": "val/immune_cycif_114_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_115.tif", + "label": "val/immune_cycif_115_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_122.tif", + "label": "val/immune_cycif_122_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_123.tif", + "label": "val/immune_cycif_123_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_125.tif", + "label": "val/immune_cycif_125_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_127.tif", + "label": "val/immune_cycif_127_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_131.tif", + "label": "val/immune_cycif_131_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_138.tif", + "label": "val/immune_cycif_138_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_142.tif", + "label": "val/immune_cycif_142_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_143.tif", + "label": "val/immune_cycif_143_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_153.tif", + "label": "val/immune_cycif_153_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_164.tif", + "label": "val/immune_cycif_164_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_168.tif", + "label": "val/immune_cycif_168_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_171.tif", + "label": "val/immune_cycif_171_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_174.tif", + "label": "val/immune_cycif_174_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_182.tif", + "label": "val/immune_cycif_182_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_191.tif", + "label": "val/immune_cycif_191_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_203.tif", + "label": "val/immune_cycif_203_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_204.tif", + "label": "val/immune_cycif_204_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_208.tif", + "label": "val/immune_cycif_208_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_213.tif", + "label": "val/immune_cycif_213_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_220.tif", + "label": "val/immune_cycif_220_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_221.tif", + "label": "val/immune_cycif_221_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_225.tif", + "label": "val/immune_cycif_225_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_230.tif", + "label": "val/immune_cycif_230_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_232.tif", + "label": "val/immune_cycif_232_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_237.tif", + "label": "val/immune_cycif_237_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_238.tif", + "label": "val/immune_cycif_238_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_239.tif", + "label": "val/immune_cycif_239_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_240.tif", + "label": "val/immune_cycif_240_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_244.tif", + "label": "val/immune_cycif_244_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_246.tif", + "label": "val/immune_cycif_246_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_249.tif", + "label": "val/immune_cycif_249_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_256.tif", + "label": "val/immune_cycif_256_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_258.tif", + "label": "val/immune_cycif_258_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_265.tif", + "label": "val/immune_cycif_265_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_270.tif", + "label": "val/immune_cycif_270_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_272.tif", + "label": "val/immune_cycif_272_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_289.tif", + "label": "val/immune_cycif_289_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_295.tif", + "label": "val/immune_cycif_295_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_300.tif", + "label": "val/immune_cycif_300_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_301.tif", + "label": "val/immune_cycif_301_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_308.tif", + "label": "val/immune_cycif_308_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_312.tif", + "label": "val/immune_cycif_312_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_315.tif", + "label": "val/immune_cycif_315_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_326.tif", + "label": "val/immune_cycif_326_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_329.tif", + "label": "val/immune_cycif_329_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_337.tif", + "label": "val/immune_cycif_337_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_339.tif", + "label": "val/immune_cycif_339_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_342.tif", + "label": "val/immune_cycif_342_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_344.tif", + "label": "val/immune_cycif_344_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_352.tif", + "label": "val/immune_cycif_352_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_362.tif", + "label": "val/immune_cycif_362_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_363.tif", + "label": "val/immune_cycif_363_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_374.tif", + "label": "val/immune_cycif_374_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_377.tif", + "label": "val/immune_cycif_377_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_378.tif", + "label": "val/immune_cycif_378_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_379.tif", + "label": "val/immune_cycif_379_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_380.tif", + "label": "val/immune_cycif_380_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_382.tif", + "label": "val/immune_cycif_382_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_385.tif", + "label": "val/immune_cycif_385_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_388.tif", + "label": "val/immune_cycif_388_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_396.tif", + "label": "val/immune_cycif_396_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_397.tif", + "label": "val/immune_cycif_397_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_404.tif", + "label": "val/immune_cycif_404_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_410.tif", + "label": "val/immune_cycif_410_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_411.tif", + "label": "val/immune_cycif_411_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_415.tif", + "label": "val/immune_cycif_415_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_417.tif", + "label": "val/immune_cycif_417_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_422.tif", + "label": "val/immune_cycif_422_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_426.tif", + "label": "val/immune_cycif_426_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_440.tif", + "label": "val/immune_cycif_440_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_444.tif", + "label": "val/immune_cycif_444_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_449.tif", + "label": "val/immune_cycif_449_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_452.tif", + "label": "val/immune_cycif_452_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_453.tif", + "label": "val/immune_cycif_453_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_464.tif", + "label": "val/immune_cycif_464_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_482.tif", + "label": "val/immune_cycif_482_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_1.tif", + "label": "val/immune_mibi_1_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_2.tif", + "label": "val/immune_mibi_2_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_9.tif", + "label": "val/immune_mibi_9_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_10.tif", + "label": "val/immune_mibi_10_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_14.tif", + "label": "val/immune_mibi_14_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_21.tif", + "label": "val/immune_mibi_21_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_24.tif", + "label": "val/immune_mibi_24_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_33.tif", + "label": "val/immune_mibi_33_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_36.tif", + "label": "val/immune_mibi_36_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_39.tif", + "label": "val/immune_mibi_39_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_44.tif", + "label": "val/immune_mibi_44_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_3.tif", + "label": "val/immune_vectra_3_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_7.tif", + "label": "val/immune_vectra_7_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_9.tif", + "label": "val/immune_vectra_9_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_15.tif", + "label": "val/immune_vectra_15_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_16.tif", + "label": "val/immune_vectra_16_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_22.tif", + "label": "val/immune_vectra_22_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_46.tif", + "label": "val/immune_vectra_46_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_63.tif", + "label": "val/immune_vectra_63_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_72.tif", + "label": "val/immune_vectra_72_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_80.tif", + "label": "val/immune_vectra_80_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_81.tif", + "label": "val/immune_vectra_81_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_86.tif", + "label": "val/immune_vectra_86_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_90.tif", + "label": "val/immune_vectra_90_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_92.tif", + "label": "val/immune_vectra_92_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_99.tif", + "label": "val/immune_vectra_99_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_8.tif", + "label": "val/immune_cycif_8_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_21.tif", + "label": "val/immune_cycif_21_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_24.tif", + "label": "val/immune_cycif_24_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_28.tif", + "label": "val/immune_cycif_28_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_32.tif", + "label": "val/immune_cycif_32_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_33.tif", + "label": "val/immune_cycif_33_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_35.tif", + "label": "val/immune_cycif_35_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_44.tif", + "label": "val/immune_cycif_44_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_45.tif", + "label": "val/immune_cycif_45_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_48.tif", + "label": "val/immune_cycif_48_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_50.tif", + "label": "val/immune_cycif_50_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_53.tif", + "label": "val/immune_cycif_53_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_55.tif", + "label": "val/immune_cycif_55_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_63.tif", + "label": "val/immune_cycif_63_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_79.tif", + "label": "val/immune_cycif_79_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_83.tif", + "label": "val/immune_cycif_83_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_84.tif", + "label": "val/immune_cycif_84_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_94.tif", + "label": "val/immune_cycif_94_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_99.tif", + "label": "val/immune_cycif_99_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_100.tif", + "label": "val/immune_cycif_100_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_108.tif", + "label": "val/immune_cycif_108_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_109.tif", + "label": "val/immune_cycif_109_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_113.tif", + "label": "val/immune_cycif_113_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_116.tif", + "label": "val/immune_cycif_116_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_134.tif", + "label": "val/immune_cycif_134_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_136.tif", + "label": "val/immune_cycif_136_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_137.tif", + "label": "val/immune_cycif_137_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_145.tif", + "label": "val/immune_cycif_145_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_150.tif", + "label": "val/immune_cycif_150_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_154.tif", + "label": "val/immune_cycif_154_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_156.tif", + "label": "val/immune_cycif_156_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_158.tif", + "label": "val/immune_cycif_158_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_163.tif", + "label": "val/immune_cycif_163_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_167.tif", + "label": "val/immune_cycif_167_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_169.tif", + "label": "val/immune_cycif_169_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_175.tif", + "label": "val/immune_cycif_175_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_177.tif", + "label": "val/immune_cycif_177_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_184.tif", + "label": "val/immune_cycif_184_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_188.tif", + "label": "val/immune_cycif_188_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_194.tif", + "label": "val/immune_cycif_194_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_199.tif", + "label": "val/immune_cycif_199_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_202.tif", + "label": "val/immune_cycif_202_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_205.tif", + "label": "val/immune_cycif_205_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_206.tif", + "label": "val/immune_cycif_206_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_211.tif", + "label": "val/immune_cycif_211_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_212.tif", + "label": "val/immune_cycif_212_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_216.tif", + "label": "val/immune_cycif_216_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_219.tif", + "label": "val/immune_cycif_219_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_222.tif", + "label": "val/immune_cycif_222_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_226.tif", + "label": "val/immune_cycif_226_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_227.tif", + "label": "val/immune_cycif_227_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_228.tif", + "label": "val/immune_cycif_228_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_229.tif", + "label": "val/immune_cycif_229_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_234.tif", + "label": "val/immune_cycif_234_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_248.tif", + "label": "val/immune_cycif_248_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_251.tif", + "label": "val/immune_cycif_251_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_271.tif", + "label": "val/immune_cycif_271_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_275.tif", + "label": "val/immune_cycif_275_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_280.tif", + "label": "val/immune_cycif_280_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_287.tif", + "label": "val/immune_cycif_287_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_290.tif", + "label": "val/immune_cycif_290_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_294.tif", + "label": "val/immune_cycif_294_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_296.tif", + "label": "val/immune_cycif_296_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_298.tif", + "label": "val/immune_cycif_298_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_299.tif", + "label": "val/immune_cycif_299_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_303.tif", + "label": "val/immune_cycif_303_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_309.tif", + "label": "val/immune_cycif_309_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_310.tif", + "label": "val/immune_cycif_310_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_320.tif", + "label": "val/immune_cycif_320_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_322.tif", + "label": "val/immune_cycif_322_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_324.tif", + "label": "val/immune_cycif_324_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_325.tif", + "label": "val/immune_cycif_325_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_330.tif", + "label": "val/immune_cycif_330_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_331.tif", + "label": "val/immune_cycif_331_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_343.tif", + "label": "val/immune_cycif_343_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_366.tif", + "label": "val/immune_cycif_366_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_372.tif", + "label": "val/immune_cycif_372_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_384.tif", + "label": "val/immune_cycif_384_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_389.tif", + "label": "val/immune_cycif_389_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_391.tif", + "label": "val/immune_cycif_391_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_399.tif", + "label": "val/immune_cycif_399_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_400.tif", + "label": "val/immune_cycif_400_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_403.tif", + "label": "val/immune_cycif_403_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_412.tif", + "label": "val/immune_cycif_412_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_413.tif", + "label": "val/immune_cycif_413_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_420.tif", + "label": "val/immune_cycif_420_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_424.tif", + "label": "val/immune_cycif_424_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_430.tif", + "label": "val/immune_cycif_430_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_432.tif", + "label": "val/immune_cycif_432_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_433.tif", + "label": "val/immune_cycif_433_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_434.tif", + "label": "val/immune_cycif_434_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_437.tif", + "label": "val/immune_cycif_437_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_443.tif", + "label": "val/immune_cycif_443_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_448.tif", + "label": "val/immune_cycif_448_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_450.tif", + "label": "val/immune_cycif_450_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_451.tif", + "label": "val/immune_cycif_451_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_459.tif", + "label": "val/immune_cycif_459_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_462.tif", + "label": "val/immune_cycif_462_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_472.tif", + "label": "val/immune_cycif_472_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_473.tif", + "label": "val/immune_cycif_473_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_474.tif", + "label": "val/immune_cycif_474_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_477.tif", + "label": "val/immune_cycif_477_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_6.tif", + "label": "val/immune_mibi_6_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_16.tif", + "label": "val/immune_mibi_16_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_22.tif", + "label": "val/immune_mibi_22_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_40.tif", + "label": "val/immune_mibi_40_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_43.tif", + "label": "val/immune_mibi_43_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_11.tif", + "label": "val/immune_vectra_11_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_18.tif", + "label": "val/immune_vectra_18_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_24.tif", + "label": "val/immune_vectra_24_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_25.tif", + "label": "val/immune_vectra_25_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_26.tif", + "label": "val/immune_vectra_26_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_29.tif", + "label": "val/immune_vectra_29_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_33.tif", + "label": "val/immune_vectra_33_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_36.tif", + "label": "val/immune_vectra_36_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_37.tif", + "label": "val/immune_vectra_37_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_48.tif", + "label": "val/immune_vectra_48_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_57.tif", + "label": "val/immune_vectra_57_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_76.tif", + "label": "val/immune_vectra_76_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_77.tif", + "label": "val/immune_vectra_77_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_82.tif", + "label": "val/immune_vectra_82_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_83.tif", + "label": "val/immune_vectra_83_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_87.tif", + "label": "val/immune_vectra_87_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_89.tif", + "label": "val/immune_vectra_89_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_96.tif", + "label": "val/immune_vectra_96_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_98.tif", + "label": "val/immune_vectra_98_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_7.tif", + "label": "val/immune_cycif_7_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_10.tif", + "label": "val/immune_cycif_10_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_15.tif", + "label": "val/immune_cycif_15_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_20.tif", + "label": "val/immune_cycif_20_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_22.tif", + "label": "val/immune_cycif_22_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_25.tif", + "label": "val/immune_cycif_25_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_26.tif", + "label": "val/immune_cycif_26_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_37.tif", + "label": "val/immune_cycif_37_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_43.tif", + "label": "val/immune_cycif_43_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_56.tif", + "label": "val/immune_cycif_56_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_64.tif", + "label": "val/immune_cycif_64_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_71.tif", + "label": "val/immune_cycif_71_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_72.tif", + "label": "val/immune_cycif_72_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_75.tif", + "label": "val/immune_cycif_75_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_77.tif", + "label": "val/immune_cycif_77_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_86.tif", + "label": "val/immune_cycif_86_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_87.tif", + "label": "val/immune_cycif_87_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_96.tif", + "label": "val/immune_cycif_96_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_126.tif", + "label": "val/immune_cycif_126_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_129.tif", + "label": "val/immune_cycif_129_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_130.tif", + "label": "val/immune_cycif_130_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_140.tif", + "label": "val/immune_cycif_140_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_141.tif", + "label": "val/immune_cycif_141_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_144.tif", + "label": "val/immune_cycif_144_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_149.tif", + "label": "val/immune_cycif_149_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_151.tif", + "label": "val/immune_cycif_151_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_152.tif", + "label": "val/immune_cycif_152_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_155.tif", + "label": "val/immune_cycif_155_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_166.tif", + "label": "val/immune_cycif_166_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_170.tif", + "label": "val/immune_cycif_170_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_176.tif", + "label": "val/immune_cycif_176_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_178.tif", + "label": "val/immune_cycif_178_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_183.tif", + "label": "val/immune_cycif_183_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_190.tif", + "label": "val/immune_cycif_190_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_193.tif", + "label": "val/immune_cycif_193_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_196.tif", + "label": "val/immune_cycif_196_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_198.tif", + "label": "val/immune_cycif_198_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_209.tif", + "label": "val/immune_cycif_209_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_210.tif", + "label": "val/immune_cycif_210_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_215.tif", + "label": "val/immune_cycif_215_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_217.tif", + "label": "val/immune_cycif_217_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_231.tif", + "label": "val/immune_cycif_231_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_235.tif", + "label": "val/immune_cycif_235_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_243.tif", + "label": "val/immune_cycif_243_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_252.tif", + "label": "val/immune_cycif_252_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_253.tif", + "label": "val/immune_cycif_253_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_254.tif", + "label": "val/immune_cycif_254_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_263.tif", + "label": "val/immune_cycif_263_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_264.tif", + "label": "val/immune_cycif_264_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_266.tif", + "label": "val/immune_cycif_266_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_269.tif", + "label": "val/immune_cycif_269_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_276.tif", + "label": "val/immune_cycif_276_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_278.tif", + "label": "val/immune_cycif_278_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_279.tif", + "label": "val/immune_cycif_279_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_281.tif", + "label": "val/immune_cycif_281_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_282.tif", + "label": "val/immune_cycif_282_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_288.tif", + "label": "val/immune_cycif_288_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_297.tif", + "label": "val/immune_cycif_297_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_302.tif", + "label": "val/immune_cycif_302_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_313.tif", + "label": "val/immune_cycif_313_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_316.tif", + "label": "val/immune_cycif_316_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_317.tif", + "label": "val/immune_cycif_317_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_319.tif", + "label": "val/immune_cycif_319_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_321.tif", + "label": "val/immune_cycif_321_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_327.tif", + "label": "val/immune_cycif_327_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_332.tif", + "label": "val/immune_cycif_332_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_336.tif", + "label": "val/immune_cycif_336_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_338.tif", + "label": "val/immune_cycif_338_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_348.tif", + "label": "val/immune_cycif_348_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_356.tif", + "label": "val/immune_cycif_356_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_357.tif", + "label": "val/immune_cycif_357_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_367.tif", + "label": "val/immune_cycif_367_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_369.tif", + "label": "val/immune_cycif_369_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_381.tif", + "label": "val/immune_cycif_381_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_387.tif", + "label": "val/immune_cycif_387_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_390.tif", + "label": "val/immune_cycif_390_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_393.tif", + "label": "val/immune_cycif_393_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_398.tif", + "label": "val/immune_cycif_398_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_401.tif", + "label": "val/immune_cycif_401_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_405.tif", + "label": "val/immune_cycif_405_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_416.tif", + "label": "val/immune_cycif_416_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_418.tif", + "label": "val/immune_cycif_418_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_431.tif", + "label": "val/immune_cycif_431_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_454.tif", + "label": "val/immune_cycif_454_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_456.tif", + "label": "val/immune_cycif_456_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_461.tif", + "label": "val/immune_cycif_461_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_466.tif", + "label": "val/immune_cycif_466_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_467.tif", + "label": "val/immune_cycif_467_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_468.tif", + "label": "val/immune_cycif_468_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_469.tif", + "label": "val/immune_cycif_469_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_470.tif", + "label": "val/immune_cycif_470_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_471.tif", + "label": "val/immune_cycif_471_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_476.tif", + "label": "val/immune_cycif_476_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_cycif_478.tif", + "label": "val/immune_cycif_478_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_0.tif", + "label": "val/immune_mibi_0_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_4.tif", + "label": "val/immune_mibi_4_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_5.tif", + "label": "val/immune_mibi_5_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_7.tif", + "label": "val/immune_mibi_7_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_12.tif", + "label": "val/immune_mibi_12_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_18.tif", + "label": "val/immune_mibi_18_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_20.tif", + "label": "val/immune_mibi_20_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_23.tif", + "label": "val/immune_mibi_23_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_28.tif", + "label": "val/immune_mibi_28_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_29.tif", + "label": "val/immune_mibi_29_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_30.tif", + "label": "val/immune_mibi_30_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_1.tif", + "label": "val/immune_vectra_1_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_2.tif", + "label": "val/immune_vectra_2_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_4.tif", + "label": "val/immune_vectra_4_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_6.tif", + "label": "val/immune_vectra_6_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_8.tif", + "label": "val/immune_vectra_8_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_10.tif", + "label": "val/immune_vectra_10_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_12.tif", + "label": "val/immune_vectra_12_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_31.tif", + "label": "val/immune_vectra_31_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_32.tif", + "label": "val/immune_vectra_32_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_34.tif", + "label": "val/immune_vectra_34_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_42.tif", + "label": "val/immune_vectra_42_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_50.tif", + "label": "val/immune_vectra_50_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_51.tif", + "label": "val/immune_vectra_51_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_53.tif", + "label": "val/immune_vectra_53_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_56.tif", + "label": "val/immune_vectra_56_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_59.tif", + "label": "val/immune_vectra_59_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_61.tif", + "label": "val/immune_vectra_61_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_64.tif", + "label": "val/immune_vectra_64_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_70.tif", + "label": "val/immune_vectra_70_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_71.tif", + "label": "val/immune_vectra_71_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_93.tif", + "label": "val/immune_vectra_93_masks.tif", + "fold": 0 + }, + { + "image": "train/immune_cycif_0_0.tif", + "label": "train/immune_cycif_0_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_0_3.tif", + "label": "train/immune_cycif_0_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_2_0.tif", + "label": "train/immune_cycif_2_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_7_2.tif", + "label": "train/immune_cycif_7_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_9_1.tif", + "label": "train/immune_cycif_9_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_9_3.tif", + "label": "train/immune_cycif_9_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_10_0.tif", + "label": "train/immune_cycif_10_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_11_3.tif", + "label": "train/immune_cycif_11_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_12_0.tif", + "label": "train/immune_cycif_12_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_13_1.tif", + "label": "train/immune_cycif_13_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_14_0.tif", + "label": "train/immune_cycif_14_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_14_2.tif", + "label": "train/immune_cycif_14_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_15_0.tif", + "label": "train/immune_cycif_15_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_16_1.tif", + "label": "train/immune_cycif_16_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_18_3.tif", + "label": "train/immune_cycif_18_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_20_0.tif", + "label": "train/immune_cycif_20_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_20_2.tif", + "label": "train/immune_cycif_20_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_21_3.tif", + "label": "train/immune_cycif_21_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_22_3.tif", + "label": "train/immune_cycif_22_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_24_2.tif", + "label": "train/immune_cycif_24_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_25_1.tif", + "label": "train/immune_cycif_25_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_25_2.tif", + "label": "train/immune_cycif_25_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_26_3.tif", + "label": "train/immune_cycif_26_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_27_0.tif", + "label": "train/immune_cycif_27_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_27_3.tif", + "label": "train/immune_cycif_27_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_28_3.tif", + "label": "train/immune_cycif_28_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_29_3.tif", + "label": "train/immune_cycif_29_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_30_0.tif", + "label": "train/immune_cycif_30_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_31_2.tif", + "label": "train/immune_cycif_31_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_33_1.tif", + "label": "train/immune_cycif_33_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_34_1.tif", + "label": "train/immune_cycif_34_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_35_0.tif", + "label": "train/immune_cycif_35_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_36_2.tif", + "label": "train/immune_cycif_36_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_39_2.tif", + "label": "train/immune_cycif_39_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_40_1.tif", + "label": "train/immune_cycif_40_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_41_3.tif", + "label": "train/immune_cycif_41_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_44_1.tif", + "label": "train/immune_cycif_44_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_45_1.tif", + "label": "train/immune_cycif_45_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_46_2.tif", + "label": "train/immune_cycif_46_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_47_2.tif", + "label": "train/immune_cycif_47_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_48_2.tif", + "label": "train/immune_cycif_48_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_50_1.tif", + "label": "train/immune_cycif_50_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_50_2.tif", + "label": "train/immune_cycif_50_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_55_3.tif", + "label": "train/immune_cycif_55_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_56_3.tif", + "label": "train/immune_cycif_56_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_57_3.tif", + "label": "train/immune_cycif_57_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_60_1.tif", + "label": "train/immune_cycif_60_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_62_0.tif", + "label": "train/immune_cycif_62_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_63_3.tif", + "label": "train/immune_cycif_63_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_64_2.tif", + "label": "train/immune_cycif_64_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_66_0.tif", + "label": "train/immune_cycif_66_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_66_3.tif", + "label": "train/immune_cycif_66_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_67_0.tif", + "label": "train/immune_cycif_67_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_68_3.tif", + "label": "train/immune_cycif_68_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_70_1.tif", + "label": "train/immune_cycif_70_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_70_2.tif", + "label": "train/immune_cycif_70_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_70_3.tif", + "label": "train/immune_cycif_70_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_71_1.tif", + "label": "train/immune_cycif_71_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_73_0.tif", + "label": "train/immune_cycif_73_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_73_1.tif", + "label": "train/immune_cycif_73_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_74_1.tif", + "label": "train/immune_cycif_74_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_75_1.tif", + "label": "train/immune_cycif_75_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_75_2.tif", + "label": "train/immune_cycif_75_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_75_3.tif", + "label": "train/immune_cycif_75_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_76_0.tif", + "label": "train/immune_cycif_76_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_76_1.tif", + "label": "train/immune_cycif_76_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_77_1.tif", + "label": "train/immune_cycif_77_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_80_1.tif", + "label": "train/immune_cycif_80_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_81_1.tif", + "label": "train/immune_cycif_81_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_82_2.tif", + "label": "train/immune_cycif_82_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_82_3.tif", + "label": "train/immune_cycif_82_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_83_3.tif", + "label": "train/immune_cycif_83_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_84_0.tif", + "label": "train/immune_cycif_84_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_85_1.tif", + "label": "train/immune_cycif_85_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_87_0.tif", + "label": "train/immune_cycif_87_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_87_3.tif", + "label": "train/immune_cycif_87_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_90_1.tif", + "label": "train/immune_cycif_90_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_91_2.tif", + "label": "train/immune_cycif_91_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_92_0.tif", + "label": "train/immune_cycif_92_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_93_0.tif", + "label": "train/immune_cycif_93_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_93_3.tif", + "label": "train/immune_cycif_93_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_95_2.tif", + "label": "train/immune_cycif_95_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_96_1.tif", + "label": "train/immune_cycif_96_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_96_2.tif", + "label": "train/immune_cycif_96_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_97_1.tif", + "label": "train/immune_cycif_97_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_100_0.tif", + "label": "train/immune_cycif_100_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_101_2.tif", + "label": "train/immune_cycif_101_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_102_0.tif", + "label": "train/immune_cycif_102_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_104_2.tif", + "label": "train/immune_cycif_104_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_105_1.tif", + "label": "train/immune_cycif_105_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_106_0.tif", + "label": "train/immune_cycif_106_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_107_0.tif", + "label": "train/immune_cycif_107_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_108_0.tif", + "label": "train/immune_cycif_108_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_108_2.tif", + "label": "train/immune_cycif_108_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_110_2.tif", + "label": "train/immune_cycif_110_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_111_2.tif", + "label": "train/immune_cycif_111_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_111_3.tif", + "label": "train/immune_cycif_111_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_115_2.tif", + "label": "train/immune_cycif_115_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_116_0.tif", + "label": "train/immune_cycif_116_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_119_2.tif", + "label": "train/immune_cycif_119_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_120_0.tif", + "label": "train/immune_cycif_120_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_121_2.tif", + "label": "train/immune_cycif_121_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_126_3.tif", + "label": "train/immune_cycif_126_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_128_0.tif", + "label": "train/immune_cycif_128_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_131_1.tif", + "label": "train/immune_cycif_131_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_134_0.tif", + "label": "train/immune_cycif_134_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_136_3.tif", + "label": "train/immune_cycif_136_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_138_1.tif", + "label": "train/immune_cycif_138_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_139_0.tif", + "label": "train/immune_cycif_139_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_140_1.tif", + "label": "train/immune_cycif_140_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_140_3.tif", + "label": "train/immune_cycif_140_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_142_3.tif", + "label": "train/immune_cycif_142_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_143_3.tif", + "label": "train/immune_cycif_143_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_144_1.tif", + "label": "train/immune_cycif_144_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_144_3.tif", + "label": "train/immune_cycif_144_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_148_0.tif", + "label": "train/immune_cycif_148_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_149_0.tif", + "label": "train/immune_cycif_149_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_149_3.tif", + "label": "train/immune_cycif_149_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_150_2.tif", + "label": "train/immune_cycif_150_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_151_3.tif", + "label": "train/immune_cycif_151_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_153_1.tif", + "label": "train/immune_cycif_153_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_155_0.tif", + "label": "train/immune_cycif_155_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_155_2.tif", + "label": "train/immune_cycif_155_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_157_0.tif", + "label": "train/immune_cycif_157_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_157_3.tif", + "label": "train/immune_cycif_157_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_158_0.tif", + "label": "train/immune_cycif_158_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_160_0.tif", + "label": "train/immune_cycif_160_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_160_3.tif", + "label": "train/immune_cycif_160_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_161_0.tif", + "label": "train/immune_cycif_161_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_161_3.tif", + "label": "train/immune_cycif_161_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_162_2.tif", + "label": "train/immune_cycif_162_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_163_3.tif", + "label": "train/immune_cycif_163_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_165_1.tif", + "label": "train/immune_cycif_165_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_168_3.tif", + "label": "train/immune_cycif_168_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_169_3.tif", + "label": "train/immune_cycif_169_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_170_3.tif", + "label": "train/immune_cycif_170_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_173_1.tif", + "label": "train/immune_cycif_173_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_175_1.tif", + "label": "train/immune_cycif_175_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_175_2.tif", + "label": "train/immune_cycif_175_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_176_1.tif", + "label": "train/immune_cycif_176_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_177_3.tif", + "label": "train/immune_cycif_177_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_179_2.tif", + "label": "train/immune_cycif_179_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_181_1.tif", + "label": "train/immune_cycif_181_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_182_2.tif", + "label": "train/immune_cycif_182_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_184_1.tif", + "label": "train/immune_cycif_184_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_185_2.tif", + "label": "train/immune_cycif_185_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_186_1.tif", + "label": "train/immune_cycif_186_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_189_3.tif", + "label": "train/immune_cycif_189_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_190_1.tif", + "label": "train/immune_cycif_190_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_191_0.tif", + "label": "train/immune_cycif_191_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_191_3.tif", + "label": "train/immune_cycif_191_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_193_2.tif", + "label": "train/immune_cycif_193_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_194_1.tif", + "label": "train/immune_cycif_194_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_197_3.tif", + "label": "train/immune_cycif_197_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_199_3.tif", + "label": "train/immune_cycif_199_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_200_2.tif", + "label": "train/immune_cycif_200_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_202_0.tif", + "label": "train/immune_cycif_202_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_203_0.tif", + "label": "train/immune_cycif_203_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_204_0.tif", + "label": "train/immune_cycif_204_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_205_0.tif", + "label": "train/immune_cycif_205_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_206_0.tif", + "label": "train/immune_cycif_206_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_206_1.tif", + "label": "train/immune_cycif_206_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_206_3.tif", + "label": "train/immune_cycif_206_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_207_0.tif", + "label": "train/immune_cycif_207_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_209_3.tif", + "label": "train/immune_cycif_209_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_210_0.tif", + "label": "train/immune_cycif_210_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_211_2.tif", + "label": "train/immune_cycif_211_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_212_3.tif", + "label": "train/immune_cycif_212_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_213_0.tif", + "label": "train/immune_cycif_213_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_214_1.tif", + "label": "train/immune_cycif_214_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_214_3.tif", + "label": "train/immune_cycif_214_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_215_3.tif", + "label": "train/immune_cycif_215_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_217_0.tif", + "label": "train/immune_cycif_217_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_221_3.tif", + "label": "train/immune_cycif_221_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_222_0.tif", + "label": "train/immune_cycif_222_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_223_3.tif", + "label": "train/immune_cycif_223_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_224_2.tif", + "label": "train/immune_cycif_224_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_225_2.tif", + "label": "train/immune_cycif_225_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_229_3.tif", + "label": "train/immune_cycif_229_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_230_0.tif", + "label": "train/immune_cycif_230_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_231_0.tif", + "label": "train/immune_cycif_231_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_233_3.tif", + "label": "train/immune_cycif_233_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_234_0.tif", + "label": "train/immune_cycif_234_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_235_3.tif", + "label": "train/immune_cycif_235_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_237_2.tif", + "label": "train/immune_cycif_237_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_238_3.tif", + "label": "train/immune_cycif_238_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_239_3.tif", + "label": "train/immune_cycif_239_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_240_2.tif", + "label": "train/immune_cycif_240_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_242_0.tif", + "label": "train/immune_cycif_242_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_243_0.tif", + "label": "train/immune_cycif_243_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_246_1.tif", + "label": "train/immune_cycif_246_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_246_2.tif", + "label": "train/immune_cycif_246_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_248_1.tif", + "label": "train/immune_cycif_248_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_251_1.tif", + "label": "train/immune_cycif_251_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_251_2.tif", + "label": "train/immune_cycif_251_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_252_0.tif", + "label": "train/immune_cycif_252_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_252_1.tif", + "label": "train/immune_cycif_252_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_252_2.tif", + "label": "train/immune_cycif_252_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_252_3.tif", + "label": "train/immune_cycif_252_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_253_0.tif", + "label": "train/immune_cycif_253_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_255_0.tif", + "label": "train/immune_cycif_255_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_257_0.tif", + "label": "train/immune_cycif_257_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_259_0.tif", + "label": "train/immune_cycif_259_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_259_1.tif", + "label": "train/immune_cycif_259_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_259_2.tif", + "label": "train/immune_cycif_259_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_260_1.tif", + "label": "train/immune_cycif_260_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_263_1.tif", + "label": "train/immune_cycif_263_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_264_1.tif", + "label": "train/immune_cycif_264_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_267_0.tif", + "label": "train/immune_cycif_267_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_267_2.tif", + "label": "train/immune_cycif_267_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_268_1.tif", + "label": "train/immune_cycif_268_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_271_0.tif", + "label": "train/immune_cycif_271_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_271_3.tif", + "label": "train/immune_cycif_271_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_273_2.tif", + "label": "train/immune_cycif_273_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_275_2.tif", + "label": "train/immune_cycif_275_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_275_3.tif", + "label": "train/immune_cycif_275_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_276_0.tif", + "label": "train/immune_cycif_276_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_278_0.tif", + "label": "train/immune_cycif_278_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_278_2.tif", + "label": "train/immune_cycif_278_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_281_1.tif", + "label": "train/immune_cycif_281_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_283_2.tif", + "label": "train/immune_cycif_283_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_286_0.tif", + "label": "train/immune_cycif_286_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_289_1.tif", + "label": "train/immune_cycif_289_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_291_3.tif", + "label": "train/immune_cycif_291_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_292_3.tif", + "label": "train/immune_cycif_292_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_293_0.tif", + "label": "train/immune_cycif_293_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_297_1.tif", + "label": "train/immune_cycif_297_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_298_3.tif", + "label": "train/immune_cycif_298_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_299_0.tif", + "label": "train/immune_cycif_299_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_299_2.tif", + "label": "train/immune_cycif_299_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_300_3.tif", + "label": "train/immune_cycif_300_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_301_0.tif", + "label": "train/immune_cycif_301_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_302_0.tif", + "label": "train/immune_cycif_302_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_302_2.tif", + "label": "train/immune_cycif_302_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_303_1.tif", + "label": "train/immune_cycif_303_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_303_3.tif", + "label": "train/immune_cycif_303_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_305_1.tif", + "label": "train/immune_cycif_305_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_306_0.tif", + "label": "train/immune_cycif_306_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_306_1.tif", + "label": "train/immune_cycif_306_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_306_2.tif", + "label": "train/immune_cycif_306_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_307_2.tif", + "label": "train/immune_cycif_307_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_308_2.tif", + "label": "train/immune_cycif_308_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_310_1.tif", + "label": "train/immune_cycif_310_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_311_3.tif", + "label": "train/immune_cycif_311_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_312_2.tif", + "label": "train/immune_cycif_312_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_316_2.tif", + "label": "train/immune_cycif_316_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_317_2.tif", + "label": "train/immune_cycif_317_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_318_2.tif", + "label": "train/immune_cycif_318_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_321_1.tif", + "label": "train/immune_cycif_321_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_321_3.tif", + "label": "train/immune_cycif_321_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_323_1.tif", + "label": "train/immune_cycif_323_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_324_0.tif", + "label": "train/immune_cycif_324_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_325_2.tif", + "label": "train/immune_cycif_325_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_327_0.tif", + "label": "train/immune_cycif_327_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_329_1.tif", + "label": "train/immune_cycif_329_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_330_2.tif", + "label": "train/immune_cycif_330_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_331_1.tif", + "label": "train/immune_cycif_331_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_332_0.tif", + "label": "train/immune_cycif_332_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_332_1.tif", + "label": "train/immune_cycif_332_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_333_2.tif", + "label": "train/immune_cycif_333_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_334_2.tif", + "label": "train/immune_cycif_334_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_335_0.tif", + "label": "train/immune_cycif_335_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_336_0.tif", + "label": "train/immune_cycif_336_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_337_0.tif", + "label": "train/immune_cycif_337_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_338_1.tif", + "label": "train/immune_cycif_338_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_339_3.tif", + "label": "train/immune_cycif_339_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_340_3.tif", + "label": "train/immune_cycif_340_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_341_1.tif", + "label": "train/immune_cycif_341_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_342_0.tif", + "label": "train/immune_cycif_342_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_342_2.tif", + "label": "train/immune_cycif_342_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_343_1.tif", + "label": "train/immune_cycif_343_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_344_0.tif", + "label": "train/immune_cycif_344_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_345_3.tif", + "label": "train/immune_cycif_345_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_346_1.tif", + "label": "train/immune_cycif_346_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_346_3.tif", + "label": "train/immune_cycif_346_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_347_1.tif", + "label": "train/immune_cycif_347_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_349_0.tif", + "label": "train/immune_cycif_349_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_349_1.tif", + "label": "train/immune_cycif_349_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_349_2.tif", + "label": "train/immune_cycif_349_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_351_2.tif", + "label": "train/immune_cycif_351_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_352_1.tif", + "label": "train/immune_cycif_352_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_353_3.tif", + "label": "train/immune_cycif_353_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_354_0.tif", + "label": "train/immune_cycif_354_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_354_3.tif", + "label": "train/immune_cycif_354_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_355_0.tif", + "label": "train/immune_cycif_355_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_355_2.tif", + "label": "train/immune_cycif_355_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_355_3.tif", + "label": "train/immune_cycif_355_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_356_2.tif", + "label": "train/immune_cycif_356_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_357_0.tif", + "label": "train/immune_cycif_357_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_357_1.tif", + "label": "train/immune_cycif_357_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_359_2.tif", + "label": "train/immune_cycif_359_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_360_1.tif", + "label": "train/immune_cycif_360_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_360_3.tif", + "label": "train/immune_cycif_360_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_362_3.tif", + "label": "train/immune_cycif_362_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_0_0.tif", + "label": "train/immune_mibi_0_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_0_3.tif", + "label": "train/immune_mibi_0_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_1_0.tif", + "label": "train/immune_mibi_1_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_1_2.tif", + "label": "train/immune_mibi_1_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_3_0.tif", + "label": "train/immune_mibi_3_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_5_0.tif", + "label": "train/immune_mibi_5_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_6_0.tif", + "label": "train/immune_mibi_6_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_6_2.tif", + "label": "train/immune_mibi_6_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_6_3.tif", + "label": "train/immune_mibi_6_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_9_2.tif", + "label": "train/immune_mibi_9_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_10_2.tif", + "label": "train/immune_mibi_10_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_11_1.tif", + "label": "train/immune_mibi_11_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_12_1.tif", + "label": "train/immune_mibi_12_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_13_3.tif", + "label": "train/immune_mibi_13_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_15_1.tif", + "label": "train/immune_mibi_15_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_19_2.tif", + "label": "train/immune_mibi_19_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_20_1.tif", + "label": "train/immune_mibi_20_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_20_3.tif", + "label": "train/immune_mibi_20_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_21_1.tif", + "label": "train/immune_mibi_21_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_21_3.tif", + "label": "train/immune_mibi_21_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_22_3.tif", + "label": "train/immune_mibi_22_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_23_2.tif", + "label": "train/immune_mibi_23_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_25_0.tif", + "label": "train/immune_mibi_25_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_1_2.tif", + "label": "train/immune_vectra_1_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_1_3.tif", + "label": "train/immune_vectra_1_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_2_3.tif", + "label": "train/immune_vectra_2_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_8_0.tif", + "label": "train/immune_vectra_8_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_8_2.tif", + "label": "train/immune_vectra_8_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_10_1.tif", + "label": "train/immune_vectra_10_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_11_2.tif", + "label": "train/immune_vectra_11_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_12_1.tif", + "label": "train/immune_vectra_12_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_12_2.tif", + "label": "train/immune_vectra_12_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_15_1.tif", + "label": "train/immune_vectra_15_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_16_1.tif", + "label": "train/immune_vectra_16_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_16_3.tif", + "label": "train/immune_vectra_16_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_17_2.tif", + "label": "train/immune_vectra_17_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_19_3.tif", + "label": "train/immune_vectra_19_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_20_1.tif", + "label": "train/immune_vectra_20_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_21_0.tif", + "label": "train/immune_vectra_21_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_21_2.tif", + "label": "train/immune_vectra_21_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_22_0.tif", + "label": "train/immune_vectra_22_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_22_3.tif", + "label": "train/immune_vectra_22_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_23_1.tif", + "label": "train/immune_vectra_23_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_23_3.tif", + "label": "train/immune_vectra_23_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_24_0.tif", + "label": "train/immune_vectra_24_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_24_3.tif", + "label": "train/immune_vectra_24_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_25_2.tif", + "label": "train/immune_vectra_25_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_25_3.tif", + "label": "train/immune_vectra_25_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_29_3.tif", + "label": "train/immune_vectra_29_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_32_1.tif", + "label": "train/immune_vectra_32_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_32_2.tif", + "label": "train/immune_vectra_32_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_33_2.tif", + "label": "train/immune_vectra_33_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_33_3.tif", + "label": "train/immune_vectra_33_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_35_3.tif", + "label": "train/immune_vectra_35_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_37_0.tif", + "label": "train/immune_vectra_37_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_38_3.tif", + "label": "train/immune_vectra_38_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_41_3.tif", + "label": "train/immune_vectra_41_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_42_3.tif", + "label": "train/immune_vectra_42_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_44_3.tif", + "label": "train/immune_vectra_44_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_45_0.tif", + "label": "train/immune_vectra_45_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_46_3.tif", + "label": "train/immune_vectra_46_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_48_2.tif", + "label": "train/immune_vectra_48_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_49_3.tif", + "label": "train/immune_vectra_49_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_51_0.tif", + "label": "train/immune_vectra_51_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_53_3.tif", + "label": "train/immune_vectra_53_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_55_1.tif", + "label": "train/immune_vectra_55_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_55_3.tif", + "label": "train/immune_vectra_55_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_57_1.tif", + "label": "train/immune_vectra_57_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_58_0.tif", + "label": "train/immune_vectra_58_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_58_2.tif", + "label": "train/immune_vectra_58_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_60_2.tif", + "label": "train/immune_vectra_60_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_60_3.tif", + "label": "train/immune_vectra_60_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_0_1.tif", + "label": "train/immune_cycif_0_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_1_2.tif", + "label": "train/immune_cycif_1_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_3_0.tif", + "label": "train/immune_cycif_3_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_4_0.tif", + "label": "train/immune_cycif_4_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_4_3.tif", + "label": "train/immune_cycif_4_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_5_2.tif", + "label": "train/immune_cycif_5_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_6_3.tif", + "label": "train/immune_cycif_6_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_8_3.tif", + "label": "train/immune_cycif_8_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_11_1.tif", + "label": "train/immune_cycif_11_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_12_1.tif", + "label": "train/immune_cycif_12_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_12_2.tif", + "label": "train/immune_cycif_12_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_12_3.tif", + "label": "train/immune_cycif_12_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_15_2.tif", + "label": "train/immune_cycif_15_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_18_1.tif", + "label": "train/immune_cycif_18_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_19_2.tif", + "label": "train/immune_cycif_19_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_20_1.tif", + "label": "train/immune_cycif_20_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_20_3.tif", + "label": "train/immune_cycif_20_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_22_0.tif", + "label": "train/immune_cycif_22_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_22_2.tif", + "label": "train/immune_cycif_22_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_23_2.tif", + "label": "train/immune_cycif_23_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_26_0.tif", + "label": "train/immune_cycif_26_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_27_2.tif", + "label": "train/immune_cycif_27_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_32_3.tif", + "label": "train/immune_cycif_32_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_33_3.tif", + "label": "train/immune_cycif_33_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_35_2.tif", + "label": "train/immune_cycif_35_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_37_0.tif", + "label": "train/immune_cycif_37_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_38_2.tif", + "label": "train/immune_cycif_38_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_39_3.tif", + "label": "train/immune_cycif_39_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_40_3.tif", + "label": "train/immune_cycif_40_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_42_1.tif", + "label": "train/immune_cycif_42_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_47_0.tif", + "label": "train/immune_cycif_47_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_47_1.tif", + "label": "train/immune_cycif_47_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_48_0.tif", + "label": "train/immune_cycif_48_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_48_3.tif", + "label": "train/immune_cycif_48_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_49_2.tif", + "label": "train/immune_cycif_49_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_51_0.tif", + "label": "train/immune_cycif_51_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_51_1.tif", + "label": "train/immune_cycif_51_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_52_0.tif", + "label": "train/immune_cycif_52_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_52_3.tif", + "label": "train/immune_cycif_52_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_53_3.tif", + "label": "train/immune_cycif_53_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_54_0.tif", + "label": "train/immune_cycif_54_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_57_0.tif", + "label": "train/immune_cycif_57_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_59_0.tif", + "label": "train/immune_cycif_59_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_59_3.tif", + "label": "train/immune_cycif_59_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_62_3.tif", + "label": "train/immune_cycif_62_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_64_3.tif", + "label": "train/immune_cycif_64_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_65_2.tif", + "label": "train/immune_cycif_65_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_67_2.tif", + "label": "train/immune_cycif_67_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_70_0.tif", + "label": "train/immune_cycif_70_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_71_2.tif", + "label": "train/immune_cycif_71_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_72_0.tif", + "label": "train/immune_cycif_72_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_72_1.tif", + "label": "train/immune_cycif_72_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_74_2.tif", + "label": "train/immune_cycif_74_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_74_3.tif", + "label": "train/immune_cycif_74_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_77_0.tif", + "label": "train/immune_cycif_77_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_77_2.tif", + "label": "train/immune_cycif_77_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_77_3.tif", + "label": "train/immune_cycif_77_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_78_2.tif", + "label": "train/immune_cycif_78_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_78_3.tif", + "label": "train/immune_cycif_78_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_80_3.tif", + "label": "train/immune_cycif_80_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_87_2.tif", + "label": "train/immune_cycif_87_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_88_1.tif", + "label": "train/immune_cycif_88_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_89_3.tif", + "label": "train/immune_cycif_89_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_95_3.tif", + "label": "train/immune_cycif_95_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_97_2.tif", + "label": "train/immune_cycif_97_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_98_3.tif", + "label": "train/immune_cycif_98_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_99_0.tif", + "label": "train/immune_cycif_99_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_99_3.tif", + "label": "train/immune_cycif_99_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_100_1.tif", + "label": "train/immune_cycif_100_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_100_3.tif", + "label": "train/immune_cycif_100_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_101_0.tif", + "label": "train/immune_cycif_101_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_102_1.tif", + "label": "train/immune_cycif_102_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_103_2.tif", + "label": "train/immune_cycif_103_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_105_2.tif", + "label": "train/immune_cycif_105_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_106_1.tif", + "label": "train/immune_cycif_106_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_106_2.tif", + "label": "train/immune_cycif_106_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_106_3.tif", + "label": "train/immune_cycif_106_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_108_3.tif", + "label": "train/immune_cycif_108_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_110_3.tif", + "label": "train/immune_cycif_110_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_113_0.tif", + "label": "train/immune_cycif_113_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_113_1.tif", + "label": "train/immune_cycif_113_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_115_0.tif", + "label": "train/immune_cycif_115_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_120_1.tif", + "label": "train/immune_cycif_120_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_121_3.tif", + "label": "train/immune_cycif_121_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_122_2.tif", + "label": "train/immune_cycif_122_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_122_3.tif", + "label": "train/immune_cycif_122_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_123_2.tif", + "label": "train/immune_cycif_123_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_123_3.tif", + "label": "train/immune_cycif_123_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_124_0.tif", + "label": "train/immune_cycif_124_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_125_3.tif", + "label": "train/immune_cycif_125_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_127_2.tif", + "label": "train/immune_cycif_127_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_130_0.tif", + "label": "train/immune_cycif_130_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_130_1.tif", + "label": "train/immune_cycif_130_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_131_3.tif", + "label": "train/immune_cycif_131_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_132_0.tif", + "label": "train/immune_cycif_132_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_132_1.tif", + "label": "train/immune_cycif_132_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_132_3.tif", + "label": "train/immune_cycif_132_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_133_2.tif", + "label": "train/immune_cycif_133_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_133_3.tif", + "label": "train/immune_cycif_133_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_134_1.tif", + "label": "train/immune_cycif_134_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_134_2.tif", + "label": "train/immune_cycif_134_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_136_2.tif", + "label": "train/immune_cycif_136_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_138_3.tif", + "label": "train/immune_cycif_138_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_139_2.tif", + "label": "train/immune_cycif_139_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_139_3.tif", + "label": "train/immune_cycif_139_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_142_2.tif", + "label": "train/immune_cycif_142_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_143_0.tif", + "label": "train/immune_cycif_143_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_143_1.tif", + "label": "train/immune_cycif_143_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_143_2.tif", + "label": "train/immune_cycif_143_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_146_0.tif", + "label": "train/immune_cycif_146_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_146_3.tif", + "label": "train/immune_cycif_146_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_147_1.tif", + "label": "train/immune_cycif_147_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_148_1.tif", + "label": "train/immune_cycif_148_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_148_2.tif", + "label": "train/immune_cycif_148_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_149_1.tif", + "label": "train/immune_cycif_149_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_149_2.tif", + "label": "train/immune_cycif_149_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_152_0.tif", + "label": "train/immune_cycif_152_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_153_0.tif", + "label": "train/immune_cycif_153_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_153_2.tif", + "label": "train/immune_cycif_153_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_154_3.tif", + "label": "train/immune_cycif_154_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_155_3.tif", + "label": "train/immune_cycif_155_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_156_1.tif", + "label": "train/immune_cycif_156_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_157_1.tif", + "label": "train/immune_cycif_157_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_158_2.tif", + "label": "train/immune_cycif_158_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_159_0.tif", + "label": "train/immune_cycif_159_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_159_2.tif", + "label": "train/immune_cycif_159_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_162_1.tif", + "label": "train/immune_cycif_162_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_163_1.tif", + "label": "train/immune_cycif_163_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_163_2.tif", + "label": "train/immune_cycif_163_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_164_3.tif", + "label": "train/immune_cycif_164_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_165_0.tif", + "label": "train/immune_cycif_165_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_165_2.tif", + "label": "train/immune_cycif_165_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_165_3.tif", + "label": "train/immune_cycif_165_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_166_0.tif", + "label": "train/immune_cycif_166_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_167_1.tif", + "label": "train/immune_cycif_167_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_167_3.tif", + "label": "train/immune_cycif_167_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_168_0.tif", + "label": "train/immune_cycif_168_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_168_2.tif", + "label": "train/immune_cycif_168_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_169_2.tif", + "label": "train/immune_cycif_169_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_174_1.tif", + "label": "train/immune_cycif_174_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_174_2.tif", + "label": "train/immune_cycif_174_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_175_0.tif", + "label": "train/immune_cycif_175_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_175_3.tif", + "label": "train/immune_cycif_175_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_176_3.tif", + "label": "train/immune_cycif_176_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_177_0.tif", + "label": "train/immune_cycif_177_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_178_1.tif", + "label": "train/immune_cycif_178_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_181_0.tif", + "label": "train/immune_cycif_181_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_181_2.tif", + "label": "train/immune_cycif_181_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_182_1.tif", + "label": "train/immune_cycif_182_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_183_1.tif", + "label": "train/immune_cycif_183_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_184_0.tif", + "label": "train/immune_cycif_184_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_187_0.tif", + "label": "train/immune_cycif_187_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_189_1.tif", + "label": "train/immune_cycif_189_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_190_3.tif", + "label": "train/immune_cycif_190_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_192_0.tif", + "label": "train/immune_cycif_192_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_192_1.tif", + "label": "train/immune_cycif_192_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_192_3.tif", + "label": "train/immune_cycif_192_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_193_0.tif", + "label": "train/immune_cycif_193_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_194_2.tif", + "label": "train/immune_cycif_194_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_194_3.tif", + "label": "train/immune_cycif_194_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_196_2.tif", + "label": "train/immune_cycif_196_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_197_1.tif", + "label": "train/immune_cycif_197_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_197_2.tif", + "label": "train/immune_cycif_197_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_198_1.tif", + "label": "train/immune_cycif_198_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_200_1.tif", + "label": "train/immune_cycif_200_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_201_0.tif", + "label": "train/immune_cycif_201_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_201_3.tif", + "label": "train/immune_cycif_201_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_202_2.tif", + "label": "train/immune_cycif_202_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_203_1.tif", + "label": "train/immune_cycif_203_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_203_3.tif", + "label": "train/immune_cycif_203_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_204_3.tif", + "label": "train/immune_cycif_204_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_205_1.tif", + "label": "train/immune_cycif_205_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_207_3.tif", + "label": "train/immune_cycif_207_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_208_1.tif", + "label": "train/immune_cycif_208_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_208_2.tif", + "label": "train/immune_cycif_208_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_213_2.tif", + "label": "train/immune_cycif_213_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_214_2.tif", + "label": "train/immune_cycif_214_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_217_2.tif", + "label": "train/immune_cycif_217_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_218_0.tif", + "label": "train/immune_cycif_218_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_220_1.tif", + "label": "train/immune_cycif_220_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_221_1.tif", + "label": "train/immune_cycif_221_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_222_3.tif", + "label": "train/immune_cycif_222_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_223_1.tif", + "label": "train/immune_cycif_223_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_223_2.tif", + "label": "train/immune_cycif_223_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_224_3.tif", + "label": "train/immune_cycif_224_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_225_0.tif", + "label": "train/immune_cycif_225_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_226_0.tif", + "label": "train/immune_cycif_226_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_226_2.tif", + "label": "train/immune_cycif_226_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_228_0.tif", + "label": "train/immune_cycif_228_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_230_1.tif", + "label": "train/immune_cycif_230_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_230_2.tif", + "label": "train/immune_cycif_230_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_231_1.tif", + "label": "train/immune_cycif_231_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_231_2.tif", + "label": "train/immune_cycif_231_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_231_3.tif", + "label": "train/immune_cycif_231_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_235_0.tif", + "label": "train/immune_cycif_235_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_235_1.tif", + "label": "train/immune_cycif_235_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_238_0.tif", + "label": "train/immune_cycif_238_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_241_2.tif", + "label": "train/immune_cycif_241_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_242_1.tif", + "label": "train/immune_cycif_242_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_242_2.tif", + "label": "train/immune_cycif_242_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_244_1.tif", + "label": "train/immune_cycif_244_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_244_3.tif", + "label": "train/immune_cycif_244_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_245_3.tif", + "label": "train/immune_cycif_245_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_246_0.tif", + "label": "train/immune_cycif_246_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_247_3.tif", + "label": "train/immune_cycif_247_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_248_2.tif", + "label": "train/immune_cycif_248_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_248_3.tif", + "label": "train/immune_cycif_248_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_249_0.tif", + "label": "train/immune_cycif_249_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_250_3.tif", + "label": "train/immune_cycif_250_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_251_0.tif", + "label": "train/immune_cycif_251_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_253_2.tif", + "label": "train/immune_cycif_253_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_258_0.tif", + "label": "train/immune_cycif_258_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_258_3.tif", + "label": "train/immune_cycif_258_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_262_3.tif", + "label": "train/immune_cycif_262_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_264_3.tif", + "label": "train/immune_cycif_264_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_266_2.tif", + "label": "train/immune_cycif_266_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_267_3.tif", + "label": "train/immune_cycif_267_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_269_2.tif", + "label": "train/immune_cycif_269_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_269_3.tif", + "label": "train/immune_cycif_269_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_270_0.tif", + "label": "train/immune_cycif_270_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_270_2.tif", + "label": "train/immune_cycif_270_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_270_3.tif", + "label": "train/immune_cycif_270_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_271_1.tif", + "label": "train/immune_cycif_271_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_272_1.tif", + "label": "train/immune_cycif_272_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_272_2.tif", + "label": "train/immune_cycif_272_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_273_0.tif", + "label": "train/immune_cycif_273_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_273_1.tif", + "label": "train/immune_cycif_273_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_275_0.tif", + "label": "train/immune_cycif_275_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_277_1.tif", + "label": "train/immune_cycif_277_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_279_1.tif", + "label": "train/immune_cycif_279_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_279_3.tif", + "label": "train/immune_cycif_279_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_281_0.tif", + "label": "train/immune_cycif_281_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_282_0.tif", + "label": "train/immune_cycif_282_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_282_3.tif", + "label": "train/immune_cycif_282_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_283_3.tif", + "label": "train/immune_cycif_283_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_284_2.tif", + "label": "train/immune_cycif_284_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_285_3.tif", + "label": "train/immune_cycif_285_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_286_1.tif", + "label": "train/immune_cycif_286_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_286_3.tif", + "label": "train/immune_cycif_286_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_287_0.tif", + "label": "train/immune_cycif_287_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_287_1.tif", + "label": "train/immune_cycif_287_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_288_1.tif", + "label": "train/immune_cycif_288_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_289_0.tif", + "label": "train/immune_cycif_289_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_289_2.tif", + "label": "train/immune_cycif_289_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_290_2.tif", + "label": "train/immune_cycif_290_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_290_3.tif", + "label": "train/immune_cycif_290_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_291_2.tif", + "label": "train/immune_cycif_291_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_294_1.tif", + "label": "train/immune_cycif_294_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_294_2.tif", + "label": "train/immune_cycif_294_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_294_3.tif", + "label": "train/immune_cycif_294_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_295_1.tif", + "label": "train/immune_cycif_295_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_295_3.tif", + "label": "train/immune_cycif_295_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_296_0.tif", + "label": "train/immune_cycif_296_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_298_2.tif", + "label": "train/immune_cycif_298_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_300_1.tif", + "label": "train/immune_cycif_300_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_301_1.tif", + "label": "train/immune_cycif_301_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_301_2.tif", + "label": "train/immune_cycif_301_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_304_0.tif", + "label": "train/immune_cycif_304_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_309_1.tif", + "label": "train/immune_cycif_309_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_310_3.tif", + "label": "train/immune_cycif_310_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_311_2.tif", + "label": "train/immune_cycif_311_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_314_1.tif", + "label": "train/immune_cycif_314_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_317_0.tif", + "label": "train/immune_cycif_317_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_317_1.tif", + "label": "train/immune_cycif_317_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_320_1.tif", + "label": "train/immune_cycif_320_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_321_2.tif", + "label": "train/immune_cycif_321_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_322_1.tif", + "label": "train/immune_cycif_322_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_322_2.tif", + "label": "train/immune_cycif_322_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_324_2.tif", + "label": "train/immune_cycif_324_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_325_1.tif", + "label": "train/immune_cycif_325_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_328_3.tif", + "label": "train/immune_cycif_328_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_332_2.tif", + "label": "train/immune_cycif_332_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_333_1.tif", + "label": "train/immune_cycif_333_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_333_3.tif", + "label": "train/immune_cycif_333_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_334_0.tif", + "label": "train/immune_cycif_334_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_337_3.tif", + "label": "train/immune_cycif_337_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_339_2.tif", + "label": "train/immune_cycif_339_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_340_1.tif", + "label": "train/immune_cycif_340_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_343_2.tif", + "label": "train/immune_cycif_343_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_346_2.tif", + "label": "train/immune_cycif_346_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_348_0.tif", + "label": "train/immune_cycif_348_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_349_3.tif", + "label": "train/immune_cycif_349_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_350_0.tif", + "label": "train/immune_cycif_350_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_350_2.tif", + "label": "train/immune_cycif_350_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_351_3.tif", + "label": "train/immune_cycif_351_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_352_0.tif", + "label": "train/immune_cycif_352_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_355_1.tif", + "label": "train/immune_cycif_355_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_356_3.tif", + "label": "train/immune_cycif_356_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_359_0.tif", + "label": "train/immune_cycif_359_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_359_3.tif", + "label": "train/immune_cycif_359_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_360_0.tif", + "label": "train/immune_cycif_360_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_361_3.tif", + "label": "train/immune_cycif_361_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_362_1.tif", + "label": "train/immune_cycif_362_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_363_2.tif", + "label": "train/immune_cycif_363_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_2_1.tif", + "label": "train/immune_mibi_2_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_2_2.tif", + "label": "train/immune_mibi_2_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_4_2.tif", + "label": "train/immune_mibi_4_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_4_3.tif", + "label": "train/immune_mibi_4_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_5_1.tif", + "label": "train/immune_mibi_5_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_5_3.tif", + "label": "train/immune_mibi_5_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_6_1.tif", + "label": "train/immune_mibi_6_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_7_3.tif", + "label": "train/immune_mibi_7_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_8_3.tif", + "label": "train/immune_mibi_8_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_9_1.tif", + "label": "train/immune_mibi_9_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_10_0.tif", + "label": "train/immune_mibi_10_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_10_3.tif", + "label": "train/immune_mibi_10_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_11_3.tif", + "label": "train/immune_mibi_11_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_12_2.tif", + "label": "train/immune_mibi_12_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_13_0.tif", + "label": "train/immune_mibi_13_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_15_2.tif", + "label": "train/immune_mibi_15_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_17_2.tif", + "label": "train/immune_mibi_17_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_18_0.tif", + "label": "train/immune_mibi_18_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_23_0.tif", + "label": "train/immune_mibi_23_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_23_3.tif", + "label": "train/immune_mibi_23_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_24_2.tif", + "label": "train/immune_mibi_24_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_26_1.tif", + "label": "train/immune_mibi_26_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_26_2.tif", + "label": "train/immune_mibi_26_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_26_3.tif", + "label": "train/immune_mibi_26_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_28_2.tif", + "label": "train/immune_mibi_28_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_1_0.tif", + "label": "train/immune_vectra_1_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_2_0.tif", + "label": "train/immune_vectra_2_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_3_0.tif", + "label": "train/immune_vectra_3_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_4_1.tif", + "label": "train/immune_vectra_4_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_6_2.tif", + "label": "train/immune_vectra_6_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_7_1.tif", + "label": "train/immune_vectra_7_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_7_2.tif", + "label": "train/immune_vectra_7_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_10_2.tif", + "label": "train/immune_vectra_10_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_11_0.tif", + "label": "train/immune_vectra_11_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_14_0.tif", + "label": "train/immune_vectra_14_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_14_2.tif", + "label": "train/immune_vectra_14_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_14_3.tif", + "label": "train/immune_vectra_14_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_15_0.tif", + "label": "train/immune_vectra_15_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_16_0.tif", + "label": "train/immune_vectra_16_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_18_2.tif", + "label": "train/immune_vectra_18_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_24_2.tif", + "label": "train/immune_vectra_24_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_25_0.tif", + "label": "train/immune_vectra_25_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_25_1.tif", + "label": "train/immune_vectra_25_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_26_0.tif", + "label": "train/immune_vectra_26_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_26_2.tif", + "label": "train/immune_vectra_26_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_29_0.tif", + "label": "train/immune_vectra_29_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_30_0.tif", + "label": "train/immune_vectra_30_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_31_2.tif", + "label": "train/immune_vectra_31_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_32_3.tif", + "label": "train/immune_vectra_32_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_34_3.tif", + "label": "train/immune_vectra_34_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_36_1.tif", + "label": "train/immune_vectra_36_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_37_1.tif", + "label": "train/immune_vectra_37_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_39_1.tif", + "label": "train/immune_vectra_39_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_41_0.tif", + "label": "train/immune_vectra_41_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_42_2.tif", + "label": "train/immune_vectra_42_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_45_1.tif", + "label": "train/immune_vectra_45_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_46_1.tif", + "label": "train/immune_vectra_46_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_46_2.tif", + "label": "train/immune_vectra_46_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_49_2.tif", + "label": "train/immune_vectra_49_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_50_2.tif", + "label": "train/immune_vectra_50_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_51_1.tif", + "label": "train/immune_vectra_51_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_51_2.tif", + "label": "train/immune_vectra_51_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_51_3.tif", + "label": "train/immune_vectra_51_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_52_1.tif", + "label": "train/immune_vectra_52_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_53_1.tif", + "label": "train/immune_vectra_53_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_54_0.tif", + "label": "train/immune_vectra_54_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_54_2.tif", + "label": "train/immune_vectra_54_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_57_3.tif", + "label": "train/immune_vectra_57_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_60_0.tif", + "label": "train/immune_vectra_60_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_61_3.tif", + "label": "train/immune_vectra_61_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_62_0.tif", + "label": "train/immune_vectra_62_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_63_1.tif", + "label": "train/immune_vectra_63_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_0_2.tif", + "label": "train/immune_cycif_0_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_1_1.tif", + "label": "train/immune_cycif_1_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_2_1.tif", + "label": "train/immune_cycif_2_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_2_2.tif", + "label": "train/immune_cycif_2_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_2_3.tif", + "label": "train/immune_cycif_2_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_3_1.tif", + "label": "train/immune_cycif_3_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_4_1.tif", + "label": "train/immune_cycif_4_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_6_2.tif", + "label": "train/immune_cycif_6_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_8_0.tif", + "label": "train/immune_cycif_8_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_8_2.tif", + "label": "train/immune_cycif_8_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_10_1.tif", + "label": "train/immune_cycif_10_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_13_2.tif", + "label": "train/immune_cycif_13_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_14_3.tif", + "label": "train/immune_cycif_14_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_16_0.tif", + "label": "train/immune_cycif_16_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_16_3.tif", + "label": "train/immune_cycif_16_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_18_0.tif", + "label": "train/immune_cycif_18_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_18_2.tif", + "label": "train/immune_cycif_18_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_19_0.tif", + "label": "train/immune_cycif_19_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_21_0.tif", + "label": "train/immune_cycif_21_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_21_1.tif", + "label": "train/immune_cycif_21_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_22_1.tif", + "label": "train/immune_cycif_22_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_24_1.tif", + "label": "train/immune_cycif_24_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_24_3.tif", + "label": "train/immune_cycif_24_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_25_3.tif", + "label": "train/immune_cycif_25_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_29_1.tif", + "label": "train/immune_cycif_29_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_30_1.tif", + "label": "train/immune_cycif_30_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_31_1.tif", + "label": "train/immune_cycif_31_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_31_3.tif", + "label": "train/immune_cycif_31_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_33_2.tif", + "label": "train/immune_cycif_33_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_34_0.tif", + "label": "train/immune_cycif_34_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_34_3.tif", + "label": "train/immune_cycif_34_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_37_3.tif", + "label": "train/immune_cycif_37_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_39_0.tif", + "label": "train/immune_cycif_39_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_40_0.tif", + "label": "train/immune_cycif_40_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_41_0.tif", + "label": "train/immune_cycif_41_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_41_1.tif", + "label": "train/immune_cycif_41_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_43_0.tif", + "label": "train/immune_cycif_43_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_43_3.tif", + "label": "train/immune_cycif_43_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_44_2.tif", + "label": "train/immune_cycif_44_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_45_0.tif", + "label": "train/immune_cycif_45_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_46_3.tif", + "label": "train/immune_cycif_46_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_47_3.tif", + "label": "train/immune_cycif_47_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_50_0.tif", + "label": "train/immune_cycif_50_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_51_3.tif", + "label": "train/immune_cycif_51_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_54_2.tif", + "label": "train/immune_cycif_54_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_55_0.tif", + "label": "train/immune_cycif_55_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_56_2.tif", + "label": "train/immune_cycif_56_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_58_1.tif", + "label": "train/immune_cycif_58_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_58_2.tif", + "label": "train/immune_cycif_58_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_59_1.tif", + "label": "train/immune_cycif_59_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_59_2.tif", + "label": "train/immune_cycif_59_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_60_2.tif", + "label": "train/immune_cycif_60_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_61_0.tif", + "label": "train/immune_cycif_61_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_62_2.tif", + "label": "train/immune_cycif_62_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_64_0.tif", + "label": "train/immune_cycif_64_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_64_1.tif", + "label": "train/immune_cycif_64_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_65_0.tif", + "label": "train/immune_cycif_65_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_68_2.tif", + "label": "train/immune_cycif_68_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_71_0.tif", + "label": "train/immune_cycif_71_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_73_3.tif", + "label": "train/immune_cycif_73_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_75_0.tif", + "label": "train/immune_cycif_75_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_76_2.tif", + "label": "train/immune_cycif_76_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_76_3.tif", + "label": "train/immune_cycif_76_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_79_2.tif", + "label": "train/immune_cycif_79_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_80_0.tif", + "label": "train/immune_cycif_80_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_80_2.tif", + "label": "train/immune_cycif_80_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_81_2.tif", + "label": "train/immune_cycif_81_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_82_1.tif", + "label": "train/immune_cycif_82_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_83_0.tif", + "label": "train/immune_cycif_83_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_85_0.tif", + "label": "train/immune_cycif_85_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_86_1.tif", + "label": "train/immune_cycif_86_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_86_3.tif", + "label": "train/immune_cycif_86_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_87_1.tif", + "label": "train/immune_cycif_87_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_88_2.tif", + "label": "train/immune_cycif_88_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_88_3.tif", + "label": "train/immune_cycif_88_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_90_3.tif", + "label": "train/immune_cycif_90_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_91_3.tif", + "label": "train/immune_cycif_91_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_92_2.tif", + "label": "train/immune_cycif_92_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_93_2.tif", + "label": "train/immune_cycif_93_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_95_0.tif", + "label": "train/immune_cycif_95_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_96_3.tif", + "label": "train/immune_cycif_96_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_97_0.tif", + "label": "train/immune_cycif_97_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_98_0.tif", + "label": "train/immune_cycif_98_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_98_1.tif", + "label": "train/immune_cycif_98_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_101_3.tif", + "label": "train/immune_cycif_101_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_103_3.tif", + "label": "train/immune_cycif_103_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_104_3.tif", + "label": "train/immune_cycif_104_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_107_2.tif", + "label": "train/immune_cycif_107_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_108_1.tif", + "label": "train/immune_cycif_108_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_109_0.tif", + "label": "train/immune_cycif_109_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_109_1.tif", + "label": "train/immune_cycif_109_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_109_3.tif", + "label": "train/immune_cycif_109_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_110_1.tif", + "label": "train/immune_cycif_110_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_111_1.tif", + "label": "train/immune_cycif_111_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_112_0.tif", + "label": "train/immune_cycif_112_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_112_1.tif", + "label": "train/immune_cycif_112_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_113_3.tif", + "label": "train/immune_cycif_113_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_114_1.tif", + "label": "train/immune_cycif_114_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_114_3.tif", + "label": "train/immune_cycif_114_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_115_3.tif", + "label": "train/immune_cycif_115_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_116_2.tif", + "label": "train/immune_cycif_116_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_117_3.tif", + "label": "train/immune_cycif_117_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_118_0.tif", + "label": "train/immune_cycif_118_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_118_1.tif", + "label": "train/immune_cycif_118_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_118_2.tif", + "label": "train/immune_cycif_118_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_119_3.tif", + "label": "train/immune_cycif_119_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_120_2.tif", + "label": "train/immune_cycif_120_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_120_3.tif", + "label": "train/immune_cycif_120_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_121_0.tif", + "label": "train/immune_cycif_121_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_123_0.tif", + "label": "train/immune_cycif_123_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_123_1.tif", + "label": "train/immune_cycif_123_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_124_2.tif", + "label": "train/immune_cycif_124_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_125_2.tif", + "label": "train/immune_cycif_125_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_127_1.tif", + "label": "train/immune_cycif_127_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_129_0.tif", + "label": "train/immune_cycif_129_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_130_3.tif", + "label": "train/immune_cycif_130_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_132_2.tif", + "label": "train/immune_cycif_132_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_135_1.tif", + "label": "train/immune_cycif_135_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_135_3.tif", + "label": "train/immune_cycif_135_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_137_0.tif", + "label": "train/immune_cycif_137_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_137_1.tif", + "label": "train/immune_cycif_137_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_137_2.tif", + "label": "train/immune_cycif_137_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_138_2.tif", + "label": "train/immune_cycif_138_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_139_1.tif", + "label": "train/immune_cycif_139_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_140_0.tif", + "label": "train/immune_cycif_140_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_141_3.tif", + "label": "train/immune_cycif_141_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_142_0.tif", + "label": "train/immune_cycif_142_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_144_0.tif", + "label": "train/immune_cycif_144_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_145_1.tif", + "label": "train/immune_cycif_145_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_145_2.tif", + "label": "train/immune_cycif_145_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_146_1.tif", + "label": "train/immune_cycif_146_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_150_3.tif", + "label": "train/immune_cycif_150_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_151_0.tif", + "label": "train/immune_cycif_151_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_154_0.tif", + "label": "train/immune_cycif_154_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_158_3.tif", + "label": "train/immune_cycif_158_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_159_3.tif", + "label": "train/immune_cycif_159_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_160_1.tif", + "label": "train/immune_cycif_160_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_167_2.tif", + "label": "train/immune_cycif_167_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_168_1.tif", + "label": "train/immune_cycif_168_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_170_0.tif", + "label": "train/immune_cycif_170_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_170_2.tif", + "label": "train/immune_cycif_170_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_171_1.tif", + "label": "train/immune_cycif_171_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_171_2.tif", + "label": "train/immune_cycif_171_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_172_0.tif", + "label": "train/immune_cycif_172_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_173_0.tif", + "label": "train/immune_cycif_173_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_173_2.tif", + "label": "train/immune_cycif_173_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_174_3.tif", + "label": "train/immune_cycif_174_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_177_1.tif", + "label": "train/immune_cycif_177_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_179_3.tif", + "label": "train/immune_cycif_179_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_180_0.tif", + "label": "train/immune_cycif_180_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_180_3.tif", + "label": "train/immune_cycif_180_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_182_3.tif", + "label": "train/immune_cycif_182_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_183_3.tif", + "label": "train/immune_cycif_183_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_185_1.tif", + "label": "train/immune_cycif_185_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_186_2.tif", + "label": "train/immune_cycif_186_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_187_2.tif", + "label": "train/immune_cycif_187_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_188_0.tif", + "label": "train/immune_cycif_188_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_188_2.tif", + "label": "train/immune_cycif_188_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_188_3.tif", + "label": "train/immune_cycif_188_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_191_1.tif", + "label": "train/immune_cycif_191_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_191_2.tif", + "label": "train/immune_cycif_191_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_194_0.tif", + "label": "train/immune_cycif_194_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_195_0.tif", + "label": "train/immune_cycif_195_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_195_2.tif", + "label": "train/immune_cycif_195_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_196_1.tif", + "label": "train/immune_cycif_196_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_204_1.tif", + "label": "train/immune_cycif_204_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_205_3.tif", + "label": "train/immune_cycif_205_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_206_2.tif", + "label": "train/immune_cycif_206_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_207_2.tif", + "label": "train/immune_cycif_207_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_210_1.tif", + "label": "train/immune_cycif_210_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_210_2.tif", + "label": "train/immune_cycif_210_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_211_1.tif", + "label": "train/immune_cycif_211_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_213_1.tif", + "label": "train/immune_cycif_213_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_215_0.tif", + "label": "train/immune_cycif_215_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_215_1.tif", + "label": "train/immune_cycif_215_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_216_2.tif", + "label": "train/immune_cycif_216_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_218_2.tif", + "label": "train/immune_cycif_218_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_219_1.tif", + "label": "train/immune_cycif_219_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_220_0.tif", + "label": "train/immune_cycif_220_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_222_2.tif", + "label": "train/immune_cycif_222_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_223_0.tif", + "label": "train/immune_cycif_223_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_227_1.tif", + "label": "train/immune_cycif_227_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_228_1.tif", + "label": "train/immune_cycif_228_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_229_0.tif", + "label": "train/immune_cycif_229_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_229_2.tif", + "label": "train/immune_cycif_229_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_232_1.tif", + "label": "train/immune_cycif_232_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_232_3.tif", + "label": "train/immune_cycif_232_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_234_1.tif", + "label": "train/immune_cycif_234_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_235_2.tif", + "label": "train/immune_cycif_235_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_237_0.tif", + "label": "train/immune_cycif_237_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_237_3.tif", + "label": "train/immune_cycif_237_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_238_1.tif", + "label": "train/immune_cycif_238_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_239_1.tif", + "label": "train/immune_cycif_239_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_240_1.tif", + "label": "train/immune_cycif_240_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_244_0.tif", + "label": "train/immune_cycif_244_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_245_2.tif", + "label": "train/immune_cycif_245_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_246_3.tif", + "label": "train/immune_cycif_246_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_247_2.tif", + "label": "train/immune_cycif_247_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_248_0.tif", + "label": "train/immune_cycif_248_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_249_1.tif", + "label": "train/immune_cycif_249_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_250_0.tif", + "label": "train/immune_cycif_250_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_251_3.tif", + "label": "train/immune_cycif_251_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_253_1.tif", + "label": "train/immune_cycif_253_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_253_3.tif", + "label": "train/immune_cycif_253_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_254_1.tif", + "label": "train/immune_cycif_254_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_255_3.tif", + "label": "train/immune_cycif_255_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_256_2.tif", + "label": "train/immune_cycif_256_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_256_3.tif", + "label": "train/immune_cycif_256_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_257_1.tif", + "label": "train/immune_cycif_257_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_257_2.tif", + "label": "train/immune_cycif_257_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_260_3.tif", + "label": "train/immune_cycif_260_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_261_0.tif", + "label": "train/immune_cycif_261_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_261_1.tif", + "label": "train/immune_cycif_261_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_261_3.tif", + "label": "train/immune_cycif_261_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_262_0.tif", + "label": "train/immune_cycif_262_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_264_2.tif", + "label": "train/immune_cycif_264_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_265_0.tif", + "label": "train/immune_cycif_265_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_266_1.tif", + "label": "train/immune_cycif_266_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_268_2.tif", + "label": "train/immune_cycif_268_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_270_1.tif", + "label": "train/immune_cycif_270_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_271_2.tif", + "label": "train/immune_cycif_271_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_274_1.tif", + "label": "train/immune_cycif_274_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_276_1.tif", + "label": "train/immune_cycif_276_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_277_0.tif", + "label": "train/immune_cycif_277_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_278_3.tif", + "label": "train/immune_cycif_278_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_279_0.tif", + "label": "train/immune_cycif_279_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_279_2.tif", + "label": "train/immune_cycif_279_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_280_3.tif", + "label": "train/immune_cycif_280_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_281_3.tif", + "label": "train/immune_cycif_281_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_282_1.tif", + "label": "train/immune_cycif_282_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_283_0.tif", + "label": "train/immune_cycif_283_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_285_1.tif", + "label": "train/immune_cycif_285_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_286_2.tif", + "label": "train/immune_cycif_286_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_288_0.tif", + "label": "train/immune_cycif_288_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_289_3.tif", + "label": "train/immune_cycif_289_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_291_1.tif", + "label": "train/immune_cycif_291_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_293_1.tif", + "label": "train/immune_cycif_293_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_294_0.tif", + "label": "train/immune_cycif_294_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_295_0.tif", + "label": "train/immune_cycif_295_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_296_1.tif", + "label": "train/immune_cycif_296_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_299_3.tif", + "label": "train/immune_cycif_299_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_302_1.tif", + "label": "train/immune_cycif_302_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_302_3.tif", + "label": "train/immune_cycif_302_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_304_2.tif", + "label": "train/immune_cycif_304_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_304_3.tif", + "label": "train/immune_cycif_304_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_305_0.tif", + "label": "train/immune_cycif_305_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_306_3.tif", + "label": "train/immune_cycif_306_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_307_1.tif", + "label": "train/immune_cycif_307_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_307_3.tif", + "label": "train/immune_cycif_307_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_308_1.tif", + "label": "train/immune_cycif_308_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_310_0.tif", + "label": "train/immune_cycif_310_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_310_2.tif", + "label": "train/immune_cycif_310_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_312_0.tif", + "label": "train/immune_cycif_312_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_312_1.tif", + "label": "train/immune_cycif_312_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_313_0.tif", + "label": "train/immune_cycif_313_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_314_0.tif", + "label": "train/immune_cycif_314_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_314_3.tif", + "label": "train/immune_cycif_314_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_315_0.tif", + "label": "train/immune_cycif_315_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_316_0.tif", + "label": "train/immune_cycif_316_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_316_1.tif", + "label": "train/immune_cycif_316_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_316_3.tif", + "label": "train/immune_cycif_316_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_317_3.tif", + "label": "train/immune_cycif_317_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_318_0.tif", + "label": "train/immune_cycif_318_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_319_0.tif", + "label": "train/immune_cycif_319_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_319_3.tif", + "label": "train/immune_cycif_319_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_320_2.tif", + "label": "train/immune_cycif_320_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_322_3.tif", + "label": "train/immune_cycif_322_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_323_0.tif", + "label": "train/immune_cycif_323_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_327_2.tif", + "label": "train/immune_cycif_327_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_328_1.tif", + "label": "train/immune_cycif_328_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_328_2.tif", + "label": "train/immune_cycif_328_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_329_2.tif", + "label": "train/immune_cycif_329_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_335_1.tif", + "label": "train/immune_cycif_335_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_335_3.tif", + "label": "train/immune_cycif_335_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_338_0.tif", + "label": "train/immune_cycif_338_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_338_3.tif", + "label": "train/immune_cycif_338_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_339_1.tif", + "label": "train/immune_cycif_339_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_342_3.tif", + "label": "train/immune_cycif_342_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_344_3.tif", + "label": "train/immune_cycif_344_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_345_2.tif", + "label": "train/immune_cycif_345_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_347_2.tif", + "label": "train/immune_cycif_347_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_348_2.tif", + "label": "train/immune_cycif_348_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_348_3.tif", + "label": "train/immune_cycif_348_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_350_1.tif", + "label": "train/immune_cycif_350_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_350_3.tif", + "label": "train/immune_cycif_350_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_352_2.tif", + "label": "train/immune_cycif_352_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_353_0.tif", + "label": "train/immune_cycif_353_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_353_1.tif", + "label": "train/immune_cycif_353_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_358_0.tif", + "label": "train/immune_cycif_358_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_358_3.tif", + "label": "train/immune_cycif_358_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_359_1.tif", + "label": "train/immune_cycif_359_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_361_0.tif", + "label": "train/immune_cycif_361_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_361_1.tif", + "label": "train/immune_cycif_361_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_363_1.tif", + "label": "train/immune_cycif_363_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_0_1.tif", + "label": "train/immune_mibi_0_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_0_2.tif", + "label": "train/immune_mibi_0_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_2_3.tif", + "label": "train/immune_mibi_2_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_3_2.tif", + "label": "train/immune_mibi_3_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_4_0.tif", + "label": "train/immune_mibi_4_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_4_1.tif", + "label": "train/immune_mibi_4_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_8_0.tif", + "label": "train/immune_mibi_8_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_10_1.tif", + "label": "train/immune_mibi_10_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_12_0.tif", + "label": "train/immune_mibi_12_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_12_3.tif", + "label": "train/immune_mibi_12_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_13_1.tif", + "label": "train/immune_mibi_13_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_13_2.tif", + "label": "train/immune_mibi_13_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_14_0.tif", + "label": "train/immune_mibi_14_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_15_3.tif", + "label": "train/immune_mibi_15_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_16_0.tif", + "label": "train/immune_mibi_16_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_18_2.tif", + "label": "train/immune_mibi_18_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_18_3.tif", + "label": "train/immune_mibi_18_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_19_3.tif", + "label": "train/immune_mibi_19_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_21_0.tif", + "label": "train/immune_mibi_21_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_23_1.tif", + "label": "train/immune_mibi_23_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_24_1.tif", + "label": "train/immune_mibi_24_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_24_3.tif", + "label": "train/immune_mibi_24_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_27_0.tif", + "label": "train/immune_mibi_27_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_27_1.tif", + "label": "train/immune_mibi_27_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_28_0.tif", + "label": "train/immune_mibi_28_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_28_1.tif", + "label": "train/immune_mibi_28_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_0_1.tif", + "label": "train/immune_vectra_0_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_0_3.tif", + "label": "train/immune_vectra_0_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_1_1.tif", + "label": "train/immune_vectra_1_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_3_2.tif", + "label": "train/immune_vectra_3_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_3_3.tif", + "label": "train/immune_vectra_3_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_4_0.tif", + "label": "train/immune_vectra_4_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_5_2.tif", + "label": "train/immune_vectra_5_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_8_1.tif", + "label": "train/immune_vectra_8_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_9_1.tif", + "label": "train/immune_vectra_9_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_12_0.tif", + "label": "train/immune_vectra_12_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_12_3.tif", + "label": "train/immune_vectra_12_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_13_0.tif", + "label": "train/immune_vectra_13_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_13_3.tif", + "label": "train/immune_vectra_13_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_14_1.tif", + "label": "train/immune_vectra_14_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_17_1.tif", + "label": "train/immune_vectra_17_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_20_3.tif", + "label": "train/immune_vectra_20_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_21_3.tif", + "label": "train/immune_vectra_21_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_22_1.tif", + "label": "train/immune_vectra_22_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_22_2.tif", + "label": "train/immune_vectra_22_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_27_2.tif", + "label": "train/immune_vectra_27_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_28_3.tif", + "label": "train/immune_vectra_28_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_31_0.tif", + "label": "train/immune_vectra_31_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_31_3.tif", + "label": "train/immune_vectra_31_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_35_0.tif", + "label": "train/immune_vectra_35_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_35_1.tif", + "label": "train/immune_vectra_35_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_37_2.tif", + "label": "train/immune_vectra_37_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_37_3.tif", + "label": "train/immune_vectra_37_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_40_2.tif", + "label": "train/immune_vectra_40_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_41_1.tif", + "label": "train/immune_vectra_41_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_41_2.tif", + "label": "train/immune_vectra_41_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_42_1.tif", + "label": "train/immune_vectra_42_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_43_1.tif", + "label": "train/immune_vectra_43_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_45_2.tif", + "label": "train/immune_vectra_45_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_49_1.tif", + "label": "train/immune_vectra_49_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_52_0.tif", + "label": "train/immune_vectra_52_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_52_3.tif", + "label": "train/immune_vectra_52_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_53_0.tif", + "label": "train/immune_vectra_53_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_55_2.tif", + "label": "train/immune_vectra_55_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_56_0.tif", + "label": "train/immune_vectra_56_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_56_2.tif", + "label": "train/immune_vectra_56_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_59_1.tif", + "label": "train/immune_vectra_59_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_59_2.tif", + "label": "train/immune_vectra_59_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_59_3.tif", + "label": "train/immune_vectra_59_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_61_0.tif", + "label": "train/immune_vectra_61_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_61_1.tif", + "label": "train/immune_vectra_61_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_63_0.tif", + "label": "train/immune_vectra_63_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_1_0.tif", + "label": "train/immune_cycif_1_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_1_3.tif", + "label": "train/immune_cycif_1_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_3_2.tif", + "label": "train/immune_cycif_3_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_4_2.tif", + "label": "train/immune_cycif_4_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_5_3.tif", + "label": "train/immune_cycif_5_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_7_0.tif", + "label": "train/immune_cycif_7_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_7_1.tif", + "label": "train/immune_cycif_7_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_7_3.tif", + "label": "train/immune_cycif_7_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_8_1.tif", + "label": "train/immune_cycif_8_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_9_0.tif", + "label": "train/immune_cycif_9_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_9_2.tif", + "label": "train/immune_cycif_9_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_10_2.tif", + "label": "train/immune_cycif_10_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_11_2.tif", + "label": "train/immune_cycif_11_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_13_0.tif", + "label": "train/immune_cycif_13_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_14_1.tif", + "label": "train/immune_cycif_14_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_15_1.tif", + "label": "train/immune_cycif_15_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_16_2.tif", + "label": "train/immune_cycif_16_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_17_0.tif", + "label": "train/immune_cycif_17_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_17_1.tif", + "label": "train/immune_cycif_17_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_17_2.tif", + "label": "train/immune_cycif_17_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_17_3.tif", + "label": "train/immune_cycif_17_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_23_0.tif", + "label": "train/immune_cycif_23_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_23_1.tif", + "label": "train/immune_cycif_23_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_23_3.tif", + "label": "train/immune_cycif_23_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_26_1.tif", + "label": "train/immune_cycif_26_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_26_2.tif", + "label": "train/immune_cycif_26_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_28_0.tif", + "label": "train/immune_cycif_28_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_28_1.tif", + "label": "train/immune_cycif_28_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_28_2.tif", + "label": "train/immune_cycif_28_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_29_0.tif", + "label": "train/immune_cycif_29_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_29_2.tif", + "label": "train/immune_cycif_29_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_30_2.tif", + "label": "train/immune_cycif_30_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_31_0.tif", + "label": "train/immune_cycif_31_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_32_0.tif", + "label": "train/immune_cycif_32_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_33_0.tif", + "label": "train/immune_cycif_33_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_36_3.tif", + "label": "train/immune_cycif_36_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_38_1.tif", + "label": "train/immune_cycif_38_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_39_1.tif", + "label": "train/immune_cycif_39_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_40_2.tif", + "label": "train/immune_cycif_40_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_42_0.tif", + "label": "train/immune_cycif_42_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_43_1.tif", + "label": "train/immune_cycif_43_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_44_3.tif", + "label": "train/immune_cycif_44_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_46_0.tif", + "label": "train/immune_cycif_46_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_46_1.tif", + "label": "train/immune_cycif_46_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_48_1.tif", + "label": "train/immune_cycif_48_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_49_1.tif", + "label": "train/immune_cycif_49_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_50_3.tif", + "label": "train/immune_cycif_50_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_53_0.tif", + "label": "train/immune_cycif_53_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_53_1.tif", + "label": "train/immune_cycif_53_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_53_2.tif", + "label": "train/immune_cycif_53_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_54_1.tif", + "label": "train/immune_cycif_54_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_55_1.tif", + "label": "train/immune_cycif_55_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_56_0.tif", + "label": "train/immune_cycif_56_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_56_1.tif", + "label": "train/immune_cycif_56_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_57_2.tif", + "label": "train/immune_cycif_57_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_58_0.tif", + "label": "train/immune_cycif_58_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_61_1.tif", + "label": "train/immune_cycif_61_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_61_2.tif", + "label": "train/immune_cycif_61_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_61_3.tif", + "label": "train/immune_cycif_61_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_62_1.tif", + "label": "train/immune_cycif_62_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_63_2.tif", + "label": "train/immune_cycif_63_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_65_1.tif", + "label": "train/immune_cycif_65_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_66_1.tif", + "label": "train/immune_cycif_66_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_67_3.tif", + "label": "train/immune_cycif_67_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_68_0.tif", + "label": "train/immune_cycif_68_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_68_1.tif", + "label": "train/immune_cycif_68_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_69_0.tif", + "label": "train/immune_cycif_69_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_69_1.tif", + "label": "train/immune_cycif_69_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_71_3.tif", + "label": "train/immune_cycif_71_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_72_3.tif", + "label": "train/immune_cycif_72_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_73_2.tif", + "label": "train/immune_cycif_73_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_74_0.tif", + "label": "train/immune_cycif_74_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_78_0.tif", + "label": "train/immune_cycif_78_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_82_0.tif", + "label": "train/immune_cycif_82_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_83_1.tif", + "label": "train/immune_cycif_83_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_83_2.tif", + "label": "train/immune_cycif_83_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_84_1.tif", + "label": "train/immune_cycif_84_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_84_3.tif", + "label": "train/immune_cycif_84_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_85_2.tif", + "label": "train/immune_cycif_85_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_85_3.tif", + "label": "train/immune_cycif_85_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_86_0.tif", + "label": "train/immune_cycif_86_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_86_2.tif", + "label": "train/immune_cycif_86_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_88_0.tif", + "label": "train/immune_cycif_88_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_89_0.tif", + "label": "train/immune_cycif_89_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_89_2.tif", + "label": "train/immune_cycif_89_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_90_0.tif", + "label": "train/immune_cycif_90_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_90_2.tif", + "label": "train/immune_cycif_90_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_91_0.tif", + "label": "train/immune_cycif_91_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_91_1.tif", + "label": "train/immune_cycif_91_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_92_3.tif", + "label": "train/immune_cycif_92_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_93_1.tif", + "label": "train/immune_cycif_93_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_94_1.tif", + "label": "train/immune_cycif_94_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_94_2.tif", + "label": "train/immune_cycif_94_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_94_3.tif", + "label": "train/immune_cycif_94_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_95_1.tif", + "label": "train/immune_cycif_95_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_98_2.tif", + "label": "train/immune_cycif_98_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_99_1.tif", + "label": "train/immune_cycif_99_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_100_2.tif", + "label": "train/immune_cycif_100_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_102_3.tif", + "label": "train/immune_cycif_102_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_103_0.tif", + "label": "train/immune_cycif_103_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_107_1.tif", + "label": "train/immune_cycif_107_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_113_2.tif", + "label": "train/immune_cycif_113_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_116_3.tif", + "label": "train/immune_cycif_116_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_119_0.tif", + "label": "train/immune_cycif_119_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_122_0.tif", + "label": "train/immune_cycif_122_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_124_3.tif", + "label": "train/immune_cycif_124_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_125_0.tif", + "label": "train/immune_cycif_125_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_125_1.tif", + "label": "train/immune_cycif_125_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_126_0.tif", + "label": "train/immune_cycif_126_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_126_2.tif", + "label": "train/immune_cycif_126_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_127_3.tif", + "label": "train/immune_cycif_127_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_128_2.tif", + "label": "train/immune_cycif_128_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_129_1.tif", + "label": "train/immune_cycif_129_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_129_2.tif", + "label": "train/immune_cycif_129_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_129_3.tif", + "label": "train/immune_cycif_129_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_130_2.tif", + "label": "train/immune_cycif_130_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_133_1.tif", + "label": "train/immune_cycif_133_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_135_0.tif", + "label": "train/immune_cycif_135_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_136_0.tif", + "label": "train/immune_cycif_136_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_137_3.tif", + "label": "train/immune_cycif_137_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_138_0.tif", + "label": "train/immune_cycif_138_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_141_1.tif", + "label": "train/immune_cycif_141_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_144_2.tif", + "label": "train/immune_cycif_144_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_147_0.tif", + "label": "train/immune_cycif_147_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_147_2.tif", + "label": "train/immune_cycif_147_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_150_0.tif", + "label": "train/immune_cycif_150_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_151_1.tif", + "label": "train/immune_cycif_151_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_152_2.tif", + "label": "train/immune_cycif_152_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_152_3.tif", + "label": "train/immune_cycif_152_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_154_2.tif", + "label": "train/immune_cycif_154_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_161_1.tif", + "label": "train/immune_cycif_161_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_161_2.tif", + "label": "train/immune_cycif_161_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_162_3.tif", + "label": "train/immune_cycif_162_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_163_0.tif", + "label": "train/immune_cycif_163_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_164_2.tif", + "label": "train/immune_cycif_164_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_166_1.tif", + "label": "train/immune_cycif_166_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_166_3.tif", + "label": "train/immune_cycif_166_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_169_0.tif", + "label": "train/immune_cycif_169_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_169_1.tif", + "label": "train/immune_cycif_169_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_171_0.tif", + "label": "train/immune_cycif_171_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_172_3.tif", + "label": "train/immune_cycif_172_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_176_0.tif", + "label": "train/immune_cycif_176_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_177_2.tif", + "label": "train/immune_cycif_177_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_179_0.tif", + "label": "train/immune_cycif_179_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_180_1.tif", + "label": "train/immune_cycif_180_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_183_2.tif", + "label": "train/immune_cycif_183_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_184_2.tif", + "label": "train/immune_cycif_184_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_185_3.tif", + "label": "train/immune_cycif_185_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_186_0.tif", + "label": "train/immune_cycif_186_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_186_3.tif", + "label": "train/immune_cycif_186_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_189_0.tif", + "label": "train/immune_cycif_189_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_189_2.tif", + "label": "train/immune_cycif_189_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_190_2.tif", + "label": "train/immune_cycif_190_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_192_2.tif", + "label": "train/immune_cycif_192_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_193_1.tif", + "label": "train/immune_cycif_193_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_193_3.tif", + "label": "train/immune_cycif_193_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_195_1.tif", + "label": "train/immune_cycif_195_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_195_3.tif", + "label": "train/immune_cycif_195_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_196_3.tif", + "label": "train/immune_cycif_196_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_198_2.tif", + "label": "train/immune_cycif_198_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_198_3.tif", + "label": "train/immune_cycif_198_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_199_0.tif", + "label": "train/immune_cycif_199_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_199_1.tif", + "label": "train/immune_cycif_199_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_199_2.tif", + "label": "train/immune_cycif_199_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_200_0.tif", + "label": "train/immune_cycif_200_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_200_3.tif", + "label": "train/immune_cycif_200_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_201_1.tif", + "label": "train/immune_cycif_201_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_202_1.tif", + "label": "train/immune_cycif_202_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_203_2.tif", + "label": "train/immune_cycif_203_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_204_2.tif", + "label": "train/immune_cycif_204_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_205_2.tif", + "label": "train/immune_cycif_205_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_208_3.tif", + "label": "train/immune_cycif_208_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_209_0.tif", + "label": "train/immune_cycif_209_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_209_2.tif", + "label": "train/immune_cycif_209_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_211_0.tif", + "label": "train/immune_cycif_211_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_212_0.tif", + "label": "train/immune_cycif_212_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_212_2.tif", + "label": "train/immune_cycif_212_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_213_3.tif", + "label": "train/immune_cycif_213_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_214_0.tif", + "label": "train/immune_cycif_214_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_215_2.tif", + "label": "train/immune_cycif_215_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_216_0.tif", + "label": "train/immune_cycif_216_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_216_3.tif", + "label": "train/immune_cycif_216_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_218_1.tif", + "label": "train/immune_cycif_218_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_218_3.tif", + "label": "train/immune_cycif_218_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_219_0.tif", + "label": "train/immune_cycif_219_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_221_2.tif", + "label": "train/immune_cycif_221_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_224_1.tif", + "label": "train/immune_cycif_224_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_225_3.tif", + "label": "train/immune_cycif_225_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_227_0.tif", + "label": "train/immune_cycif_227_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_228_3.tif", + "label": "train/immune_cycif_228_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_229_1.tif", + "label": "train/immune_cycif_229_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_230_3.tif", + "label": "train/immune_cycif_230_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_232_2.tif", + "label": "train/immune_cycif_232_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_233_0.tif", + "label": "train/immune_cycif_233_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_233_2.tif", + "label": "train/immune_cycif_233_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_234_2.tif", + "label": "train/immune_cycif_234_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_234_3.tif", + "label": "train/immune_cycif_234_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_236_0.tif", + "label": "train/immune_cycif_236_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_236_1.tif", + "label": "train/immune_cycif_236_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_236_2.tif", + "label": "train/immune_cycif_236_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_236_3.tif", + "label": "train/immune_cycif_236_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_239_0.tif", + "label": "train/immune_cycif_239_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_239_2.tif", + "label": "train/immune_cycif_239_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_240_3.tif", + "label": "train/immune_cycif_240_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_242_3.tif", + "label": "train/immune_cycif_242_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_244_2.tif", + "label": "train/immune_cycif_244_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_245_0.tif", + "label": "train/immune_cycif_245_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_247_0.tif", + "label": "train/immune_cycif_247_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_247_1.tif", + "label": "train/immune_cycif_247_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_249_2.tif", + "label": "train/immune_cycif_249_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_254_0.tif", + "label": "train/immune_cycif_254_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_254_2.tif", + "label": "train/immune_cycif_254_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_255_1.tif", + "label": "train/immune_cycif_255_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_255_2.tif", + "label": "train/immune_cycif_255_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_256_0.tif", + "label": "train/immune_cycif_256_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_258_1.tif", + "label": "train/immune_cycif_258_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_260_0.tif", + "label": "train/immune_cycif_260_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_260_2.tif", + "label": "train/immune_cycif_260_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_263_2.tif", + "label": "train/immune_cycif_263_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_263_3.tif", + "label": "train/immune_cycif_263_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_265_2.tif", + "label": "train/immune_cycif_265_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_265_3.tif", + "label": "train/immune_cycif_265_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_266_0.tif", + "label": "train/immune_cycif_266_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_267_1.tif", + "label": "train/immune_cycif_267_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_269_0.tif", + "label": "train/immune_cycif_269_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_272_3.tif", + "label": "train/immune_cycif_272_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_274_2.tif", + "label": "train/immune_cycif_274_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_275_1.tif", + "label": "train/immune_cycif_275_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_276_2.tif", + "label": "train/immune_cycif_276_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_276_3.tif", + "label": "train/immune_cycif_276_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_278_1.tif", + "label": "train/immune_cycif_278_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_280_1.tif", + "label": "train/immune_cycif_280_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_280_2.tif", + "label": "train/immune_cycif_280_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_281_2.tif", + "label": "train/immune_cycif_281_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_282_2.tif", + "label": "train/immune_cycif_282_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_283_1.tif", + "label": "train/immune_cycif_283_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_284_0.tif", + "label": "train/immune_cycif_284_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_284_3.tif", + "label": "train/immune_cycif_284_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_285_0.tif", + "label": "train/immune_cycif_285_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_285_2.tif", + "label": "train/immune_cycif_285_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_288_2.tif", + "label": "train/immune_cycif_288_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_292_0.tif", + "label": "train/immune_cycif_292_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_292_1.tif", + "label": "train/immune_cycif_292_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_292_2.tif", + "label": "train/immune_cycif_292_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_293_2.tif", + "label": "train/immune_cycif_293_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_295_2.tif", + "label": "train/immune_cycif_295_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_296_2.tif", + "label": "train/immune_cycif_296_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_297_0.tif", + "label": "train/immune_cycif_297_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_298_0.tif", + "label": "train/immune_cycif_298_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_299_1.tif", + "label": "train/immune_cycif_299_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_300_0.tif", + "label": "train/immune_cycif_300_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_301_3.tif", + "label": "train/immune_cycif_301_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_305_3.tif", + "label": "train/immune_cycif_305_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_307_0.tif", + "label": "train/immune_cycif_307_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_309_2.tif", + "label": "train/immune_cycif_309_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_311_0.tif", + "label": "train/immune_cycif_311_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_311_1.tif", + "label": "train/immune_cycif_311_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_312_3.tif", + "label": "train/immune_cycif_312_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_313_1.tif", + "label": "train/immune_cycif_313_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_315_1.tif", + "label": "train/immune_cycif_315_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_315_2.tif", + "label": "train/immune_cycif_315_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_315_3.tif", + "label": "train/immune_cycif_315_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_318_1.tif", + "label": "train/immune_cycif_318_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_320_3.tif", + "label": "train/immune_cycif_320_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_321_0.tif", + "label": "train/immune_cycif_321_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_324_1.tif", + "label": "train/immune_cycif_324_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_326_0.tif", + "label": "train/immune_cycif_326_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_326_3.tif", + "label": "train/immune_cycif_326_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_327_1.tif", + "label": "train/immune_cycif_327_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_329_0.tif", + "label": "train/immune_cycif_329_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_329_3.tif", + "label": "train/immune_cycif_329_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_330_3.tif", + "label": "train/immune_cycif_330_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_332_3.tif", + "label": "train/immune_cycif_332_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_335_2.tif", + "label": "train/immune_cycif_335_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_336_3.tif", + "label": "train/immune_cycif_336_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_341_0.tif", + "label": "train/immune_cycif_341_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_341_3.tif", + "label": "train/immune_cycif_341_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_342_1.tif", + "label": "train/immune_cycif_342_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_343_3.tif", + "label": "train/immune_cycif_343_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_344_1.tif", + "label": "train/immune_cycif_344_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_344_2.tif", + "label": "train/immune_cycif_344_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_345_1.tif", + "label": "train/immune_cycif_345_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_346_0.tif", + "label": "train/immune_cycif_346_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_347_0.tif", + "label": "train/immune_cycif_347_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_354_2.tif", + "label": "train/immune_cycif_354_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_356_0.tif", + "label": "train/immune_cycif_356_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_357_2.tif", + "label": "train/immune_cycif_357_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_361_2.tif", + "label": "train/immune_cycif_361_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_362_2.tif", + "label": "train/immune_cycif_362_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_363_0.tif", + "label": "train/immune_cycif_363_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_1_1.tif", + "label": "train/immune_mibi_1_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_1_3.tif", + "label": "train/immune_mibi_1_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_2_0.tif", + "label": "train/immune_mibi_2_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_3_1.tif", + "label": "train/immune_mibi_3_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_3_3.tif", + "label": "train/immune_mibi_3_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_8_1.tif", + "label": "train/immune_mibi_8_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_14_1.tif", + "label": "train/immune_mibi_14_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_14_3.tif", + "label": "train/immune_mibi_14_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_17_1.tif", + "label": "train/immune_mibi_17_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_18_1.tif", + "label": "train/immune_mibi_18_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_19_1.tif", + "label": "train/immune_mibi_19_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_20_0.tif", + "label": "train/immune_mibi_20_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_21_2.tif", + "label": "train/immune_mibi_21_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_22_2.tif", + "label": "train/immune_mibi_22_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_24_0.tif", + "label": "train/immune_mibi_24_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_25_1.tif", + "label": "train/immune_mibi_25_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_25_3.tif", + "label": "train/immune_mibi_25_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_27_3.tif", + "label": "train/immune_mibi_27_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_4_3.tif", + "label": "train/immune_vectra_4_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_5_1.tif", + "label": "train/immune_vectra_5_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_5_3.tif", + "label": "train/immune_vectra_5_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_6_1.tif", + "label": "train/immune_vectra_6_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_6_3.tif", + "label": "train/immune_vectra_6_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_7_3.tif", + "label": "train/immune_vectra_7_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_9_0.tif", + "label": "train/immune_vectra_9_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_9_2.tif", + "label": "train/immune_vectra_9_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_9_3.tif", + "label": "train/immune_vectra_9_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_11_1.tif", + "label": "train/immune_vectra_11_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_13_1.tif", + "label": "train/immune_vectra_13_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_13_2.tif", + "label": "train/immune_vectra_13_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_15_2.tif", + "label": "train/immune_vectra_15_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_15_3.tif", + "label": "train/immune_vectra_15_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_16_2.tif", + "label": "train/immune_vectra_16_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_17_3.tif", + "label": "train/immune_vectra_17_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_18_1.tif", + "label": "train/immune_vectra_18_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_19_0.tif", + "label": "train/immune_vectra_19_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_19_2.tif", + "label": "train/immune_vectra_19_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_20_0.tif", + "label": "train/immune_vectra_20_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_23_2.tif", + "label": "train/immune_vectra_23_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_27_0.tif", + "label": "train/immune_vectra_27_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_28_1.tif", + "label": "train/immune_vectra_28_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_29_2.tif", + "label": "train/immune_vectra_29_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_30_2.tif", + "label": "train/immune_vectra_30_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_30_3.tif", + "label": "train/immune_vectra_30_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_31_1.tif", + "label": "train/immune_vectra_31_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_34_1.tif", + "label": "train/immune_vectra_34_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_34_2.tif", + "label": "train/immune_vectra_34_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_35_2.tif", + "label": "train/immune_vectra_35_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_36_0.tif", + "label": "train/immune_vectra_36_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_36_3.tif", + "label": "train/immune_vectra_36_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_38_0.tif", + "label": "train/immune_vectra_38_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_38_2.tif", + "label": "train/immune_vectra_38_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_39_0.tif", + "label": "train/immune_vectra_39_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_40_0.tif", + "label": "train/immune_vectra_40_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_40_1.tif", + "label": "train/immune_vectra_40_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_42_0.tif", + "label": "train/immune_vectra_42_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_43_2.tif", + "label": "train/immune_vectra_43_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_43_3.tif", + "label": "train/immune_vectra_43_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_44_0.tif", + "label": "train/immune_vectra_44_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_45_3.tif", + "label": "train/immune_vectra_45_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_46_0.tif", + "label": "train/immune_vectra_46_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_47_1.tif", + "label": "train/immune_vectra_47_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_47_2.tif", + "label": "train/immune_vectra_47_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_47_3.tif", + "label": "train/immune_vectra_47_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_50_1.tif", + "label": "train/immune_vectra_50_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_52_2.tif", + "label": "train/immune_vectra_52_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_54_1.tif", + "label": "train/immune_vectra_54_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_56_1.tif", + "label": "train/immune_vectra_56_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_56_3.tif", + "label": "train/immune_vectra_56_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_58_1.tif", + "label": "train/immune_vectra_58_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_58_3.tif", + "label": "train/immune_vectra_58_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_59_0.tif", + "label": "train/immune_vectra_59_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_60_1.tif", + "label": "train/immune_vectra_60_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_61_2.tif", + "label": "train/immune_vectra_61_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_62_3.tif", + "label": "train/immune_vectra_62_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_3_3.tif", + "label": "train/immune_cycif_3_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_5_0.tif", + "label": "train/immune_cycif_5_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_5_1.tif", + "label": "train/immune_cycif_5_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_6_0.tif", + "label": "train/immune_cycif_6_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_6_1.tif", + "label": "train/immune_cycif_6_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_10_3.tif", + "label": "train/immune_cycif_10_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_11_0.tif", + "label": "train/immune_cycif_11_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_13_3.tif", + "label": "train/immune_cycif_13_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_15_3.tif", + "label": "train/immune_cycif_15_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_19_1.tif", + "label": "train/immune_cycif_19_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_19_3.tif", + "label": "train/immune_cycif_19_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_21_2.tif", + "label": "train/immune_cycif_21_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_24_0.tif", + "label": "train/immune_cycif_24_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_25_0.tif", + "label": "train/immune_cycif_25_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_27_1.tif", + "label": "train/immune_cycif_27_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_30_3.tif", + "label": "train/immune_cycif_30_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_32_1.tif", + "label": "train/immune_cycif_32_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_32_2.tif", + "label": "train/immune_cycif_32_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_34_2.tif", + "label": "train/immune_cycif_34_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_35_1.tif", + "label": "train/immune_cycif_35_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_35_3.tif", + "label": "train/immune_cycif_35_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_36_0.tif", + "label": "train/immune_cycif_36_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_36_1.tif", + "label": "train/immune_cycif_36_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_37_1.tif", + "label": "train/immune_cycif_37_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_37_2.tif", + "label": "train/immune_cycif_37_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_38_0.tif", + "label": "train/immune_cycif_38_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_38_3.tif", + "label": "train/immune_cycif_38_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_41_2.tif", + "label": "train/immune_cycif_41_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_42_2.tif", + "label": "train/immune_cycif_42_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_42_3.tif", + "label": "train/immune_cycif_42_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_43_2.tif", + "label": "train/immune_cycif_43_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_44_0.tif", + "label": "train/immune_cycif_44_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_45_2.tif", + "label": "train/immune_cycif_45_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_45_3.tif", + "label": "train/immune_cycif_45_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_49_0.tif", + "label": "train/immune_cycif_49_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_49_3.tif", + "label": "train/immune_cycif_49_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_51_2.tif", + "label": "train/immune_cycif_51_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_52_1.tif", + "label": "train/immune_cycif_52_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_52_2.tif", + "label": "train/immune_cycif_52_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_54_3.tif", + "label": "train/immune_cycif_54_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_55_2.tif", + "label": "train/immune_cycif_55_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_57_1.tif", + "label": "train/immune_cycif_57_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_58_3.tif", + "label": "train/immune_cycif_58_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_60_0.tif", + "label": "train/immune_cycif_60_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_60_3.tif", + "label": "train/immune_cycif_60_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_63_0.tif", + "label": "train/immune_cycif_63_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_63_1.tif", + "label": "train/immune_cycif_63_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_65_3.tif", + "label": "train/immune_cycif_65_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_66_2.tif", + "label": "train/immune_cycif_66_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_67_1.tif", + "label": "train/immune_cycif_67_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_69_2.tif", + "label": "train/immune_cycif_69_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_69_3.tif", + "label": "train/immune_cycif_69_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_72_2.tif", + "label": "train/immune_cycif_72_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_78_1.tif", + "label": "train/immune_cycif_78_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_79_0.tif", + "label": "train/immune_cycif_79_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_79_1.tif", + "label": "train/immune_cycif_79_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_79_3.tif", + "label": "train/immune_cycif_79_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_81_0.tif", + "label": "train/immune_cycif_81_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_81_3.tif", + "label": "train/immune_cycif_81_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_84_2.tif", + "label": "train/immune_cycif_84_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_89_1.tif", + "label": "train/immune_cycif_89_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_92_1.tif", + "label": "train/immune_cycif_92_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_94_0.tif", + "label": "train/immune_cycif_94_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_96_0.tif", + "label": "train/immune_cycif_96_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_97_3.tif", + "label": "train/immune_cycif_97_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_99_2.tif", + "label": "train/immune_cycif_99_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_101_1.tif", + "label": "train/immune_cycif_101_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_102_2.tif", + "label": "train/immune_cycif_102_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_103_1.tif", + "label": "train/immune_cycif_103_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_104_0.tif", + "label": "train/immune_cycif_104_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_104_1.tif", + "label": "train/immune_cycif_104_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_105_0.tif", + "label": "train/immune_cycif_105_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_105_3.tif", + "label": "train/immune_cycif_105_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_107_3.tif", + "label": "train/immune_cycif_107_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_109_2.tif", + "label": "train/immune_cycif_109_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_110_0.tif", + "label": "train/immune_cycif_110_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_111_0.tif", + "label": "train/immune_cycif_111_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_112_2.tif", + "label": "train/immune_cycif_112_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_112_3.tif", + "label": "train/immune_cycif_112_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_114_0.tif", + "label": "train/immune_cycif_114_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_114_2.tif", + "label": "train/immune_cycif_114_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_115_1.tif", + "label": "train/immune_cycif_115_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_116_1.tif", + "label": "train/immune_cycif_116_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_117_0.tif", + "label": "train/immune_cycif_117_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_117_1.tif", + "label": "train/immune_cycif_117_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_117_2.tif", + "label": "train/immune_cycif_117_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_118_3.tif", + "label": "train/immune_cycif_118_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_119_1.tif", + "label": "train/immune_cycif_119_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_121_1.tif", + "label": "train/immune_cycif_121_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_122_1.tif", + "label": "train/immune_cycif_122_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_124_1.tif", + "label": "train/immune_cycif_124_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_126_1.tif", + "label": "train/immune_cycif_126_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_127_0.tif", + "label": "train/immune_cycif_127_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_128_1.tif", + "label": "train/immune_cycif_128_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_128_3.tif", + "label": "train/immune_cycif_128_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_131_0.tif", + "label": "train/immune_cycif_131_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_131_2.tif", + "label": "train/immune_cycif_131_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_133_0.tif", + "label": "train/immune_cycif_133_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_134_3.tif", + "label": "train/immune_cycif_134_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_135_2.tif", + "label": "train/immune_cycif_135_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_136_1.tif", + "label": "train/immune_cycif_136_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_140_2.tif", + "label": "train/immune_cycif_140_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_141_0.tif", + "label": "train/immune_cycif_141_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_141_2.tif", + "label": "train/immune_cycif_141_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_142_1.tif", + "label": "train/immune_cycif_142_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_145_0.tif", + "label": "train/immune_cycif_145_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_145_3.tif", + "label": "train/immune_cycif_145_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_146_2.tif", + "label": "train/immune_cycif_146_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_147_3.tif", + "label": "train/immune_cycif_147_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_148_3.tif", + "label": "train/immune_cycif_148_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_150_1.tif", + "label": "train/immune_cycif_150_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_151_2.tif", + "label": "train/immune_cycif_151_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_152_1.tif", + "label": "train/immune_cycif_152_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_153_3.tif", + "label": "train/immune_cycif_153_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_154_1.tif", + "label": "train/immune_cycif_154_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_155_1.tif", + "label": "train/immune_cycif_155_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_156_0.tif", + "label": "train/immune_cycif_156_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_156_2.tif", + "label": "train/immune_cycif_156_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_156_3.tif", + "label": "train/immune_cycif_156_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_157_2.tif", + "label": "train/immune_cycif_157_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_158_1.tif", + "label": "train/immune_cycif_158_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_159_1.tif", + "label": "train/immune_cycif_159_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_160_2.tif", + "label": "train/immune_cycif_160_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_162_0.tif", + "label": "train/immune_cycif_162_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_164_0.tif", + "label": "train/immune_cycif_164_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_164_1.tif", + "label": "train/immune_cycif_164_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_166_2.tif", + "label": "train/immune_cycif_166_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_167_0.tif", + "label": "train/immune_cycif_167_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_170_1.tif", + "label": "train/immune_cycif_170_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_171_3.tif", + "label": "train/immune_cycif_171_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_172_1.tif", + "label": "train/immune_cycif_172_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_172_2.tif", + "label": "train/immune_cycif_172_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_173_3.tif", + "label": "train/immune_cycif_173_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_174_0.tif", + "label": "train/immune_cycif_174_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_176_2.tif", + "label": "train/immune_cycif_176_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_178_0.tif", + "label": "train/immune_cycif_178_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_178_2.tif", + "label": "train/immune_cycif_178_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_178_3.tif", + "label": "train/immune_cycif_178_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_179_1.tif", + "label": "train/immune_cycif_179_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_180_2.tif", + "label": "train/immune_cycif_180_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_181_3.tif", + "label": "train/immune_cycif_181_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_182_0.tif", + "label": "train/immune_cycif_182_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_183_0.tif", + "label": "train/immune_cycif_183_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_184_3.tif", + "label": "train/immune_cycif_184_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_185_0.tif", + "label": "train/immune_cycif_185_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_187_1.tif", + "label": "train/immune_cycif_187_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_187_3.tif", + "label": "train/immune_cycif_187_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_188_1.tif", + "label": "train/immune_cycif_188_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_190_0.tif", + "label": "train/immune_cycif_190_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_196_0.tif", + "label": "train/immune_cycif_196_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_197_0.tif", + "label": "train/immune_cycif_197_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_198_0.tif", + "label": "train/immune_cycif_198_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_201_2.tif", + "label": "train/immune_cycif_201_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_202_3.tif", + "label": "train/immune_cycif_202_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_207_1.tif", + "label": "train/immune_cycif_207_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_208_0.tif", + "label": "train/immune_cycif_208_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_209_1.tif", + "label": "train/immune_cycif_209_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_210_3.tif", + "label": "train/immune_cycif_210_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_211_3.tif", + "label": "train/immune_cycif_211_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_212_1.tif", + "label": "train/immune_cycif_212_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_216_1.tif", + "label": "train/immune_cycif_216_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_217_1.tif", + "label": "train/immune_cycif_217_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_217_3.tif", + "label": "train/immune_cycif_217_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_219_2.tif", + "label": "train/immune_cycif_219_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_219_3.tif", + "label": "train/immune_cycif_219_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_220_2.tif", + "label": "train/immune_cycif_220_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_220_3.tif", + "label": "train/immune_cycif_220_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_221_0.tif", + "label": "train/immune_cycif_221_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_222_1.tif", + "label": "train/immune_cycif_222_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_224_0.tif", + "label": "train/immune_cycif_224_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_225_1.tif", + "label": "train/immune_cycif_225_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_226_1.tif", + "label": "train/immune_cycif_226_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_226_3.tif", + "label": "train/immune_cycif_226_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_227_2.tif", + "label": "train/immune_cycif_227_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_227_3.tif", + "label": "train/immune_cycif_227_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_228_2.tif", + "label": "train/immune_cycif_228_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_232_0.tif", + "label": "train/immune_cycif_232_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_233_1.tif", + "label": "train/immune_cycif_233_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_237_1.tif", + "label": "train/immune_cycif_237_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_238_2.tif", + "label": "train/immune_cycif_238_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_240_0.tif", + "label": "train/immune_cycif_240_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_241_0.tif", + "label": "train/immune_cycif_241_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_241_1.tif", + "label": "train/immune_cycif_241_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_241_3.tif", + "label": "train/immune_cycif_241_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_243_1.tif", + "label": "train/immune_cycif_243_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_243_2.tif", + "label": "train/immune_cycif_243_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_243_3.tif", + "label": "train/immune_cycif_243_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_245_1.tif", + "label": "train/immune_cycif_245_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_249_3.tif", + "label": "train/immune_cycif_249_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_250_1.tif", + "label": "train/immune_cycif_250_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_250_2.tif", + "label": "train/immune_cycif_250_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_254_3.tif", + "label": "train/immune_cycif_254_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_256_1.tif", + "label": "train/immune_cycif_256_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_257_3.tif", + "label": "train/immune_cycif_257_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_258_2.tif", + "label": "train/immune_cycif_258_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_259_3.tif", + "label": "train/immune_cycif_259_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_261_2.tif", + "label": "train/immune_cycif_261_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_262_1.tif", + "label": "train/immune_cycif_262_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_262_2.tif", + "label": "train/immune_cycif_262_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_263_0.tif", + "label": "train/immune_cycif_263_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_264_0.tif", + "label": "train/immune_cycif_264_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_265_1.tif", + "label": "train/immune_cycif_265_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_266_3.tif", + "label": "train/immune_cycif_266_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_268_0.tif", + "label": "train/immune_cycif_268_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_268_3.tif", + "label": "train/immune_cycif_268_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_269_1.tif", + "label": "train/immune_cycif_269_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_272_0.tif", + "label": "train/immune_cycif_272_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_273_3.tif", + "label": "train/immune_cycif_273_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_274_0.tif", + "label": "train/immune_cycif_274_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_274_3.tif", + "label": "train/immune_cycif_274_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_277_2.tif", + "label": "train/immune_cycif_277_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_277_3.tif", + "label": "train/immune_cycif_277_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_280_0.tif", + "label": "train/immune_cycif_280_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_284_1.tif", + "label": "train/immune_cycif_284_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_287_2.tif", + "label": "train/immune_cycif_287_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_287_3.tif", + "label": "train/immune_cycif_287_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_288_3.tif", + "label": "train/immune_cycif_288_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_290_0.tif", + "label": "train/immune_cycif_290_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_290_1.tif", + "label": "train/immune_cycif_290_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_291_0.tif", + "label": "train/immune_cycif_291_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_293_3.tif", + "label": "train/immune_cycif_293_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_296_3.tif", + "label": "train/immune_cycif_296_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_297_2.tif", + "label": "train/immune_cycif_297_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_297_3.tif", + "label": "train/immune_cycif_297_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_298_1.tif", + "label": "train/immune_cycif_298_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_300_2.tif", + "label": "train/immune_cycif_300_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_303_0.tif", + "label": "train/immune_cycif_303_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_303_2.tif", + "label": "train/immune_cycif_303_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_304_1.tif", + "label": "train/immune_cycif_304_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_305_2.tif", + "label": "train/immune_cycif_305_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_308_0.tif", + "label": "train/immune_cycif_308_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_308_3.tif", + "label": "train/immune_cycif_308_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_309_0.tif", + "label": "train/immune_cycif_309_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_309_3.tif", + "label": "train/immune_cycif_309_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_313_2.tif", + "label": "train/immune_cycif_313_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_313_3.tif", + "label": "train/immune_cycif_313_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_314_2.tif", + "label": "train/immune_cycif_314_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_318_3.tif", + "label": "train/immune_cycif_318_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_319_1.tif", + "label": "train/immune_cycif_319_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_319_2.tif", + "label": "train/immune_cycif_319_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_320_0.tif", + "label": "train/immune_cycif_320_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_322_0.tif", + "label": "train/immune_cycif_322_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_323_2.tif", + "label": "train/immune_cycif_323_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_323_3.tif", + "label": "train/immune_cycif_323_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_324_3.tif", + "label": "train/immune_cycif_324_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_325_0.tif", + "label": "train/immune_cycif_325_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_325_3.tif", + "label": "train/immune_cycif_325_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_326_1.tif", + "label": "train/immune_cycif_326_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_326_2.tif", + "label": "train/immune_cycif_326_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_327_3.tif", + "label": "train/immune_cycif_327_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_328_0.tif", + "label": "train/immune_cycif_328_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_330_0.tif", + "label": "train/immune_cycif_330_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_330_1.tif", + "label": "train/immune_cycif_330_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_331_0.tif", + "label": "train/immune_cycif_331_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_331_2.tif", + "label": "train/immune_cycif_331_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_331_3.tif", + "label": "train/immune_cycif_331_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_333_0.tif", + "label": "train/immune_cycif_333_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_334_1.tif", + "label": "train/immune_cycif_334_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_334_3.tif", + "label": "train/immune_cycif_334_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_336_1.tif", + "label": "train/immune_cycif_336_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_336_2.tif", + "label": "train/immune_cycif_336_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_337_1.tif", + "label": "train/immune_cycif_337_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_337_2.tif", + "label": "train/immune_cycif_337_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_338_2.tif", + "label": "train/immune_cycif_338_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_339_0.tif", + "label": "train/immune_cycif_339_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_340_0.tif", + "label": "train/immune_cycif_340_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_340_2.tif", + "label": "train/immune_cycif_340_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_341_2.tif", + "label": "train/immune_cycif_341_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_343_0.tif", + "label": "train/immune_cycif_343_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_345_0.tif", + "label": "train/immune_cycif_345_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_347_3.tif", + "label": "train/immune_cycif_347_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_348_1.tif", + "label": "train/immune_cycif_348_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_351_0.tif", + "label": "train/immune_cycif_351_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_351_1.tif", + "label": "train/immune_cycif_351_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_352_3.tif", + "label": "train/immune_cycif_352_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_353_2.tif", + "label": "train/immune_cycif_353_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_354_1.tif", + "label": "train/immune_cycif_354_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_356_1.tif", + "label": "train/immune_cycif_356_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_357_3.tif", + "label": "train/immune_cycif_357_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_cycif_358_1.tif", + "label": "train/immune_cycif_358_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_358_2.tif", + "label": "train/immune_cycif_358_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_cycif_360_2.tif", + "label": "train/immune_cycif_360_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_cycif_362_0.tif", + "label": "train/immune_cycif_362_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_cycif_363_3.tif", + "label": "train/immune_cycif_363_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_5_2.tif", + "label": "train/immune_mibi_5_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_7_0.tif", + "label": "train/immune_mibi_7_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_7_1.tif", + "label": "train/immune_mibi_7_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_7_2.tif", + "label": "train/immune_mibi_7_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_8_2.tif", + "label": "train/immune_mibi_8_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_9_0.tif", + "label": "train/immune_mibi_9_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_9_3.tif", + "label": "train/immune_mibi_9_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_11_0.tif", + "label": "train/immune_mibi_11_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_11_2.tif", + "label": "train/immune_mibi_11_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_14_2.tif", + "label": "train/immune_mibi_14_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_15_0.tif", + "label": "train/immune_mibi_15_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_16_1.tif", + "label": "train/immune_mibi_16_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_16_2.tif", + "label": "train/immune_mibi_16_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_16_3.tif", + "label": "train/immune_mibi_16_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_17_0.tif", + "label": "train/immune_mibi_17_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_17_3.tif", + "label": "train/immune_mibi_17_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_19_0.tif", + "label": "train/immune_mibi_19_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_20_2.tif", + "label": "train/immune_mibi_20_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_22_0.tif", + "label": "train/immune_mibi_22_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_22_1.tif", + "label": "train/immune_mibi_22_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_25_2.tif", + "label": "train/immune_mibi_25_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_26_0.tif", + "label": "train/immune_mibi_26_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_27_2.tif", + "label": "train/immune_mibi_27_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_28_3.tif", + "label": "train/immune_mibi_28_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_0_0.tif", + "label": "train/immune_vectra_0_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_0_2.tif", + "label": "train/immune_vectra_0_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_2_1.tif", + "label": "train/immune_vectra_2_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_2_2.tif", + "label": "train/immune_vectra_2_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_3_1.tif", + "label": "train/immune_vectra_3_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_4_2.tif", + "label": "train/immune_vectra_4_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_5_0.tif", + "label": "train/immune_vectra_5_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_6_0.tif", + "label": "train/immune_vectra_6_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_7_0.tif", + "label": "train/immune_vectra_7_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_8_3.tif", + "label": "train/immune_vectra_8_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_10_0.tif", + "label": "train/immune_vectra_10_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_10_3.tif", + "label": "train/immune_vectra_10_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_11_3.tif", + "label": "train/immune_vectra_11_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_17_0.tif", + "label": "train/immune_vectra_17_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_18_0.tif", + "label": "train/immune_vectra_18_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_18_3.tif", + "label": "train/immune_vectra_18_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_19_1.tif", + "label": "train/immune_vectra_19_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_20_2.tif", + "label": "train/immune_vectra_20_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_21_1.tif", + "label": "train/immune_vectra_21_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_23_0.tif", + "label": "train/immune_vectra_23_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_24_1.tif", + "label": "train/immune_vectra_24_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_26_1.tif", + "label": "train/immune_vectra_26_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_26_3.tif", + "label": "train/immune_vectra_26_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_27_1.tif", + "label": "train/immune_vectra_27_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_27_3.tif", + "label": "train/immune_vectra_27_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_28_0.tif", + "label": "train/immune_vectra_28_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_28_2.tif", + "label": "train/immune_vectra_28_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_29_1.tif", + "label": "train/immune_vectra_29_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_30_1.tif", + "label": "train/immune_vectra_30_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_32_0.tif", + "label": "train/immune_vectra_32_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_33_0.tif", + "label": "train/immune_vectra_33_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_33_1.tif", + "label": "train/immune_vectra_33_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_34_0.tif", + "label": "train/immune_vectra_34_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_36_2.tif", + "label": "train/immune_vectra_36_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_38_1.tif", + "label": "train/immune_vectra_38_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_39_2.tif", + "label": "train/immune_vectra_39_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_39_3.tif", + "label": "train/immune_vectra_39_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_40_3.tif", + "label": "train/immune_vectra_40_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_43_0.tif", + "label": "train/immune_vectra_43_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_44_1.tif", + "label": "train/immune_vectra_44_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_44_2.tif", + "label": "train/immune_vectra_44_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_47_0.tif", + "label": "train/immune_vectra_47_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_48_0.tif", + "label": "train/immune_vectra_48_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_48_1.tif", + "label": "train/immune_vectra_48_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_48_3.tif", + "label": "train/immune_vectra_48_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_49_0.tif", + "label": "train/immune_vectra_49_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_50_0.tif", + "label": "train/immune_vectra_50_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_50_3.tif", + "label": "train/immune_vectra_50_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_53_2.tif", + "label": "train/immune_vectra_53_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_54_3.tif", + "label": "train/immune_vectra_54_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_55_0.tif", + "label": "train/immune_vectra_55_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_57_0.tif", + "label": "train/immune_vectra_57_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_57_2.tif", + "label": "train/immune_vectra_57_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_62_1.tif", + "label": "train/immune_vectra_62_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_62_2.tif", + "label": "train/immune_vectra_62_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_63_2.tif", + "label": "train/immune_vectra_63_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_63_3.tif", + "label": "train/immune_vectra_63_3_masks.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "test/immune_cycif_0.tif", + "label": "test/immune_cycif_0_masks.tif" + }, + { + "image": "test/immune_cycif_4.tif", + "label": "test/immune_cycif_4_masks.tif" + }, + { + "image": "test/immune_cycif_11.tif", + "label": "test/immune_cycif_11_masks.tif" + }, + { + "image": "test/immune_cycif_18.tif", + "label": "test/immune_cycif_18_masks.tif" + }, + { + "image": "test/immune_cycif_19.tif", + "label": "test/immune_cycif_19_masks.tif" + }, + { + "image": "test/immune_cycif_29.tif", + "label": "test/immune_cycif_29_masks.tif" + }, + { + "image": "test/immune_cycif_31.tif", + "label": "test/immune_cycif_31_masks.tif" + }, + { + "image": "test/immune_cycif_33.tif", + "label": "test/immune_cycif_33_masks.tif" + }, + { + "image": "test/immune_cycif_34.tif", + "label": "test/immune_cycif_34_masks.tif" + }, + { + "image": "test/immune_cycif_35.tif", + "label": "test/immune_cycif_35_masks.tif" + }, + { + "image": "test/immune_cycif_38.tif", + "label": "test/immune_cycif_38_masks.tif" + }, + { + "image": "test/immune_cycif_39.tif", + "label": "test/immune_cycif_39_masks.tif" + }, + { + "image": "test/immune_cycif_44.tif", + "label": "test/immune_cycif_44_masks.tif" + }, + { + "image": "test/immune_cycif_51.tif", + "label": "test/immune_cycif_51_masks.tif" + }, + { + "image": "test/immune_cycif_58.tif", + "label": "test/immune_cycif_58_masks.tif" + }, + { + "image": "test/immune_cycif_62.tif", + "label": "test/immune_cycif_62_masks.tif" + }, + { + "image": "test/immune_cycif_67.tif", + "label": "test/immune_cycif_67_masks.tif" + }, + { + "image": "test/immune_cycif_78.tif", + "label": "test/immune_cycif_78_masks.tif" + }, + { + "image": "test/immune_cycif_84.tif", + "label": "test/immune_cycif_84_masks.tif" + }, + { + "image": "test/immune_cycif_85.tif", + "label": "test/immune_cycif_85_masks.tif" + }, + { + "image": "test/immune_cycif_88.tif", + "label": "test/immune_cycif_88_masks.tif" + }, + { + "image": "test/immune_cycif_90.tif", + "label": "test/immune_cycif_90_masks.tif" + }, + { + "image": "test/immune_cycif_93.tif", + "label": "test/immune_cycif_93_masks.tif" + }, + { + "image": "test/immune_cycif_102.tif", + "label": "test/immune_cycif_102_masks.tif" + }, + { + "image": "test/immune_cycif_110.tif", + "label": "test/immune_cycif_110_masks.tif" + }, + { + "image": "test/immune_cycif_116.tif", + "label": "test/immune_cycif_116_masks.tif" + }, + { + "image": "test/immune_cycif_130.tif", + "label": "test/immune_cycif_130_masks.tif" + }, + { + "image": "test/immune_cycif_150.tif", + "label": "test/immune_cycif_150_masks.tif" + }, + { + "image": "test/immune_cycif_160.tif", + "label": "test/immune_cycif_160_masks.tif" + }, + { + "image": "test/immune_cycif_167.tif", + "label": "test/immune_cycif_167_masks.tif" + }, + { + "image": "test/immune_cycif_169.tif", + "label": "test/immune_cycif_169_masks.tif" + }, + { + "image": "test/immune_cycif_171.tif", + "label": "test/immune_cycif_171_masks.tif" + }, + { + "image": "test/immune_cycif_173.tif", + "label": "test/immune_cycif_173_masks.tif" + }, + { + "image": "test/immune_mibi_1.tif", + "label": "test/immune_mibi_1_masks.tif" + }, + { + "image": "test/immune_mibi_15.tif", + "label": "test/immune_mibi_15_masks.tif" + }, + { + "image": "test/immune_mibi_18.tif", + "label": "test/immune_mibi_18_masks.tif" + }, + { + "image": "test/immune_vectra_1.tif", + "label": "test/immune_vectra_1_masks.tif" + }, + { + "image": "test/immune_vectra_5.tif", + "label": "test/immune_vectra_5_masks.tif" + }, + { + "image": "test/immune_vectra_12.tif", + "label": "test/immune_vectra_12_masks.tif" + }, + { + "image": "test/immune_vectra_13.tif", + "label": "test/immune_vectra_13_masks.tif" + }, + { + "image": "test/immune_vectra_15.tif", + "label": "test/immune_vectra_15_masks.tif" + }, + { + "image": "test/immune_vectra_16.tif", + "label": "test/immune_vectra_16_masks.tif" + }, + { + "image": "test/immune_vectra_18.tif", + "label": "test/immune_vectra_18_masks.tif" + }, + { + "image": "test/immune_vectra_19.tif", + "label": "test/immune_vectra_19_masks.tif" + }, + { + "image": "test/immune_vectra_23.tif", + "label": "test/immune_vectra_23_masks.tif" + }, + { + "image": "test/immune_vectra_29.tif", + "label": "test/immune_vectra_29_masks.tif" + }, + { + "image": "test/immune_vectra_33.tif", + "label": "test/immune_vectra_33_masks.tif" + }, + { + "image": "test/immune_cycif_5.tif", + "label": "test/immune_cycif_5_masks.tif" + }, + { + "image": "test/immune_cycif_14.tif", + "label": "test/immune_cycif_14_masks.tif" + }, + { + "image": "test/immune_cycif_16.tif", + "label": "test/immune_cycif_16_masks.tif" + }, + { + "image": "test/immune_cycif_17.tif", + "label": "test/immune_cycif_17_masks.tif" + }, + { + "image": "test/immune_cycif_21.tif", + "label": "test/immune_cycif_21_masks.tif" + }, + { + "image": "test/immune_cycif_27.tif", + "label": "test/immune_cycif_27_masks.tif" + }, + { + "image": "test/immune_cycif_28.tif", + "label": "test/immune_cycif_28_masks.tif" + }, + { + "image": "test/immune_cycif_40.tif", + "label": "test/immune_cycif_40_masks.tif" + }, + { + "image": "test/immune_cycif_42.tif", + "label": "test/immune_cycif_42_masks.tif" + }, + { + "image": "test/immune_cycif_47.tif", + "label": "test/immune_cycif_47_masks.tif" + }, + { + "image": "test/immune_cycif_48.tif", + "label": "test/immune_cycif_48_masks.tif" + }, + { + "image": "test/immune_cycif_53.tif", + "label": "test/immune_cycif_53_masks.tif" + }, + { + "image": "test/immune_cycif_55.tif", + "label": "test/immune_cycif_55_masks.tif" + }, + { + "image": "test/immune_cycif_56.tif", + "label": "test/immune_cycif_56_masks.tif" + }, + { + "image": "test/immune_cycif_59.tif", + "label": "test/immune_cycif_59_masks.tif" + }, + { + "image": "test/immune_cycif_69.tif", + "label": "test/immune_cycif_69_masks.tif" + }, + { + "image": "test/immune_cycif_73.tif", + "label": "test/immune_cycif_73_masks.tif" + }, + { + "image": "test/immune_cycif_89.tif", + "label": "test/immune_cycif_89_masks.tif" + }, + { + "image": "test/immune_cycif_91.tif", + "label": "test/immune_cycif_91_masks.tif" + }, + { + "image": "test/immune_cycif_95.tif", + "label": "test/immune_cycif_95_masks.tif" + }, + { + "image": "test/immune_cycif_99.tif", + "label": "test/immune_cycif_99_masks.tif" + }, + { + "image": "test/immune_cycif_106.tif", + "label": "test/immune_cycif_106_masks.tif" + }, + { + "image": "test/immune_cycif_107.tif", + "label": "test/immune_cycif_107_masks.tif" + }, + { + "image": "test/immune_cycif_108.tif", + "label": "test/immune_cycif_108_masks.tif" + }, + { + "image": "test/immune_cycif_114.tif", + "label": "test/immune_cycif_114_masks.tif" + }, + { + "image": "test/immune_cycif_117.tif", + "label": "test/immune_cycif_117_masks.tif" + }, + { + "image": "test/immune_cycif_118.tif", + "label": "test/immune_cycif_118_masks.tif" + }, + { + "image": "test/immune_cycif_120.tif", + "label": "test/immune_cycif_120_masks.tif" + }, + { + "image": "test/immune_cycif_123.tif", + "label": "test/immune_cycif_123_masks.tif" + }, + { + "image": "test/immune_cycif_124.tif", + "label": "test/immune_cycif_124_masks.tif" + }, + { + "image": "test/immune_cycif_132.tif", + "label": "test/immune_cycif_132_masks.tif" + }, + { + "image": "test/immune_cycif_159.tif", + "label": "test/immune_cycif_159_masks.tif" + }, + { + "image": "test/immune_cycif_162.tif", + "label": "test/immune_cycif_162_masks.tif" + }, + { + "image": "test/immune_cycif_163.tif", + "label": "test/immune_cycif_163_masks.tif" + }, + { + "image": "test/immune_cycif_164.tif", + "label": "test/immune_cycif_164_masks.tif" + }, + { + "image": "test/immune_cycif_168.tif", + "label": "test/immune_cycif_168_masks.tif" + }, + { + "image": "test/immune_cycif_172.tif", + "label": "test/immune_cycif_172_masks.tif" + }, + { + "image": "test/immune_mibi_9.tif", + "label": "test/immune_mibi_9_masks.tif" + }, + { + "image": "test/immune_mibi_10.tif", + "label": "test/immune_mibi_10_masks.tif" + }, + { + "image": "test/immune_mibi_12.tif", + "label": "test/immune_mibi_12_masks.tif" + }, + { + "image": "test/immune_vectra_4.tif", + "label": "test/immune_vectra_4_masks.tif" + }, + { + "image": "test/immune_vectra_26.tif", + "label": "test/immune_vectra_26_masks.tif" + }, + { + "image": "test/immune_vectra_28.tif", + "label": "test/immune_vectra_28_masks.tif" + }, + { + "image": "test/immune_vectra_30.tif", + "label": "test/immune_vectra_30_masks.tif" + }, + { + "image": "test/immune_vectra_34.tif", + "label": "test/immune_vectra_34_masks.tif" + }, + { + "image": "test/immune_vectra_35.tif", + "label": "test/immune_vectra_35_masks.tif" + }, + { + "image": "test/immune_cycif_2.tif", + "label": "test/immune_cycif_2_masks.tif" + }, + { + "image": "test/immune_cycif_12.tif", + "label": "test/immune_cycif_12_masks.tif" + }, + { + "image": "test/immune_cycif_13.tif", + "label": "test/immune_cycif_13_masks.tif" + }, + { + "image": "test/immune_cycif_36.tif", + "label": "test/immune_cycif_36_masks.tif" + }, + { + "image": "test/immune_cycif_45.tif", + "label": "test/immune_cycif_45_masks.tif" + }, + { + "image": "test/immune_cycif_54.tif", + "label": "test/immune_cycif_54_masks.tif" + }, + { + "image": "test/immune_cycif_66.tif", + "label": "test/immune_cycif_66_masks.tif" + }, + { + "image": "test/immune_cycif_70.tif", + "label": "test/immune_cycif_70_masks.tif" + }, + { + "image": "test/immune_cycif_75.tif", + "label": "test/immune_cycif_75_masks.tif" + }, + { + "image": "test/immune_cycif_81.tif", + "label": "test/immune_cycif_81_masks.tif" + }, + { + "image": "test/immune_cycif_82.tif", + "label": "test/immune_cycif_82_masks.tif" + }, + { + "image": "test/immune_cycif_94.tif", + "label": "test/immune_cycif_94_masks.tif" + }, + { + "image": "test/immune_cycif_97.tif", + "label": "test/immune_cycif_97_masks.tif" + }, + { + "image": "test/immune_cycif_98.tif", + "label": "test/immune_cycif_98_masks.tif" + }, + { + "image": "test/immune_cycif_103.tif", + "label": "test/immune_cycif_103_masks.tif" + }, + { + "image": "test/immune_cycif_105.tif", + "label": "test/immune_cycif_105_masks.tif" + }, + { + "image": "test/immune_cycif_112.tif", + "label": "test/immune_cycif_112_masks.tif" + }, + { + "image": "test/immune_cycif_119.tif", + "label": "test/immune_cycif_119_masks.tif" + }, + { + "image": "test/immune_cycif_122.tif", + "label": "test/immune_cycif_122_masks.tif" + }, + { + "image": "test/immune_cycif_127.tif", + "label": "test/immune_cycif_127_masks.tif" + }, + { + "image": "test/immune_cycif_138.tif", + "label": "test/immune_cycif_138_masks.tif" + }, + { + "image": "test/immune_cycif_145.tif", + "label": "test/immune_cycif_145_masks.tif" + }, + { + "image": "test/immune_cycif_147.tif", + "label": "test/immune_cycif_147_masks.tif" + }, + { + "image": "test/immune_cycif_148.tif", + "label": "test/immune_cycif_148_masks.tif" + }, + { + "image": "test/immune_cycif_151.tif", + "label": "test/immune_cycif_151_masks.tif" + }, + { + "image": "test/immune_cycif_152.tif", + "label": "test/immune_cycif_152_masks.tif" + }, + { + "image": "test/immune_cycif_154.tif", + "label": "test/immune_cycif_154_masks.tif" + }, + { + "image": "test/immune_cycif_158.tif", + "label": "test/immune_cycif_158_masks.tif" + }, + { + "image": "test/immune_cycif_165.tif", + "label": "test/immune_cycif_165_masks.tif" + }, + { + "image": "test/immune_cycif_166.tif", + "label": "test/immune_cycif_166_masks.tif" + }, + { + "image": "test/immune_cycif_174.tif", + "label": "test/immune_cycif_174_masks.tif" + }, + { + "image": "test/immune_mibi_4.tif", + "label": "test/immune_mibi_4_masks.tif" + }, + { + "image": "test/immune_mibi_5.tif", + "label": "test/immune_mibi_5_masks.tif" + }, + { + "image": "test/immune_mibi_6.tif", + "label": "test/immune_mibi_6_masks.tif" + }, + { + "image": "test/immune_mibi_11.tif", + "label": "test/immune_mibi_11_masks.tif" + }, + { + "image": "test/immune_mibi_13.tif", + "label": "test/immune_mibi_13_masks.tif" + }, + { + "image": "test/immune_mibi_14.tif", + "label": "test/immune_mibi_14_masks.tif" + }, + { + "image": "test/immune_mibi_19.tif", + "label": "test/immune_mibi_19_masks.tif" + }, + { + "image": "test/immune_vectra_6.tif", + "label": "test/immune_vectra_6_masks.tif" + }, + { + "image": "test/immune_vectra_7.tif", + "label": "test/immune_vectra_7_masks.tif" + }, + { + "image": "test/immune_vectra_10.tif", + "label": "test/immune_vectra_10_masks.tif" + }, + { + "image": "test/immune_vectra_11.tif", + "label": "test/immune_vectra_11_masks.tif" + }, + { + "image": "test/immune_vectra_14.tif", + "label": "test/immune_vectra_14_masks.tif" + }, + { + "image": "test/immune_vectra_20.tif", + "label": "test/immune_vectra_20_masks.tif" + }, + { + "image": "test/immune_vectra_25.tif", + "label": "test/immune_vectra_25_masks.tif" + }, + { + "image": "test/immune_vectra_27.tif", + "label": "test/immune_vectra_27_masks.tif" + }, + { + "image": "test/immune_cycif_3.tif", + "label": "test/immune_cycif_3_masks.tif" + }, + { + "image": "test/immune_cycif_6.tif", + "label": "test/immune_cycif_6_masks.tif" + }, + { + "image": "test/immune_cycif_9.tif", + "label": "test/immune_cycif_9_masks.tif" + }, + { + "image": "test/immune_cycif_10.tif", + "label": "test/immune_cycif_10_masks.tif" + }, + { + "image": "test/immune_cycif_15.tif", + "label": "test/immune_cycif_15_masks.tif" + }, + { + "image": "test/immune_cycif_23.tif", + "label": "test/immune_cycif_23_masks.tif" + }, + { + "image": "test/immune_cycif_24.tif", + "label": "test/immune_cycif_24_masks.tif" + }, + { + "image": "test/immune_cycif_26.tif", + "label": "test/immune_cycif_26_masks.tif" + }, + { + "image": "test/immune_cycif_32.tif", + "label": "test/immune_cycif_32_masks.tif" + }, + { + "image": "test/immune_cycif_41.tif", + "label": "test/immune_cycif_41_masks.tif" + }, + { + "image": "test/immune_cycif_43.tif", + "label": "test/immune_cycif_43_masks.tif" + }, + { + "image": "test/immune_cycif_46.tif", + "label": "test/immune_cycif_46_masks.tif" + }, + { + "image": "test/immune_cycif_49.tif", + "label": "test/immune_cycif_49_masks.tif" + }, + { + "image": "test/immune_cycif_52.tif", + "label": "test/immune_cycif_52_masks.tif" + }, + { + "image": "test/immune_cycif_64.tif", + "label": "test/immune_cycif_64_masks.tif" + }, + { + "image": "test/immune_cycif_65.tif", + "label": "test/immune_cycif_65_masks.tif" + }, + { + "image": "test/immune_cycif_74.tif", + "label": "test/immune_cycif_74_masks.tif" + }, + { + "image": "test/immune_cycif_76.tif", + "label": "test/immune_cycif_76_masks.tif" + }, + { + "image": "test/immune_cycif_77.tif", + "label": "test/immune_cycif_77_masks.tif" + }, + { + "image": "test/immune_cycif_80.tif", + "label": "test/immune_cycif_80_masks.tif" + }, + { + "image": "test/immune_cycif_83.tif", + "label": "test/immune_cycif_83_masks.tif" + }, + { + "image": "test/immune_cycif_87.tif", + "label": "test/immune_cycif_87_masks.tif" + }, + { + "image": "test/immune_cycif_92.tif", + "label": "test/immune_cycif_92_masks.tif" + }, + { + "image": "test/immune_cycif_100.tif", + "label": "test/immune_cycif_100_masks.tif" + }, + { + "image": "test/immune_cycif_104.tif", + "label": "test/immune_cycif_104_masks.tif" + }, + { + "image": "test/immune_cycif_109.tif", + "label": "test/immune_cycif_109_masks.tif" + }, + { + "image": "test/immune_cycif_111.tif", + "label": "test/immune_cycif_111_masks.tif" + }, + { + "image": "test/immune_cycif_113.tif", + "label": "test/immune_cycif_113_masks.tif" + }, + { + "image": "test/immune_cycif_125.tif", + "label": "test/immune_cycif_125_masks.tif" + }, + { + "image": "test/immune_cycif_126.tif", + "label": "test/immune_cycif_126_masks.tif" + }, + { + "image": "test/immune_cycif_135.tif", + "label": "test/immune_cycif_135_masks.tif" + }, + { + "image": "test/immune_cycif_136.tif", + "label": "test/immune_cycif_136_masks.tif" + }, + { + "image": "test/immune_cycif_143.tif", + "label": "test/immune_cycif_143_masks.tif" + }, + { + "image": "test/immune_cycif_153.tif", + "label": "test/immune_cycif_153_masks.tif" + }, + { + "image": "test/immune_cycif_155.tif", + "label": "test/immune_cycif_155_masks.tif" + }, + { + "image": "test/immune_cycif_161.tif", + "label": "test/immune_cycif_161_masks.tif" + }, + { + "image": "test/immune_cycif_170.tif", + "label": "test/immune_cycif_170_masks.tif" + }, + { + "image": "test/immune_mibi_2.tif", + "label": "test/immune_mibi_2_masks.tif" + }, + { + "image": "test/immune_mibi_7.tif", + "label": "test/immune_mibi_7_masks.tif" + }, + { + "image": "test/immune_mibi_8.tif", + "label": "test/immune_mibi_8_masks.tif" + }, + { + "image": "test/immune_mibi_16.tif", + "label": "test/immune_mibi_16_masks.tif" + }, + { + "image": "test/immune_vectra_0.tif", + "label": "test/immune_vectra_0_masks.tif" + }, + { + "image": "test/immune_vectra_2.tif", + "label": "test/immune_vectra_2_masks.tif" + }, + { + "image": "test/immune_vectra_3.tif", + "label": "test/immune_vectra_3_masks.tif" + }, + { + "image": "test/immune_vectra_21.tif", + "label": "test/immune_vectra_21_masks.tif" + }, + { + "image": "test/immune_vectra_22.tif", + "label": "test/immune_vectra_22_masks.tif" + }, + { + "image": "test/immune_cycif_1.tif", + "label": "test/immune_cycif_1_masks.tif" + }, + { + "image": "test/immune_cycif_7.tif", + "label": "test/immune_cycif_7_masks.tif" + }, + { + "image": "test/immune_cycif_8.tif", + "label": "test/immune_cycif_8_masks.tif" + }, + { + "image": "test/immune_cycif_20.tif", + "label": "test/immune_cycif_20_masks.tif" + }, + { + "image": "test/immune_cycif_22.tif", + "label": "test/immune_cycif_22_masks.tif" + }, + { + "image": "test/immune_cycif_25.tif", + "label": "test/immune_cycif_25_masks.tif" + }, + { + "image": "test/immune_cycif_30.tif", + "label": "test/immune_cycif_30_masks.tif" + }, + { + "image": "test/immune_cycif_37.tif", + "label": "test/immune_cycif_37_masks.tif" + }, + { + "image": "test/immune_cycif_50.tif", + "label": "test/immune_cycif_50_masks.tif" + }, + { + "image": "test/immune_cycif_57.tif", + "label": "test/immune_cycif_57_masks.tif" + }, + { + "image": "test/immune_cycif_60.tif", + "label": "test/immune_cycif_60_masks.tif" + }, + { + "image": "test/immune_cycif_61.tif", + "label": "test/immune_cycif_61_masks.tif" + }, + { + "image": "test/immune_cycif_63.tif", + "label": "test/immune_cycif_63_masks.tif" + }, + { + "image": "test/immune_cycif_68.tif", + "label": "test/immune_cycif_68_masks.tif" + }, + { + "image": "test/immune_cycif_71.tif", + "label": "test/immune_cycif_71_masks.tif" + }, + { + "image": "test/immune_cycif_72.tif", + "label": "test/immune_cycif_72_masks.tif" + }, + { + "image": "test/immune_cycif_79.tif", + "label": "test/immune_cycif_79_masks.tif" + }, + { + "image": "test/immune_cycif_86.tif", + "label": "test/immune_cycif_86_masks.tif" + }, + { + "image": "test/immune_cycif_96.tif", + "label": "test/immune_cycif_96_masks.tif" + }, + { + "image": "test/immune_cycif_101.tif", + "label": "test/immune_cycif_101_masks.tif" + }, + { + "image": "test/immune_cycif_115.tif", + "label": "test/immune_cycif_115_masks.tif" + }, + { + "image": "test/immune_cycif_121.tif", + "label": "test/immune_cycif_121_masks.tif" + }, + { + "image": "test/immune_cycif_128.tif", + "label": "test/immune_cycif_128_masks.tif" + }, + { + "image": "test/immune_cycif_129.tif", + "label": "test/immune_cycif_129_masks.tif" + }, + { + "image": "test/immune_cycif_131.tif", + "label": "test/immune_cycif_131_masks.tif" + }, + { + "image": "test/immune_cycif_133.tif", + "label": "test/immune_cycif_133_masks.tif" + }, + { + "image": "test/immune_cycif_134.tif", + "label": "test/immune_cycif_134_masks.tif" + }, + { + "image": "test/immune_cycif_137.tif", + "label": "test/immune_cycif_137_masks.tif" + }, + { + "image": "test/immune_cycif_139.tif", + "label": "test/immune_cycif_139_masks.tif" + }, + { + "image": "test/immune_cycif_140.tif", + "label": "test/immune_cycif_140_masks.tif" + }, + { + "image": "test/immune_cycif_141.tif", + "label": "test/immune_cycif_141_masks.tif" + }, + { + "image": "test/immune_cycif_142.tif", + "label": "test/immune_cycif_142_masks.tif" + }, + { + "image": "test/immune_cycif_144.tif", + "label": "test/immune_cycif_144_masks.tif" + }, + { + "image": "test/immune_cycif_146.tif", + "label": "test/immune_cycif_146_masks.tif" + }, + { + "image": "test/immune_cycif_149.tif", + "label": "test/immune_cycif_149_masks.tif" + }, + { + "image": "test/immune_cycif_156.tif", + "label": "test/immune_cycif_156_masks.tif" + }, + { + "image": "test/immune_cycif_157.tif", + "label": "test/immune_cycif_157_masks.tif" + }, + { + "image": "test/immune_mibi_0.tif", + "label": "test/immune_mibi_0_masks.tif" + }, + { + "image": "test/immune_mibi_3.tif", + "label": "test/immune_mibi_3_masks.tif" + }, + { + "image": "test/immune_mibi_17.tif", + "label": "test/immune_mibi_17_masks.tif" + }, + { + "image": "test/immune_vectra_8.tif", + "label": "test/immune_vectra_8_masks.tif" + }, + { + "image": "test/immune_vectra_9.tif", + "label": "test/immune_vectra_9_masks.tif" + }, + { + "image": "test/immune_vectra_17.tif", + "label": "test/immune_vectra_17_masks.tif" + }, + { + "image": "test/immune_vectra_24.tif", + "label": "test/immune_vectra_24_masks.tif" + }, + { + "image": "test/immune_vectra_31.tif", + "label": "test/immune_vectra_31_masks.tif" + }, + { + "image": "test/immune_vectra_32.tif", + "label": "test/immune_vectra_32_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_immune_mibi_datalist.json b/vista2d/datalists/tissuenet_immune_mibi_datalist.json new file mode 100644 index 0000000..3676147 --- /dev/null +++ b/vista2d/datalists/tissuenet_immune_mibi_datalist.json @@ -0,0 +1,891 @@ +{ + "training": [ + { + "image": "val/immune_mibi_2.tif", + "label": "val/immune_mibi_2_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_3.tif", + "label": "val/immune_mibi_3_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_19.tif", + "label": "val/immune_mibi_19_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_21.tif", + "label": "val/immune_mibi_21_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_22.tif", + "label": "val/immune_mibi_22_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_30.tif", + "label": "val/immune_mibi_30_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_34.tif", + "label": "val/immune_mibi_34_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_35.tif", + "label": "val/immune_mibi_35_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_41.tif", + "label": "val/immune_mibi_41_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_17.tif", + "label": "val/immune_mibi_17_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_23.tif", + "label": "val/immune_mibi_23_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_29.tif", + "label": "val/immune_mibi_29_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_31.tif", + "label": "val/immune_mibi_31_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_32.tif", + "label": "val/immune_mibi_32_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_33.tif", + "label": "val/immune_mibi_33_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_36.tif", + "label": "val/immune_mibi_36_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_40.tif", + "label": "val/immune_mibi_40_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_44.tif", + "label": "val/immune_mibi_44_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_4.tif", + "label": "val/immune_mibi_4_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_10.tif", + "label": "val/immune_mibi_10_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_14.tif", + "label": "val/immune_mibi_14_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_20.tif", + "label": "val/immune_mibi_20_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_24.tif", + "label": "val/immune_mibi_24_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_26.tif", + "label": "val/immune_mibi_26_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_27.tif", + "label": "val/immune_mibi_27_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_38.tif", + "label": "val/immune_mibi_38_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_39.tif", + "label": "val/immune_mibi_39_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_1.tif", + "label": "val/immune_mibi_1_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_6.tif", + "label": "val/immune_mibi_6_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_7.tif", + "label": "val/immune_mibi_7_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_13.tif", + "label": "val/immune_mibi_13_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_16.tif", + "label": "val/immune_mibi_16_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_18.tif", + "label": "val/immune_mibi_18_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_25.tif", + "label": "val/immune_mibi_25_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_28.tif", + "label": "val/immune_mibi_28_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_42.tif", + "label": "val/immune_mibi_42_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_0.tif", + "label": "val/immune_mibi_0_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_5.tif", + "label": "val/immune_mibi_5_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_8.tif", + "label": "val/immune_mibi_8_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_9.tif", + "label": "val/immune_mibi_9_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_11.tif", + "label": "val/immune_mibi_11_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_12.tif", + "label": "val/immune_mibi_12_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_15.tif", + "label": "val/immune_mibi_15_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_37.tif", + "label": "val/immune_mibi_37_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_mibi_43.tif", + "label": "val/immune_mibi_43_masks.tif", + "fold": 0 + }, + { + "image": "train/immune_mibi_0_2.tif", + "label": "train/immune_mibi_0_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_4_1.tif", + "label": "train/immune_mibi_4_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_8_3.tif", + "label": "train/immune_mibi_8_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_9_2.tif", + "label": "train/immune_mibi_9_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_10_2.tif", + "label": "train/immune_mibi_10_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_11_0.tif", + "label": "train/immune_mibi_11_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_13_1.tif", + "label": "train/immune_mibi_13_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_13_2.tif", + "label": "train/immune_mibi_13_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_14_0.tif", + "label": "train/immune_mibi_14_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_14_2.tif", + "label": "train/immune_mibi_14_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_16_1.tif", + "label": "train/immune_mibi_16_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_17_1.tif", + "label": "train/immune_mibi_17_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_18_1.tif", + "label": "train/immune_mibi_18_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_19_2.tif", + "label": "train/immune_mibi_19_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_20_0.tif", + "label": "train/immune_mibi_20_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_23_2.tif", + "label": "train/immune_mibi_23_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_23_3.tif", + "label": "train/immune_mibi_23_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_24_0.tif", + "label": "train/immune_mibi_24_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_24_1.tif", + "label": "train/immune_mibi_24_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_24_3.tif", + "label": "train/immune_mibi_24_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_25_2.tif", + "label": "train/immune_mibi_25_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_26_0.tif", + "label": "train/immune_mibi_26_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_27_1.tif", + "label": "train/immune_mibi_27_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_28_2.tif", + "label": "train/immune_mibi_28_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_2_2.tif", + "label": "train/immune_mibi_2_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_4_3.tif", + "label": "train/immune_mibi_4_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_6_3.tif", + "label": "train/immune_mibi_6_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_7_3.tif", + "label": "train/immune_mibi_7_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_8_0.tif", + "label": "train/immune_mibi_8_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_8_1.tif", + "label": "train/immune_mibi_8_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_9_0.tif", + "label": "train/immune_mibi_9_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_9_3.tif", + "label": "train/immune_mibi_9_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_10_0.tif", + "label": "train/immune_mibi_10_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_11_2.tif", + "label": "train/immune_mibi_11_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_12_0.tif", + "label": "train/immune_mibi_12_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_13_3.tif", + "label": "train/immune_mibi_13_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_14_3.tif", + "label": "train/immune_mibi_14_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_16_2.tif", + "label": "train/immune_mibi_16_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_16_3.tif", + "label": "train/immune_mibi_16_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_19_1.tif", + "label": "train/immune_mibi_19_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_20_2.tif", + "label": "train/immune_mibi_20_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_20_3.tif", + "label": "train/immune_mibi_20_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_22_0.tif", + "label": "train/immune_mibi_22_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_22_3.tif", + "label": "train/immune_mibi_22_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_23_0.tif", + "label": "train/immune_mibi_23_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_23_1.tif", + "label": "train/immune_mibi_23_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_28_3.tif", + "label": "train/immune_mibi_28_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_1_0.tif", + "label": "train/immune_mibi_1_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_3_3.tif", + "label": "train/immune_mibi_3_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_5_1.tif", + "label": "train/immune_mibi_5_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_5_3.tif", + "label": "train/immune_mibi_5_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_6_0.tif", + "label": "train/immune_mibi_6_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_6_2.tif", + "label": "train/immune_mibi_6_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_8_2.tif", + "label": "train/immune_mibi_8_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_10_1.tif", + "label": "train/immune_mibi_10_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_10_3.tif", + "label": "train/immune_mibi_10_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_11_1.tif", + "label": "train/immune_mibi_11_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_12_1.tif", + "label": "train/immune_mibi_12_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_12_3.tif", + "label": "train/immune_mibi_12_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_13_0.tif", + "label": "train/immune_mibi_13_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_15_2.tif", + "label": "train/immune_mibi_15_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_18_2.tif", + "label": "train/immune_mibi_18_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_20_1.tif", + "label": "train/immune_mibi_20_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_21_1.tif", + "label": "train/immune_mibi_21_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_24_2.tif", + "label": "train/immune_mibi_24_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_25_1.tif", + "label": "train/immune_mibi_25_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_26_2.tif", + "label": "train/immune_mibi_26_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_27_0.tif", + "label": "train/immune_mibi_27_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_27_2.tif", + "label": "train/immune_mibi_27_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_28_1.tif", + "label": "train/immune_mibi_28_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_0_0.tif", + "label": "train/immune_mibi_0_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_0_3.tif", + "label": "train/immune_mibi_0_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_1_3.tif", + "label": "train/immune_mibi_1_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_2_0.tif", + "label": "train/immune_mibi_2_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_3_1.tif", + "label": "train/immune_mibi_3_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_5_2.tif", + "label": "train/immune_mibi_5_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_7_2.tif", + "label": "train/immune_mibi_7_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_11_3.tif", + "label": "train/immune_mibi_11_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_14_1.tif", + "label": "train/immune_mibi_14_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_15_0.tif", + "label": "train/immune_mibi_15_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_15_1.tif", + "label": "train/immune_mibi_15_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_15_3.tif", + "label": "train/immune_mibi_15_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_17_0.tif", + "label": "train/immune_mibi_17_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_17_2.tif", + "label": "train/immune_mibi_17_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_21_2.tif", + "label": "train/immune_mibi_21_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_21_3.tif", + "label": "train/immune_mibi_21_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_22_1.tif", + "label": "train/immune_mibi_22_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_22_2.tif", + "label": "train/immune_mibi_22_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_25_0.tif", + "label": "train/immune_mibi_25_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_25_3.tif", + "label": "train/immune_mibi_25_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_26_1.tif", + "label": "train/immune_mibi_26_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_27_3.tif", + "label": "train/immune_mibi_27_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_28_0.tif", + "label": "train/immune_mibi_28_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_0_1.tif", + "label": "train/immune_mibi_0_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_1_1.tif", + "label": "train/immune_mibi_1_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_1_2.tif", + "label": "train/immune_mibi_1_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_2_1.tif", + "label": "train/immune_mibi_2_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_2_3.tif", + "label": "train/immune_mibi_2_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_3_0.tif", + "label": "train/immune_mibi_3_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_3_2.tif", + "label": "train/immune_mibi_3_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_4_0.tif", + "label": "train/immune_mibi_4_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_4_2.tif", + "label": "train/immune_mibi_4_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_5_0.tif", + "label": "train/immune_mibi_5_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_6_1.tif", + "label": "train/immune_mibi_6_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_7_0.tif", + "label": "train/immune_mibi_7_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_7_1.tif", + "label": "train/immune_mibi_7_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_9_1.tif", + "label": "train/immune_mibi_9_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_12_2.tif", + "label": "train/immune_mibi_12_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_mibi_16_0.tif", + "label": "train/immune_mibi_16_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_17_3.tif", + "label": "train/immune_mibi_17_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_18_0.tif", + "label": "train/immune_mibi_18_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_mibi_18_3.tif", + "label": "train/immune_mibi_18_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_19_0.tif", + "label": "train/immune_mibi_19_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_19_3.tif", + "label": "train/immune_mibi_19_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_mibi_21_0.tif", + "label": "train/immune_mibi_21_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_mibi_26_3.tif", + "label": "train/immune_mibi_26_3_masks.tif", + "fold": 2 + } + ], + "testing": [ + { + "image": "test/immune_mibi_3.tif", + "label": "test/immune_mibi_3_masks.tif" + }, + { + "image": "test/immune_mibi_6.tif", + "label": "test/immune_mibi_6_masks.tif" + }, + { + "image": "test/immune_mibi_10.tif", + "label": "test/immune_mibi_10_masks.tif" + }, + { + "image": "test/immune_mibi_16.tif", + "label": "test/immune_mibi_16_masks.tif" + }, + { + "image": "test/immune_mibi_2.tif", + "label": "test/immune_mibi_2_masks.tif" + }, + { + "image": "test/immune_mibi_4.tif", + "label": "test/immune_mibi_4_masks.tif" + }, + { + "image": "test/immune_mibi_14.tif", + "label": "test/immune_mibi_14_masks.tif" + }, + { + "image": "test/immune_mibi_17.tif", + "label": "test/immune_mibi_17_masks.tif" + }, + { + "image": "test/immune_mibi_0.tif", + "label": "test/immune_mibi_0_masks.tif" + }, + { + "image": "test/immune_mibi_1.tif", + "label": "test/immune_mibi_1_masks.tif" + }, + { + "image": "test/immune_mibi_7.tif", + "label": "test/immune_mibi_7_masks.tif" + }, + { + "image": "test/immune_mibi_13.tif", + "label": "test/immune_mibi_13_masks.tif" + }, + { + "image": "test/immune_mibi_9.tif", + "label": "test/immune_mibi_9_masks.tif" + }, + { + "image": "test/immune_mibi_15.tif", + "label": "test/immune_mibi_15_masks.tif" + }, + { + "image": "test/immune_mibi_18.tif", + "label": "test/immune_mibi_18_masks.tif" + }, + { + "image": "test/immune_mibi_19.tif", + "label": "test/immune_mibi_19_masks.tif" + }, + { + "image": "test/immune_mibi_5.tif", + "label": "test/immune_mibi_5_masks.tif" + }, + { + "image": "test/immune_mibi_8.tif", + "label": "test/immune_mibi_8_masks.tif" + }, + { + "image": "test/immune_mibi_11.tif", + "label": "test/immune_mibi_11_masks.tif" + }, + { + "image": "test/immune_mibi_12.tif", + "label": "test/immune_mibi_12_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_immune_vectra_datalist.json b/vista2d/datalists/tissuenet_immune_vectra_datalist.json new file mode 100644 index 0000000..889e6b5 --- /dev/null +++ b/vista2d/datalists/tissuenet_immune_vectra_datalist.json @@ -0,0 +1,1930 @@ +{ + "training": [ + { + "image": "val/immune_vectra_10.tif", + "label": "val/immune_vectra_10_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_17.tif", + "label": "val/immune_vectra_17_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_31.tif", + "label": "val/immune_vectra_31_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_32.tif", + "label": "val/immune_vectra_32_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_33.tif", + "label": "val/immune_vectra_33_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_36.tif", + "label": "val/immune_vectra_36_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_39.tif", + "label": "val/immune_vectra_39_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_44.tif", + "label": "val/immune_vectra_44_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_51.tif", + "label": "val/immune_vectra_51_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_52.tif", + "label": "val/immune_vectra_52_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_56.tif", + "label": "val/immune_vectra_56_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_65.tif", + "label": "val/immune_vectra_65_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_69.tif", + "label": "val/immune_vectra_69_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_78.tif", + "label": "val/immune_vectra_78_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_80.tif", + "label": "val/immune_vectra_80_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_81.tif", + "label": "val/immune_vectra_81_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_82.tif", + "label": "val/immune_vectra_82_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_84.tif", + "label": "val/immune_vectra_84_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_92.tif", + "label": "val/immune_vectra_92_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_93.tif", + "label": "val/immune_vectra_93_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_2.tif", + "label": "val/immune_vectra_2_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_19.tif", + "label": "val/immune_vectra_19_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_23.tif", + "label": "val/immune_vectra_23_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_27.tif", + "label": "val/immune_vectra_27_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_34.tif", + "label": "val/immune_vectra_34_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_35.tif", + "label": "val/immune_vectra_35_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_38.tif", + "label": "val/immune_vectra_38_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_40.tif", + "label": "val/immune_vectra_40_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_46.tif", + "label": "val/immune_vectra_46_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_48.tif", + "label": "val/immune_vectra_48_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_54.tif", + "label": "val/immune_vectra_54_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_59.tif", + "label": "val/immune_vectra_59_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_62.tif", + "label": "val/immune_vectra_62_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_67.tif", + "label": "val/immune_vectra_67_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_73.tif", + "label": "val/immune_vectra_73_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_88.tif", + "label": "val/immune_vectra_88_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_94.tif", + "label": "val/immune_vectra_94_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_95.tif", + "label": "val/immune_vectra_95_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_97.tif", + "label": "val/immune_vectra_97_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_99.tif", + "label": "val/immune_vectra_99_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_3.tif", + "label": "val/immune_vectra_3_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_4.tif", + "label": "val/immune_vectra_4_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_15.tif", + "label": "val/immune_vectra_15_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_21.tif", + "label": "val/immune_vectra_21_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_24.tif", + "label": "val/immune_vectra_24_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_26.tif", + "label": "val/immune_vectra_26_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_41.tif", + "label": "val/immune_vectra_41_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_43.tif", + "label": "val/immune_vectra_43_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_45.tif", + "label": "val/immune_vectra_45_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_49.tif", + "label": "val/immune_vectra_49_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_53.tif", + "label": "val/immune_vectra_53_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_55.tif", + "label": "val/immune_vectra_55_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_58.tif", + "label": "val/immune_vectra_58_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_74.tif", + "label": "val/immune_vectra_74_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_77.tif", + "label": "val/immune_vectra_77_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_83.tif", + "label": "val/immune_vectra_83_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_86.tif", + "label": "val/immune_vectra_86_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_87.tif", + "label": "val/immune_vectra_87_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_91.tif", + "label": "val/immune_vectra_91_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_98.tif", + "label": "val/immune_vectra_98_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_0.tif", + "label": "val/immune_vectra_0_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_7.tif", + "label": "val/immune_vectra_7_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_8.tif", + "label": "val/immune_vectra_8_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_13.tif", + "label": "val/immune_vectra_13_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_14.tif", + "label": "val/immune_vectra_14_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_22.tif", + "label": "val/immune_vectra_22_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_30.tif", + "label": "val/immune_vectra_30_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_42.tif", + "label": "val/immune_vectra_42_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_47.tif", + "label": "val/immune_vectra_47_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_57.tif", + "label": "val/immune_vectra_57_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_60.tif", + "label": "val/immune_vectra_60_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_61.tif", + "label": "val/immune_vectra_61_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_63.tif", + "label": "val/immune_vectra_63_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_66.tif", + "label": "val/immune_vectra_66_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_68.tif", + "label": "val/immune_vectra_68_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_70.tif", + "label": "val/immune_vectra_70_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_85.tif", + "label": "val/immune_vectra_85_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_89.tif", + "label": "val/immune_vectra_89_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_90.tif", + "label": "val/immune_vectra_90_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_96.tif", + "label": "val/immune_vectra_96_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_1.tif", + "label": "val/immune_vectra_1_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_5.tif", + "label": "val/immune_vectra_5_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_6.tif", + "label": "val/immune_vectra_6_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_9.tif", + "label": "val/immune_vectra_9_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_11.tif", + "label": "val/immune_vectra_11_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_12.tif", + "label": "val/immune_vectra_12_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_16.tif", + "label": "val/immune_vectra_16_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_18.tif", + "label": "val/immune_vectra_18_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_20.tif", + "label": "val/immune_vectra_20_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_25.tif", + "label": "val/immune_vectra_25_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_28.tif", + "label": "val/immune_vectra_28_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_29.tif", + "label": "val/immune_vectra_29_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_37.tif", + "label": "val/immune_vectra_37_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_50.tif", + "label": "val/immune_vectra_50_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_64.tif", + "label": "val/immune_vectra_64_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_71.tif", + "label": "val/immune_vectra_71_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_72.tif", + "label": "val/immune_vectra_72_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_75.tif", + "label": "val/immune_vectra_75_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_76.tif", + "label": "val/immune_vectra_76_masks.tif", + "fold": 0 + }, + { + "image": "val/immune_vectra_79.tif", + "label": "val/immune_vectra_79_masks.tif", + "fold": 0 + }, + { + "image": "train/immune_vectra_1_0.tif", + "label": "train/immune_vectra_1_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_3_0.tif", + "label": "train/immune_vectra_3_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_4_2.tif", + "label": "train/immune_vectra_4_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_4_3.tif", + "label": "train/immune_vectra_4_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_6_3.tif", + "label": "train/immune_vectra_6_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_7_3.tif", + "label": "train/immune_vectra_7_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_8_1.tif", + "label": "train/immune_vectra_8_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_8_2.tif", + "label": "train/immune_vectra_8_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_9_2.tif", + "label": "train/immune_vectra_9_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_9_3.tif", + "label": "train/immune_vectra_9_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_11_0.tif", + "label": "train/immune_vectra_11_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_12_3.tif", + "label": "train/immune_vectra_12_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_14_2.tif", + "label": "train/immune_vectra_14_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_15_2.tif", + "label": "train/immune_vectra_15_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_16_3.tif", + "label": "train/immune_vectra_16_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_18_1.tif", + "label": "train/immune_vectra_18_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_19_2.tif", + "label": "train/immune_vectra_19_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_21_1.tif", + "label": "train/immune_vectra_21_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_22_0.tif", + "label": "train/immune_vectra_22_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_23_1.tif", + "label": "train/immune_vectra_23_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_24_3.tif", + "label": "train/immune_vectra_24_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_26_2.tif", + "label": "train/immune_vectra_26_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_30_0.tif", + "label": "train/immune_vectra_30_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_32_2.tif", + "label": "train/immune_vectra_32_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_36_1.tif", + "label": "train/immune_vectra_36_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_40_0.tif", + "label": "train/immune_vectra_40_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_40_3.tif", + "label": "train/immune_vectra_40_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_42_0.tif", + "label": "train/immune_vectra_42_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_45_1.tif", + "label": "train/immune_vectra_45_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_45_2.tif", + "label": "train/immune_vectra_45_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_45_3.tif", + "label": "train/immune_vectra_45_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_46_1.tif", + "label": "train/immune_vectra_46_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_46_3.tif", + "label": "train/immune_vectra_46_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_47_1.tif", + "label": "train/immune_vectra_47_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_53_1.tif", + "label": "train/immune_vectra_53_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_54_0.tif", + "label": "train/immune_vectra_54_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_55_0.tif", + "label": "train/immune_vectra_55_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_56_2.tif", + "label": "train/immune_vectra_56_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_57_1.tif", + "label": "train/immune_vectra_57_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_57_2.tif", + "label": "train/immune_vectra_57_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_57_3.tif", + "label": "train/immune_vectra_57_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_58_1.tif", + "label": "train/immune_vectra_58_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_58_2.tif", + "label": "train/immune_vectra_58_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_59_0.tif", + "label": "train/immune_vectra_59_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_60_2.tif", + "label": "train/immune_vectra_60_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_61_0.tif", + "label": "train/immune_vectra_61_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_61_1.tif", + "label": "train/immune_vectra_61_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_61_3.tif", + "label": "train/immune_vectra_61_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_62_0.tif", + "label": "train/immune_vectra_62_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_62_1.tif", + "label": "train/immune_vectra_62_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_63_2.tif", + "label": "train/immune_vectra_63_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_63_3.tif", + "label": "train/immune_vectra_63_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_0_0.tif", + "label": "train/immune_vectra_0_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_2_3.tif", + "label": "train/immune_vectra_2_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_3_2.tif", + "label": "train/immune_vectra_3_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_4_0.tif", + "label": "train/immune_vectra_4_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_5_1.tif", + "label": "train/immune_vectra_5_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_7_0.tif", + "label": "train/immune_vectra_7_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_7_1.tif", + "label": "train/immune_vectra_7_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_8_3.tif", + "label": "train/immune_vectra_8_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_10_0.tif", + "label": "train/immune_vectra_10_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_10_2.tif", + "label": "train/immune_vectra_10_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_11_3.tif", + "label": "train/immune_vectra_11_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_13_1.tif", + "label": "train/immune_vectra_13_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_13_3.tif", + "label": "train/immune_vectra_13_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_14_0.tif", + "label": "train/immune_vectra_14_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_14_3.tif", + "label": "train/immune_vectra_14_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_17_1.tif", + "label": "train/immune_vectra_17_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_21_0.tif", + "label": "train/immune_vectra_21_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_22_1.tif", + "label": "train/immune_vectra_22_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_22_2.tif", + "label": "train/immune_vectra_22_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_22_3.tif", + "label": "train/immune_vectra_22_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_23_3.tif", + "label": "train/immune_vectra_23_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_25_2.tif", + "label": "train/immune_vectra_25_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_26_3.tif", + "label": "train/immune_vectra_26_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_27_2.tif", + "label": "train/immune_vectra_27_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_28_0.tif", + "label": "train/immune_vectra_28_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_28_2.tif", + "label": "train/immune_vectra_28_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_29_1.tif", + "label": "train/immune_vectra_29_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_29_2.tif", + "label": "train/immune_vectra_29_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_30_2.tif", + "label": "train/immune_vectra_30_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_30_3.tif", + "label": "train/immune_vectra_30_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_33_0.tif", + "label": "train/immune_vectra_33_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_34_2.tif", + "label": "train/immune_vectra_34_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_36_3.tif", + "label": "train/immune_vectra_36_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_38_0.tif", + "label": "train/immune_vectra_38_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_38_2.tif", + "label": "train/immune_vectra_38_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_39_2.tif", + "label": "train/immune_vectra_39_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_39_3.tif", + "label": "train/immune_vectra_39_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_41_0.tif", + "label": "train/immune_vectra_41_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_41_3.tif", + "label": "train/immune_vectra_41_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_42_3.tif", + "label": "train/immune_vectra_42_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_44_3.tif", + "label": "train/immune_vectra_44_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_45_0.tif", + "label": "train/immune_vectra_45_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_46_0.tif", + "label": "train/immune_vectra_46_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_47_3.tif", + "label": "train/immune_vectra_47_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_50_1.tif", + "label": "train/immune_vectra_50_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_52_3.tif", + "label": "train/immune_vectra_52_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_54_3.tif", + "label": "train/immune_vectra_54_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_58_0.tif", + "label": "train/immune_vectra_58_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_59_3.tif", + "label": "train/immune_vectra_59_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_61_2.tif", + "label": "train/immune_vectra_61_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_63_0.tif", + "label": "train/immune_vectra_63_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_0_2.tif", + "label": "train/immune_vectra_0_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_1_1.tif", + "label": "train/immune_vectra_1_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_1_2.tif", + "label": "train/immune_vectra_1_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_3_1.tif", + "label": "train/immune_vectra_3_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_4_1.tif", + "label": "train/immune_vectra_4_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_9_0.tif", + "label": "train/immune_vectra_9_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_11_1.tif", + "label": "train/immune_vectra_11_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_12_0.tif", + "label": "train/immune_vectra_12_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_13_2.tif", + "label": "train/immune_vectra_13_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_16_2.tif", + "label": "train/immune_vectra_16_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_17_2.tif", + "label": "train/immune_vectra_17_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_18_3.tif", + "label": "train/immune_vectra_18_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_20_1.tif", + "label": "train/immune_vectra_20_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_20_2.tif", + "label": "train/immune_vectra_20_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_23_2.tif", + "label": "train/immune_vectra_23_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_24_1.tif", + "label": "train/immune_vectra_24_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_24_2.tif", + "label": "train/immune_vectra_24_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_25_3.tif", + "label": "train/immune_vectra_25_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_26_1.tif", + "label": "train/immune_vectra_26_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_27_0.tif", + "label": "train/immune_vectra_27_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_29_0.tif", + "label": "train/immune_vectra_29_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_29_3.tif", + "label": "train/immune_vectra_29_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_31_0.tif", + "label": "train/immune_vectra_31_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_31_3.tif", + "label": "train/immune_vectra_31_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_37_0.tif", + "label": "train/immune_vectra_37_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_37_2.tif", + "label": "train/immune_vectra_37_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_40_1.tif", + "label": "train/immune_vectra_40_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_42_1.tif", + "label": "train/immune_vectra_42_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_42_2.tif", + "label": "train/immune_vectra_42_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_43_0.tif", + "label": "train/immune_vectra_43_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_43_1.tif", + "label": "train/immune_vectra_43_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_43_2.tif", + "label": "train/immune_vectra_43_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_44_0.tif", + "label": "train/immune_vectra_44_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_47_0.tif", + "label": "train/immune_vectra_47_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_47_2.tif", + "label": "train/immune_vectra_47_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_48_1.tif", + "label": "train/immune_vectra_48_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_48_3.tif", + "label": "train/immune_vectra_48_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_49_1.tif", + "label": "train/immune_vectra_49_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_50_2.tif", + "label": "train/immune_vectra_50_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_51_1.tif", + "label": "train/immune_vectra_51_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_51_2.tif", + "label": "train/immune_vectra_51_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_52_0.tif", + "label": "train/immune_vectra_52_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_53_2.tif", + "label": "train/immune_vectra_53_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_55_1.tif", + "label": "train/immune_vectra_55_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_56_0.tif", + "label": "train/immune_vectra_56_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_56_1.tif", + "label": "train/immune_vectra_56_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_56_3.tif", + "label": "train/immune_vectra_56_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_59_2.tif", + "label": "train/immune_vectra_59_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_60_1.tif", + "label": "train/immune_vectra_60_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_62_2.tif", + "label": "train/immune_vectra_62_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_63_1.tif", + "label": "train/immune_vectra_63_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_0_3.tif", + "label": "train/immune_vectra_0_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_2_1.tif", + "label": "train/immune_vectra_2_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_2_2.tif", + "label": "train/immune_vectra_2_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_3_3.tif", + "label": "train/immune_vectra_3_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_5_3.tif", + "label": "train/immune_vectra_5_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_6_0.tif", + "label": "train/immune_vectra_6_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_6_2.tif", + "label": "train/immune_vectra_6_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_8_0.tif", + "label": "train/immune_vectra_8_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_10_1.tif", + "label": "train/immune_vectra_10_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_10_3.tif", + "label": "train/immune_vectra_10_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_11_2.tif", + "label": "train/immune_vectra_11_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_12_1.tif", + "label": "train/immune_vectra_12_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_13_0.tif", + "label": "train/immune_vectra_13_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_16_0.tif", + "label": "train/immune_vectra_16_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_16_1.tif", + "label": "train/immune_vectra_16_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_18_2.tif", + "label": "train/immune_vectra_18_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_19_0.tif", + "label": "train/immune_vectra_19_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_19_1.tif", + "label": "train/immune_vectra_19_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_20_0.tif", + "label": "train/immune_vectra_20_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_20_3.tif", + "label": "train/immune_vectra_20_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_21_3.tif", + "label": "train/immune_vectra_21_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_23_0.tif", + "label": "train/immune_vectra_23_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_25_0.tif", + "label": "train/immune_vectra_25_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_26_0.tif", + "label": "train/immune_vectra_26_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_27_1.tif", + "label": "train/immune_vectra_27_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_27_3.tif", + "label": "train/immune_vectra_27_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_28_1.tif", + "label": "train/immune_vectra_28_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_31_1.tif", + "label": "train/immune_vectra_31_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_31_2.tif", + "label": "train/immune_vectra_31_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_32_3.tif", + "label": "train/immune_vectra_32_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_33_3.tif", + "label": "train/immune_vectra_33_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_34_0.tif", + "label": "train/immune_vectra_34_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_35_3.tif", + "label": "train/immune_vectra_35_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_37_1.tif", + "label": "train/immune_vectra_37_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_37_3.tif", + "label": "train/immune_vectra_37_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_38_1.tif", + "label": "train/immune_vectra_38_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_38_3.tif", + "label": "train/immune_vectra_38_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_40_2.tif", + "label": "train/immune_vectra_40_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_41_1.tif", + "label": "train/immune_vectra_41_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_41_2.tif", + "label": "train/immune_vectra_41_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_44_1.tif", + "label": "train/immune_vectra_44_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_46_2.tif", + "label": "train/immune_vectra_46_2_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_48_2.tif", + "label": "train/immune_vectra_48_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_49_0.tif", + "label": "train/immune_vectra_49_0_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_49_2.tif", + "label": "train/immune_vectra_49_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_49_3.tif", + "label": "train/immune_vectra_49_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_51_3.tif", + "label": "train/immune_vectra_51_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_52_2.tif", + "label": "train/immune_vectra_52_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_54_1.tif", + "label": "train/immune_vectra_54_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_54_2.tif", + "label": "train/immune_vectra_54_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_60_0.tif", + "label": "train/immune_vectra_60_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_0_1.tif", + "label": "train/immune_vectra_0_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_1_3.tif", + "label": "train/immune_vectra_1_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_2_0.tif", + "label": "train/immune_vectra_2_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_5_0.tif", + "label": "train/immune_vectra_5_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_5_2.tif", + "label": "train/immune_vectra_5_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_6_1.tif", + "label": "train/immune_vectra_6_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_7_2.tif", + "label": "train/immune_vectra_7_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_9_1.tif", + "label": "train/immune_vectra_9_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_12_2.tif", + "label": "train/immune_vectra_12_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_14_1.tif", + "label": "train/immune_vectra_14_1_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_15_0.tif", + "label": "train/immune_vectra_15_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_15_1.tif", + "label": "train/immune_vectra_15_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_15_3.tif", + "label": "train/immune_vectra_15_3_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_17_0.tif", + "label": "train/immune_vectra_17_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_17_3.tif", + "label": "train/immune_vectra_17_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_18_0.tif", + "label": "train/immune_vectra_18_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_19_3.tif", + "label": "train/immune_vectra_19_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_21_2.tif", + "label": "train/immune_vectra_21_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_24_0.tif", + "label": "train/immune_vectra_24_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_25_1.tif", + "label": "train/immune_vectra_25_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_28_3.tif", + "label": "train/immune_vectra_28_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_30_1.tif", + "label": "train/immune_vectra_30_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_32_0.tif", + "label": "train/immune_vectra_32_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_32_1.tif", + "label": "train/immune_vectra_32_1_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_33_1.tif", + "label": "train/immune_vectra_33_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_33_2.tif", + "label": "train/immune_vectra_33_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_34_1.tif", + "label": "train/immune_vectra_34_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_34_3.tif", + "label": "train/immune_vectra_34_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_35_0.tif", + "label": "train/immune_vectra_35_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_35_1.tif", + "label": "train/immune_vectra_35_1_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_35_2.tif", + "label": "train/immune_vectra_35_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_36_0.tif", + "label": "train/immune_vectra_36_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_36_2.tif", + "label": "train/immune_vectra_36_2_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_39_0.tif", + "label": "train/immune_vectra_39_0_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_39_1.tif", + "label": "train/immune_vectra_39_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_43_3.tif", + "label": "train/immune_vectra_43_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_44_2.tif", + "label": "train/immune_vectra_44_2_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_48_0.tif", + "label": "train/immune_vectra_48_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_50_0.tif", + "label": "train/immune_vectra_50_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_50_3.tif", + "label": "train/immune_vectra_50_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_51_0.tif", + "label": "train/immune_vectra_51_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_52_1.tif", + "label": "train/immune_vectra_52_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_53_0.tif", + "label": "train/immune_vectra_53_0_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_53_3.tif", + "label": "train/immune_vectra_53_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_55_2.tif", + "label": "train/immune_vectra_55_2_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_55_3.tif", + "label": "train/immune_vectra_55_3_masks.tif", + "fold": 3 + }, + { + "image": "train/immune_vectra_57_0.tif", + "label": "train/immune_vectra_57_0_masks.tif", + "fold": 4 + }, + { + "image": "train/immune_vectra_58_3.tif", + "label": "train/immune_vectra_58_3_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_59_1.tif", + "label": "train/immune_vectra_59_1_masks.tif", + "fold": 2 + }, + { + "image": "train/immune_vectra_60_3.tif", + "label": "train/immune_vectra_60_3_masks.tif", + "fold": 1 + }, + { + "image": "train/immune_vectra_62_3.tif", + "label": "train/immune_vectra_62_3_masks.tif", + "fold": 1 + } + ], + "testing": [ + { + "image": "test/immune_vectra_3.tif", + "label": "test/immune_vectra_3_masks.tif" + }, + { + "image": "test/immune_vectra_17.tif", + "label": "test/immune_vectra_17_masks.tif" + }, + { + "image": "test/immune_vectra_19.tif", + "label": "test/immune_vectra_19_masks.tif" + }, + { + "image": "test/immune_vectra_21.tif", + "label": "test/immune_vectra_21_masks.tif" + }, + { + "image": "test/immune_vectra_23.tif", + "label": "test/immune_vectra_23_masks.tif" + }, + { + "image": "test/immune_vectra_28.tif", + "label": "test/immune_vectra_28_masks.tif" + }, + { + "image": "test/immune_vectra_30.tif", + "label": "test/immune_vectra_30_masks.tif" + }, + { + "image": "test/immune_vectra_34.tif", + "label": "test/immune_vectra_34_masks.tif" + }, + { + "image": "test/immune_vectra_4.tif", + "label": "test/immune_vectra_4_masks.tif" + }, + { + "image": "test/immune_vectra_24.tif", + "label": "test/immune_vectra_24_masks.tif" + }, + { + "image": "test/immune_vectra_25.tif", + "label": "test/immune_vectra_25_masks.tif" + }, + { + "image": "test/immune_vectra_26.tif", + "label": "test/immune_vectra_26_masks.tif" + }, + { + "image": "test/immune_vectra_27.tif", + "label": "test/immune_vectra_27_masks.tif" + }, + { + "image": "test/immune_vectra_29.tif", + "label": "test/immune_vectra_29_masks.tif" + }, + { + "image": "test/immune_vectra_33.tif", + "label": "test/immune_vectra_33_masks.tif" + }, + { + "image": "test/immune_vectra_2.tif", + "label": "test/immune_vectra_2_masks.tif" + }, + { + "image": "test/immune_vectra_10.tif", + "label": "test/immune_vectra_10_masks.tif" + }, + { + "image": "test/immune_vectra_14.tif", + "label": "test/immune_vectra_14_masks.tif" + }, + { + "image": "test/immune_vectra_20.tif", + "label": "test/immune_vectra_20_masks.tif" + }, + { + "image": "test/immune_vectra_22.tif", + "label": "test/immune_vectra_22_masks.tif" + }, + { + "image": "test/immune_vectra_31.tif", + "label": "test/immune_vectra_31_masks.tif" + }, + { + "image": "test/immune_vectra_32.tif", + "label": "test/immune_vectra_32_masks.tif" + }, + { + "image": "test/immune_vectra_1.tif", + "label": "test/immune_vectra_1_masks.tif" + }, + { + "image": "test/immune_vectra_6.tif", + "label": "test/immune_vectra_6_masks.tif" + }, + { + "image": "test/immune_vectra_7.tif", + "label": "test/immune_vectra_7_masks.tif" + }, + { + "image": "test/immune_vectra_13.tif", + "label": "test/immune_vectra_13_masks.tif" + }, + { + "image": "test/immune_vectra_16.tif", + "label": "test/immune_vectra_16_masks.tif" + }, + { + "image": "test/immune_vectra_18.tif", + "label": "test/immune_vectra_18_masks.tif" + }, + { + "image": "test/immune_vectra_35.tif", + "label": "test/immune_vectra_35_masks.tif" + }, + { + "image": "test/immune_vectra_0.tif", + "label": "test/immune_vectra_0_masks.tif" + }, + { + "image": "test/immune_vectra_5.tif", + "label": "test/immune_vectra_5_masks.tif" + }, + { + "image": "test/immune_vectra_8.tif", + "label": "test/immune_vectra_8_masks.tif" + }, + { + "image": "test/immune_vectra_9.tif", + "label": "test/immune_vectra_9_masks.tif" + }, + { + "image": "test/immune_vectra_11.tif", + "label": "test/immune_vectra_11_masks.tif" + }, + { + "image": "test/immune_vectra_12.tif", + "label": "test/immune_vectra_12_masks.tif" + }, + { + "image": "test/immune_vectra_15.tif", + "label": "test/immune_vectra_15_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_lung_cycif_datalist.json b/vista2d/datalists/tissuenet_lung_cycif_datalist.json new file mode 100644 index 0000000..e1d7c6a --- /dev/null +++ b/vista2d/datalists/tissuenet_lung_cycif_datalist.json @@ -0,0 +1,8329 @@ +{ + "training": [ + { + "image": "val/lung_cycif_4.tif", + "label": "val/lung_cycif_4_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_5.tif", + "label": "val/lung_cycif_5_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_6.tif", + "label": "val/lung_cycif_6_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_11.tif", + "label": "val/lung_cycif_11_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_13.tif", + "label": "val/lung_cycif_13_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_17.tif", + "label": "val/lung_cycif_17_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_18.tif", + "label": "val/lung_cycif_18_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_41.tif", + "label": "val/lung_cycif_41_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_62.tif", + "label": "val/lung_cycif_62_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_65.tif", + "label": "val/lung_cycif_65_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_67.tif", + "label": "val/lung_cycif_67_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_78.tif", + "label": "val/lung_cycif_78_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_81.tif", + "label": "val/lung_cycif_81_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_90.tif", + "label": "val/lung_cycif_90_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_93.tif", + "label": "val/lung_cycif_93_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_95.tif", + "label": "val/lung_cycif_95_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_102.tif", + "label": "val/lung_cycif_102_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_106.tif", + "label": "val/lung_cycif_106_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_117.tif", + "label": "val/lung_cycif_117_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_119.tif", + "label": "val/lung_cycif_119_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_120.tif", + "label": "val/lung_cycif_120_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_122.tif", + "label": "val/lung_cycif_122_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_123.tif", + "label": "val/lung_cycif_123_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_127.tif", + "label": "val/lung_cycif_127_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_131.tif", + "label": "val/lung_cycif_131_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_138.tif", + "label": "val/lung_cycif_138_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_139.tif", + "label": "val/lung_cycif_139_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_146.tif", + "label": "val/lung_cycif_146_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_147.tif", + "label": "val/lung_cycif_147_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_160.tif", + "label": "val/lung_cycif_160_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_163.tif", + "label": "val/lung_cycif_163_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_165.tif", + "label": "val/lung_cycif_165_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_169.tif", + "label": "val/lung_cycif_169_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_171.tif", + "label": "val/lung_cycif_171_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_172.tif", + "label": "val/lung_cycif_172_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_173.tif", + "label": "val/lung_cycif_173_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_179.tif", + "label": "val/lung_cycif_179_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_185.tif", + "label": "val/lung_cycif_185_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_188.tif", + "label": "val/lung_cycif_188_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_189.tif", + "label": "val/lung_cycif_189_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_191.tif", + "label": "val/lung_cycif_191_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_201.tif", + "label": "val/lung_cycif_201_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_213.tif", + "label": "val/lung_cycif_213_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_221.tif", + "label": "val/lung_cycif_221_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_222.tif", + "label": "val/lung_cycif_222_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_225.tif", + "label": "val/lung_cycif_225_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_230.tif", + "label": "val/lung_cycif_230_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_232.tif", + "label": "val/lung_cycif_232_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_245.tif", + "label": "val/lung_cycif_245_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_256.tif", + "label": "val/lung_cycif_256_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_257.tif", + "label": "val/lung_cycif_257_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_260.tif", + "label": "val/lung_cycif_260_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_269.tif", + "label": "val/lung_cycif_269_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_270.tif", + "label": "val/lung_cycif_270_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_271.tif", + "label": "val/lung_cycif_271_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_273.tif", + "label": "val/lung_cycif_273_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_274.tif", + "label": "val/lung_cycif_274_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_284.tif", + "label": "val/lung_cycif_284_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_287.tif", + "label": "val/lung_cycif_287_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_291.tif", + "label": "val/lung_cycif_291_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_307.tif", + "label": "val/lung_cycif_307_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_311.tif", + "label": "val/lung_cycif_311_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_321.tif", + "label": "val/lung_cycif_321_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_328.tif", + "label": "val/lung_cycif_328_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_331.tif", + "label": "val/lung_cycif_331_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_336.tif", + "label": "val/lung_cycif_336_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_338.tif", + "label": "val/lung_cycif_338_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_342.tif", + "label": "val/lung_cycif_342_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_343.tif", + "label": "val/lung_cycif_343_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_354.tif", + "label": "val/lung_cycif_354_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_358.tif", + "label": "val/lung_cycif_358_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_360.tif", + "label": "val/lung_cycif_360_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_363.tif", + "label": "val/lung_cycif_363_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_364.tif", + "label": "val/lung_cycif_364_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_0.tif", + "label": "val/lung_cycif_0_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_9.tif", + "label": "val/lung_cycif_9_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_12.tif", + "label": "val/lung_cycif_12_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_14.tif", + "label": "val/lung_cycif_14_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_16.tif", + "label": "val/lung_cycif_16_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_23.tif", + "label": "val/lung_cycif_23_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_27.tif", + "label": "val/lung_cycif_27_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_29.tif", + "label": "val/lung_cycif_29_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_38.tif", + "label": "val/lung_cycif_38_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_39.tif", + "label": "val/lung_cycif_39_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_42.tif", + "label": "val/lung_cycif_42_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_51.tif", + "label": "val/lung_cycif_51_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_58.tif", + "label": "val/lung_cycif_58_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_59.tif", + "label": "val/lung_cycif_59_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_70.tif", + "label": "val/lung_cycif_70_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_73.tif", + "label": "val/lung_cycif_73_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_80.tif", + "label": "val/lung_cycif_80_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_85.tif", + "label": "val/lung_cycif_85_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_88.tif", + "label": "val/lung_cycif_88_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_89.tif", + "label": "val/lung_cycif_89_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_91.tif", + "label": "val/lung_cycif_91_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_92.tif", + "label": "val/lung_cycif_92_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_100.tif", + "label": "val/lung_cycif_100_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_105.tif", + "label": "val/lung_cycif_105_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_107.tif", + "label": "val/lung_cycif_107_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_111.tif", + "label": "val/lung_cycif_111_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_112.tif", + "label": "val/lung_cycif_112_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_124.tif", + "label": "val/lung_cycif_124_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_125.tif", + "label": "val/lung_cycif_125_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_132.tif", + "label": "val/lung_cycif_132_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_150.tif", + "label": "val/lung_cycif_150_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_154.tif", + "label": "val/lung_cycif_154_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_158.tif", + "label": "val/lung_cycif_158_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_159.tif", + "label": "val/lung_cycif_159_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_161.tif", + "label": "val/lung_cycif_161_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_162.tif", + "label": "val/lung_cycif_162_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_167.tif", + "label": "val/lung_cycif_167_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_174.tif", + "label": "val/lung_cycif_174_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_180.tif", + "label": "val/lung_cycif_180_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_186.tif", + "label": "val/lung_cycif_186_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_192.tif", + "label": "val/lung_cycif_192_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_197.tif", + "label": "val/lung_cycif_197_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_206.tif", + "label": "val/lung_cycif_206_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_207.tif", + "label": "val/lung_cycif_207_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_219.tif", + "label": "val/lung_cycif_219_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_223.tif", + "label": "val/lung_cycif_223_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_224.tif", + "label": "val/lung_cycif_224_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_228.tif", + "label": "val/lung_cycif_228_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_236.tif", + "label": "val/lung_cycif_236_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_246.tif", + "label": "val/lung_cycif_246_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_248.tif", + "label": "val/lung_cycif_248_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_249.tif", + "label": "val/lung_cycif_249_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_250.tif", + "label": "val/lung_cycif_250_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_261.tif", + "label": "val/lung_cycif_261_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_272.tif", + "label": "val/lung_cycif_272_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_278.tif", + "label": "val/lung_cycif_278_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_283.tif", + "label": "val/lung_cycif_283_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_285.tif", + "label": "val/lung_cycif_285_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_290.tif", + "label": "val/lung_cycif_290_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_295.tif", + "label": "val/lung_cycif_295_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_301.tif", + "label": "val/lung_cycif_301_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_303.tif", + "label": "val/lung_cycif_303_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_305.tif", + "label": "val/lung_cycif_305_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_309.tif", + "label": "val/lung_cycif_309_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_312.tif", + "label": "val/lung_cycif_312_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_314.tif", + "label": "val/lung_cycif_314_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_322.tif", + "label": "val/lung_cycif_322_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_326.tif", + "label": "val/lung_cycif_326_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_332.tif", + "label": "val/lung_cycif_332_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_346.tif", + "label": "val/lung_cycif_346_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_348.tif", + "label": "val/lung_cycif_348_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_356.tif", + "label": "val/lung_cycif_356_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_365.tif", + "label": "val/lung_cycif_365_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_366.tif", + "label": "val/lung_cycif_366_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_8.tif", + "label": "val/lung_cycif_8_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_19.tif", + "label": "val/lung_cycif_19_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_21.tif", + "label": "val/lung_cycif_21_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_24.tif", + "label": "val/lung_cycif_24_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_28.tif", + "label": "val/lung_cycif_28_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_31.tif", + "label": "val/lung_cycif_31_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_32.tif", + "label": "val/lung_cycif_32_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_33.tif", + "label": "val/lung_cycif_33_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_34.tif", + "label": "val/lung_cycif_34_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_35.tif", + "label": "val/lung_cycif_35_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_40.tif", + "label": "val/lung_cycif_40_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_44.tif", + "label": "val/lung_cycif_44_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_45.tif", + "label": "val/lung_cycif_45_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_46.tif", + "label": "val/lung_cycif_46_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_47.tif", + "label": "val/lung_cycif_47_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_48.tif", + "label": "val/lung_cycif_48_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_53.tif", + "label": "val/lung_cycif_53_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_55.tif", + "label": "val/lung_cycif_55_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_63.tif", + "label": "val/lung_cycif_63_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_66.tif", + "label": "val/lung_cycif_66_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_69.tif", + "label": "val/lung_cycif_69_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_79.tif", + "label": "val/lung_cycif_79_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_99.tif", + "label": "val/lung_cycif_99_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_101.tif", + "label": "val/lung_cycif_101_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_108.tif", + "label": "val/lung_cycif_108_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_110.tif", + "label": "val/lung_cycif_110_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_113.tif", + "label": "val/lung_cycif_113_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_116.tif", + "label": "val/lung_cycif_116_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_128.tif", + "label": "val/lung_cycif_128_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_134.tif", + "label": "val/lung_cycif_134_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_135.tif", + "label": "val/lung_cycif_135_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_137.tif", + "label": "val/lung_cycif_137_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_142.tif", + "label": "val/lung_cycif_142_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_157.tif", + "label": "val/lung_cycif_157_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_164.tif", + "label": "val/lung_cycif_164_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_168.tif", + "label": "val/lung_cycif_168_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_175.tif", + "label": "val/lung_cycif_175_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_177.tif", + "label": "val/lung_cycif_177_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_184.tif", + "label": "val/lung_cycif_184_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_187.tif", + "label": "val/lung_cycif_187_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_199.tif", + "label": "val/lung_cycif_199_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_204.tif", + "label": "val/lung_cycif_204_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_205.tif", + "label": "val/lung_cycif_205_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_208.tif", + "label": "val/lung_cycif_208_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_211.tif", + "label": "val/lung_cycif_211_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_212.tif", + "label": "val/lung_cycif_212_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_218.tif", + "label": "val/lung_cycif_218_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_234.tif", + "label": "val/lung_cycif_234_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_238.tif", + "label": "val/lung_cycif_238_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_242.tif", + "label": "val/lung_cycif_242_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_247.tif", + "label": "val/lung_cycif_247_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_251.tif", + "label": "val/lung_cycif_251_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_258.tif", + "label": "val/lung_cycif_258_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_277.tif", + "label": "val/lung_cycif_277_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_286.tif", + "label": "val/lung_cycif_286_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_292.tif", + "label": "val/lung_cycif_292_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_293.tif", + "label": "val/lung_cycif_293_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_294.tif", + "label": "val/lung_cycif_294_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_296.tif", + "label": "val/lung_cycif_296_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_298.tif", + "label": "val/lung_cycif_298_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_299.tif", + "label": "val/lung_cycif_299_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_302.tif", + "label": "val/lung_cycif_302_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_304.tif", + "label": "val/lung_cycif_304_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_315.tif", + "label": "val/lung_cycif_315_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_320.tif", + "label": "val/lung_cycif_320_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_337.tif", + "label": "val/lung_cycif_337_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_341.tif", + "label": "val/lung_cycif_341_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_345.tif", + "label": "val/lung_cycif_345_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_347.tif", + "label": "val/lung_cycif_347_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_349.tif", + "label": "val/lung_cycif_349_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_350.tif", + "label": "val/lung_cycif_350_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_353.tif", + "label": "val/lung_cycif_353_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_359.tif", + "label": "val/lung_cycif_359_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_2.tif", + "label": "val/lung_cycif_2_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_10.tif", + "label": "val/lung_cycif_10_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_20.tif", + "label": "val/lung_cycif_20_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_36.tif", + "label": "val/lung_cycif_36_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_52.tif", + "label": "val/lung_cycif_52_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_54.tif", + "label": "val/lung_cycif_54_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_56.tif", + "label": "val/lung_cycif_56_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_57.tif", + "label": "val/lung_cycif_57_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_60.tif", + "label": "val/lung_cycif_60_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_61.tif", + "label": "val/lung_cycif_61_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_74.tif", + "label": "val/lung_cycif_74_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_75.tif", + "label": "val/lung_cycif_75_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_77.tif", + "label": "val/lung_cycif_77_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_82.tif", + "label": "val/lung_cycif_82_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_84.tif", + "label": "val/lung_cycif_84_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_94.tif", + "label": "val/lung_cycif_94_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_96.tif", + "label": "val/lung_cycif_96_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_97.tif", + "label": "val/lung_cycif_97_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_98.tif", + "label": "val/lung_cycif_98_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_103.tif", + "label": "val/lung_cycif_103_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_114.tif", + "label": "val/lung_cycif_114_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_118.tif", + "label": "val/lung_cycif_118_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_130.tif", + "label": "val/lung_cycif_130_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_140.tif", + "label": "val/lung_cycif_140_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_145.tif", + "label": "val/lung_cycif_145_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_148.tif", + "label": "val/lung_cycif_148_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_149.tif", + "label": "val/lung_cycif_149_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_151.tif", + "label": "val/lung_cycif_151_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_152.tif", + "label": "val/lung_cycif_152_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_170.tif", + "label": "val/lung_cycif_170_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_176.tif", + "label": "val/lung_cycif_176_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_181.tif", + "label": "val/lung_cycif_181_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_182.tif", + "label": "val/lung_cycif_182_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_183.tif", + "label": "val/lung_cycif_183_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_190.tif", + "label": "val/lung_cycif_190_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_193.tif", + "label": "val/lung_cycif_193_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_194.tif", + "label": "val/lung_cycif_194_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_198.tif", + "label": "val/lung_cycif_198_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_200.tif", + "label": "val/lung_cycif_200_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_202.tif", + "label": "val/lung_cycif_202_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_210.tif", + "label": "val/lung_cycif_210_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_214.tif", + "label": "val/lung_cycif_214_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_217.tif", + "label": "val/lung_cycif_217_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_220.tif", + "label": "val/lung_cycif_220_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_227.tif", + "label": "val/lung_cycif_227_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_229.tif", + "label": "val/lung_cycif_229_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_231.tif", + "label": "val/lung_cycif_231_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_233.tif", + "label": "val/lung_cycif_233_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_240.tif", + "label": "val/lung_cycif_240_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_244.tif", + "label": "val/lung_cycif_244_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_253.tif", + "label": "val/lung_cycif_253_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_259.tif", + "label": "val/lung_cycif_259_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_262.tif", + "label": "val/lung_cycif_262_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_263.tif", + "label": "val/lung_cycif_263_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_267.tif", + "label": "val/lung_cycif_267_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_268.tif", + "label": "val/lung_cycif_268_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_275.tif", + "label": "val/lung_cycif_275_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_289.tif", + "label": "val/lung_cycif_289_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_300.tif", + "label": "val/lung_cycif_300_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_310.tif", + "label": "val/lung_cycif_310_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_318.tif", + "label": "val/lung_cycif_318_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_323.tif", + "label": "val/lung_cycif_323_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_324.tif", + "label": "val/lung_cycif_324_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_325.tif", + "label": "val/lung_cycif_325_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_327.tif", + "label": "val/lung_cycif_327_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_329.tif", + "label": "val/lung_cycif_329_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_330.tif", + "label": "val/lung_cycif_330_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_333.tif", + "label": "val/lung_cycif_333_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_334.tif", + "label": "val/lung_cycif_334_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_351.tif", + "label": "val/lung_cycif_351_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_352.tif", + "label": "val/lung_cycif_352_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_361.tif", + "label": "val/lung_cycif_361_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_362.tif", + "label": "val/lung_cycif_362_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_1.tif", + "label": "val/lung_cycif_1_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_3.tif", + "label": "val/lung_cycif_3_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_7.tif", + "label": "val/lung_cycif_7_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_15.tif", + "label": "val/lung_cycif_15_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_22.tif", + "label": "val/lung_cycif_22_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_25.tif", + "label": "val/lung_cycif_25_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_26.tif", + "label": "val/lung_cycif_26_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_30.tif", + "label": "val/lung_cycif_30_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_37.tif", + "label": "val/lung_cycif_37_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_43.tif", + "label": "val/lung_cycif_43_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_49.tif", + "label": "val/lung_cycif_49_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_50.tif", + "label": "val/lung_cycif_50_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_64.tif", + "label": "val/lung_cycif_64_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_68.tif", + "label": "val/lung_cycif_68_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_71.tif", + "label": "val/lung_cycif_71_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_72.tif", + "label": "val/lung_cycif_72_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_76.tif", + "label": "val/lung_cycif_76_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_83.tif", + "label": "val/lung_cycif_83_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_86.tif", + "label": "val/lung_cycif_86_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_87.tif", + "label": "val/lung_cycif_87_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_104.tif", + "label": "val/lung_cycif_104_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_109.tif", + "label": "val/lung_cycif_109_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_115.tif", + "label": "val/lung_cycif_115_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_121.tif", + "label": "val/lung_cycif_121_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_126.tif", + "label": "val/lung_cycif_126_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_129.tif", + "label": "val/lung_cycif_129_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_133.tif", + "label": "val/lung_cycif_133_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_136.tif", + "label": "val/lung_cycif_136_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_141.tif", + "label": "val/lung_cycif_141_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_143.tif", + "label": "val/lung_cycif_143_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_144.tif", + "label": "val/lung_cycif_144_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_153.tif", + "label": "val/lung_cycif_153_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_155.tif", + "label": "val/lung_cycif_155_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_156.tif", + "label": "val/lung_cycif_156_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_166.tif", + "label": "val/lung_cycif_166_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_178.tif", + "label": "val/lung_cycif_178_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_195.tif", + "label": "val/lung_cycif_195_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_196.tif", + "label": "val/lung_cycif_196_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_203.tif", + "label": "val/lung_cycif_203_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_209.tif", + "label": "val/lung_cycif_209_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_215.tif", + "label": "val/lung_cycif_215_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_216.tif", + "label": "val/lung_cycif_216_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_226.tif", + "label": "val/lung_cycif_226_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_235.tif", + "label": "val/lung_cycif_235_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_237.tif", + "label": "val/lung_cycif_237_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_239.tif", + "label": "val/lung_cycif_239_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_241.tif", + "label": "val/lung_cycif_241_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_243.tif", + "label": "val/lung_cycif_243_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_252.tif", + "label": "val/lung_cycif_252_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_254.tif", + "label": "val/lung_cycif_254_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_255.tif", + "label": "val/lung_cycif_255_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_264.tif", + "label": "val/lung_cycif_264_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_265.tif", + "label": "val/lung_cycif_265_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_266.tif", + "label": "val/lung_cycif_266_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_276.tif", + "label": "val/lung_cycif_276_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_279.tif", + "label": "val/lung_cycif_279_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_280.tif", + "label": "val/lung_cycif_280_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_281.tif", + "label": "val/lung_cycif_281_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_282.tif", + "label": "val/lung_cycif_282_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_288.tif", + "label": "val/lung_cycif_288_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_297.tif", + "label": "val/lung_cycif_297_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_306.tif", + "label": "val/lung_cycif_306_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_308.tif", + "label": "val/lung_cycif_308_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_313.tif", + "label": "val/lung_cycif_313_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_316.tif", + "label": "val/lung_cycif_316_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_317.tif", + "label": "val/lung_cycif_317_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_319.tif", + "label": "val/lung_cycif_319_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_335.tif", + "label": "val/lung_cycif_335_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_339.tif", + "label": "val/lung_cycif_339_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_340.tif", + "label": "val/lung_cycif_340_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_344.tif", + "label": "val/lung_cycif_344_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_355.tif", + "label": "val/lung_cycif_355_masks.tif", + "fold": 0 + }, + { + "image": "val/lung_cycif_357.tif", + "label": "val/lung_cycif_357_masks.tif", + "fold": 0 + }, + { + "image": "train/lung_cycif_1_2.tif", + "label": "train/lung_cycif_1_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_2_0.tif", + "label": "train/lung_cycif_2_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_2_2.tif", + "label": "train/lung_cycif_2_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_4_3.tif", + "label": "train/lung_cycif_4_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_6_3.tif", + "label": "train/lung_cycif_6_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_8_2.tif", + "label": "train/lung_cycif_8_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_8_3.tif", + "label": "train/lung_cycif_8_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_10_1.tif", + "label": "train/lung_cycif_10_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_11_3.tif", + "label": "train/lung_cycif_11_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_12_1.tif", + "label": "train/lung_cycif_12_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_15_0.tif", + "label": "train/lung_cycif_15_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_15_2.tif", + "label": "train/lung_cycif_15_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_16_1.tif", + "label": "train/lung_cycif_16_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_18_3.tif", + "label": "train/lung_cycif_18_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_19_0.tif", + "label": "train/lung_cycif_19_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_19_2.tif", + "label": "train/lung_cycif_19_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_20_0.tif", + "label": "train/lung_cycif_20_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_20_1.tif", + "label": "train/lung_cycif_20_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_21_1.tif", + "label": "train/lung_cycif_21_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_22_2.tif", + "label": "train/lung_cycif_22_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_23_2.tif", + "label": "train/lung_cycif_23_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_24_3.tif", + "label": "train/lung_cycif_24_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_25_1.tif", + "label": "train/lung_cycif_25_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_27_0.tif", + "label": "train/lung_cycif_27_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_27_3.tif", + "label": "train/lung_cycif_27_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_29_3.tif", + "label": "train/lung_cycif_29_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_30_0.tif", + "label": "train/lung_cycif_30_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_31_2.tif", + "label": "train/lung_cycif_31_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_33_1.tif", + "label": "train/lung_cycif_33_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_33_2.tif", + "label": "train/lung_cycif_33_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_33_3.tif", + "label": "train/lung_cycif_33_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_35_2.tif", + "label": "train/lung_cycif_35_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_37_0.tif", + "label": "train/lung_cycif_37_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_38_2.tif", + "label": "train/lung_cycif_38_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_39_0.tif", + "label": "train/lung_cycif_39_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_39_3.tif", + "label": "train/lung_cycif_39_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_45_1.tif", + "label": "train/lung_cycif_45_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_46_2.tif", + "label": "train/lung_cycif_46_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_47_1.tif", + "label": "train/lung_cycif_47_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_47_2.tif", + "label": "train/lung_cycif_47_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_48_2.tif", + "label": "train/lung_cycif_48_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_48_3.tif", + "label": "train/lung_cycif_48_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_50_0.tif", + "label": "train/lung_cycif_50_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_50_1.tif", + "label": "train/lung_cycif_50_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_50_2.tif", + "label": "train/lung_cycif_50_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_51_0.tif", + "label": "train/lung_cycif_51_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_51_1.tif", + "label": "train/lung_cycif_51_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_52_3.tif", + "label": "train/lung_cycif_52_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_54_0.tif", + "label": "train/lung_cycif_54_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_55_0.tif", + "label": "train/lung_cycif_55_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_57_0.tif", + "label": "train/lung_cycif_57_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_59_0.tif", + "label": "train/lung_cycif_59_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_59_3.tif", + "label": "train/lung_cycif_59_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_61_0.tif", + "label": "train/lung_cycif_61_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_62_0.tif", + "label": "train/lung_cycif_62_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_63_3.tif", + "label": "train/lung_cycif_63_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_64_2.tif", + "label": "train/lung_cycif_64_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_64_3.tif", + "label": "train/lung_cycif_64_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_65_2.tif", + "label": "train/lung_cycif_65_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_66_3.tif", + "label": "train/lung_cycif_66_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_68_2.tif", + "label": "train/lung_cycif_68_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_70_0.tif", + "label": "train/lung_cycif_70_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_70_3.tif", + "label": "train/lung_cycif_70_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_72_0.tif", + "label": "train/lung_cycif_72_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_74_2.tif", + "label": "train/lung_cycif_74_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_75_1.tif", + "label": "train/lung_cycif_75_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_76_0.tif", + "label": "train/lung_cycif_76_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_77_1.tif", + "label": "train/lung_cycif_77_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_77_3.tif", + "label": "train/lung_cycif_77_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_78_2.tif", + "label": "train/lung_cycif_78_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_80_0.tif", + "label": "train/lung_cycif_80_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_80_1.tif", + "label": "train/lung_cycif_80_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_80_2.tif", + "label": "train/lung_cycif_80_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_81_1.tif", + "label": "train/lung_cycif_81_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_83_3.tif", + "label": "train/lung_cycif_83_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_84_0.tif", + "label": "train/lung_cycif_84_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_85_0.tif", + "label": "train/lung_cycif_85_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_86_1.tif", + "label": "train/lung_cycif_86_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_86_3.tif", + "label": "train/lung_cycif_86_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_87_0.tif", + "label": "train/lung_cycif_87_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_87_1.tif", + "label": "train/lung_cycif_87_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_87_2.tif", + "label": "train/lung_cycif_87_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_91_3.tif", + "label": "train/lung_cycif_91_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_92_2.tif", + "label": "train/lung_cycif_92_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_93_0.tif", + "label": "train/lung_cycif_93_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_96_2.tif", + "label": "train/lung_cycif_96_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_97_0.tif", + "label": "train/lung_cycif_97_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_98_1.tif", + "label": "train/lung_cycif_98_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_100_1.tif", + "label": "train/lung_cycif_100_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_102_0.tif", + "label": "train/lung_cycif_102_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_103_2.tif", + "label": "train/lung_cycif_103_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_104_2.tif", + "label": "train/lung_cycif_104_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_105_2.tif", + "label": "train/lung_cycif_105_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_106_0.tif", + "label": "train/lung_cycif_106_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_107_0.tif", + "label": "train/lung_cycif_107_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_114_1.tif", + "label": "train/lung_cycif_114_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_118_0.tif", + "label": "train/lung_cycif_118_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_118_1.tif", + "label": "train/lung_cycif_118_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_120_1.tif", + "label": "train/lung_cycif_120_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_121_2.tif", + "label": "train/lung_cycif_121_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_122_3.tif", + "label": "train/lung_cycif_122_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_123_3.tif", + "label": "train/lung_cycif_123_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_126_3.tif", + "label": "train/lung_cycif_126_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_127_1.tif", + "label": "train/lung_cycif_127_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_128_0.tif", + "label": "train/lung_cycif_128_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_130_0.tif", + "label": "train/lung_cycif_130_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_130_1.tif", + "label": "train/lung_cycif_130_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_132_0.tif", + "label": "train/lung_cycif_132_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_132_1.tif", + "label": "train/lung_cycif_132_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_134_0.tif", + "label": "train/lung_cycif_134_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_135_1.tif", + "label": "train/lung_cycif_135_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_136_2.tif", + "label": "train/lung_cycif_136_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_136_3.tif", + "label": "train/lung_cycif_136_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_137_0.tif", + "label": "train/lung_cycif_137_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_138_2.tif", + "label": "train/lung_cycif_138_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_138_3.tif", + "label": "train/lung_cycif_138_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_140_0.tif", + "label": "train/lung_cycif_140_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_140_1.tif", + "label": "train/lung_cycif_140_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_142_0.tif", + "label": "train/lung_cycif_142_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_142_3.tif", + "label": "train/lung_cycif_142_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_143_0.tif", + "label": "train/lung_cycif_143_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_143_1.tif", + "label": "train/lung_cycif_143_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_144_1.tif", + "label": "train/lung_cycif_144_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_144_3.tif", + "label": "train/lung_cycif_144_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_145_1.tif", + "label": "train/lung_cycif_145_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_145_2.tif", + "label": "train/lung_cycif_145_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_146_0.tif", + "label": "train/lung_cycif_146_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_146_3.tif", + "label": "train/lung_cycif_146_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_149_3.tif", + "label": "train/lung_cycif_149_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_154_0.tif", + "label": "train/lung_cycif_154_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_157_0.tif", + "label": "train/lung_cycif_157_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_157_3.tif", + "label": "train/lung_cycif_157_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_160_1.tif", + "label": "train/lung_cycif_160_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_161_3.tif", + "label": "train/lung_cycif_161_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_163_3.tif", + "label": "train/lung_cycif_163_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_165_0.tif", + "label": "train/lung_cycif_165_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_168_0.tif", + "label": "train/lung_cycif_168_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_168_3.tif", + "label": "train/lung_cycif_168_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_170_0.tif", + "label": "train/lung_cycif_170_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_171_1.tif", + "label": "train/lung_cycif_171_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_171_2.tif", + "label": "train/lung_cycif_171_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_177_2.tif", + "label": "train/lung_cycif_177_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_185_1.tif", + "label": "train/lung_cycif_185_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_187_0.tif", + "label": "train/lung_cycif_187_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_189_3.tif", + "label": "train/lung_cycif_189_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_191_3.tif", + "label": "train/lung_cycif_191_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_192_0.tif", + "label": "train/lung_cycif_192_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_192_3.tif", + "label": "train/lung_cycif_192_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_193_0.tif", + "label": "train/lung_cycif_193_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_193_2.tif", + "label": "train/lung_cycif_193_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_193_3.tif", + "label": "train/lung_cycif_193_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_194_0.tif", + "label": "train/lung_cycif_194_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_195_0.tif", + "label": "train/lung_cycif_195_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_195_3.tif", + "label": "train/lung_cycif_195_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_196_1.tif", + "label": "train/lung_cycif_196_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_196_2.tif", + "label": "train/lung_cycif_196_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_197_2.tif", + "label": "train/lung_cycif_197_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_199_1.tif", + "label": "train/lung_cycif_199_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_199_2.tif", + "label": "train/lung_cycif_199_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_201_1.tif", + "label": "train/lung_cycif_201_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_201_3.tif", + "label": "train/lung_cycif_201_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_202_0.tif", + "label": "train/lung_cycif_202_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_204_2.tif", + "label": "train/lung_cycif_204_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_205_3.tif", + "label": "train/lung_cycif_205_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_206_0.tif", + "label": "train/lung_cycif_206_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_207_3.tif", + "label": "train/lung_cycif_207_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_208_1.tif", + "label": "train/lung_cycif_208_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_208_3.tif", + "label": "train/lung_cycif_208_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_210_1.tif", + "label": "train/lung_cycif_210_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_214_3.tif", + "label": "train/lung_cycif_214_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_215_0.tif", + "label": "train/lung_cycif_215_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_215_2.tif", + "label": "train/lung_cycif_215_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_216_2.tif", + "label": "train/lung_cycif_216_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_218_1.tif", + "label": "train/lung_cycif_218_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_220_0.tif", + "label": "train/lung_cycif_220_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_221_1.tif", + "label": "train/lung_cycif_221_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_223_1.tif", + "label": "train/lung_cycif_223_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_223_3.tif", + "label": "train/lung_cycif_223_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_224_2.tif", + "label": "train/lung_cycif_224_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_227_1.tif", + "label": "train/lung_cycif_227_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_228_0.tif", + "label": "train/lung_cycif_228_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_228_1.tif", + "label": "train/lung_cycif_228_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_234_0.tif", + "label": "train/lung_cycif_234_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_235_3.tif", + "label": "train/lung_cycif_235_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_236_0.tif", + "label": "train/lung_cycif_236_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_236_1.tif", + "label": "train/lung_cycif_236_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_236_2.tif", + "label": "train/lung_cycif_236_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_238_0.tif", + "label": "train/lung_cycif_238_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_238_1.tif", + "label": "train/lung_cycif_238_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_241_1.tif", + "label": "train/lung_cycif_241_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_243_0.tif", + "label": "train/lung_cycif_243_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_244_0.tif", + "label": "train/lung_cycif_244_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_244_2.tif", + "label": "train/lung_cycif_244_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_246_3.tif", + "label": "train/lung_cycif_246_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_247_1.tif", + "label": "train/lung_cycif_247_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_248_0.tif", + "label": "train/lung_cycif_248_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_248_1.tif", + "label": "train/lung_cycif_248_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_248_2.tif", + "label": "train/lung_cycif_248_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_248_3.tif", + "label": "train/lung_cycif_248_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_250_0.tif", + "label": "train/lung_cycif_250_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_250_3.tif", + "label": "train/lung_cycif_250_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_251_2.tif", + "label": "train/lung_cycif_251_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_252_0.tif", + "label": "train/lung_cycif_252_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_252_2.tif", + "label": "train/lung_cycif_252_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_254_0.tif", + "label": "train/lung_cycif_254_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_254_2.tif", + "label": "train/lung_cycif_254_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_255_0.tif", + "label": "train/lung_cycif_255_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_256_0.tif", + "label": "train/lung_cycif_256_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_256_1.tif", + "label": "train/lung_cycif_256_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_256_3.tif", + "label": "train/lung_cycif_256_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_257_2.tif", + "label": "train/lung_cycif_257_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_258_1.tif", + "label": "train/lung_cycif_258_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_260_0.tif", + "label": "train/lung_cycif_260_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_263_3.tif", + "label": "train/lung_cycif_263_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_265_3.tif", + "label": "train/lung_cycif_265_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_269_1.tif", + "label": "train/lung_cycif_269_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_271_0.tif", + "label": "train/lung_cycif_271_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_272_2.tif", + "label": "train/lung_cycif_272_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_275_3.tif", + "label": "train/lung_cycif_275_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_276_0.tif", + "label": "train/lung_cycif_276_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_276_2.tif", + "label": "train/lung_cycif_276_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_279_0.tif", + "label": "train/lung_cycif_279_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_279_2.tif", + "label": "train/lung_cycif_279_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_279_3.tif", + "label": "train/lung_cycif_279_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_281_2.tif", + "label": "train/lung_cycif_281_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_282_1.tif", + "label": "train/lung_cycif_282_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_282_2.tif", + "label": "train/lung_cycif_282_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_283_2.tif", + "label": "train/lung_cycif_283_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_285_2.tif", + "label": "train/lung_cycif_285_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_286_1.tif", + "label": "train/lung_cycif_286_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_287_0.tif", + "label": "train/lung_cycif_287_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_288_0.tif", + "label": "train/lung_cycif_288_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_288_3.tif", + "label": "train/lung_cycif_288_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_289_3.tif", + "label": "train/lung_cycif_289_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_291_0.tif", + "label": "train/lung_cycif_291_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_mibi_0_0.tif", + "label": "train/lung_mibi_0_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_0_2.tif", + "label": "train/lung_cycif_0_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_0_3.tif", + "label": "train/lung_cycif_0_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_1_1.tif", + "label": "train/lung_cycif_1_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_2_3.tif", + "label": "train/lung_cycif_2_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_3_0.tif", + "label": "train/lung_cycif_3_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_3_1.tif", + "label": "train/lung_cycif_3_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_4_1.tif", + "label": "train/lung_cycif_4_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_8_0.tif", + "label": "train/lung_cycif_8_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_12_2.tif", + "label": "train/lung_cycif_12_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_13_2.tif", + "label": "train/lung_cycif_13_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_14_0.tif", + "label": "train/lung_cycif_14_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_14_2.tif", + "label": "train/lung_cycif_14_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_14_3.tif", + "label": "train/lung_cycif_14_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_18_0.tif", + "label": "train/lung_cycif_18_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_18_1.tif", + "label": "train/lung_cycif_18_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_21_0.tif", + "label": "train/lung_cycif_21_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_22_0.tif", + "label": "train/lung_cycif_22_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_22_3.tif", + "label": "train/lung_cycif_22_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_26_0.tif", + "label": "train/lung_cycif_26_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_26_3.tif", + "label": "train/lung_cycif_26_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_29_1.tif", + "label": "train/lung_cycif_29_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_30_1.tif", + "label": "train/lung_cycif_30_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_31_1.tif", + "label": "train/lung_cycif_31_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_34_1.tif", + "label": "train/lung_cycif_34_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_34_3.tif", + "label": "train/lung_cycif_34_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_37_3.tif", + "label": "train/lung_cycif_37_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_40_0.tif", + "label": "train/lung_cycif_40_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_41_1.tif", + "label": "train/lung_cycif_41_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_42_1.tif", + "label": "train/lung_cycif_42_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_43_0.tif", + "label": "train/lung_cycif_43_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_43_3.tif", + "label": "train/lung_cycif_43_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_44_1.tif", + "label": "train/lung_cycif_44_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_45_0.tif", + "label": "train/lung_cycif_45_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_46_3.tif", + "label": "train/lung_cycif_46_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_47_3.tif", + "label": "train/lung_cycif_47_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_51_3.tif", + "label": "train/lung_cycif_51_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_53_3.tif", + "label": "train/lung_cycif_53_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_55_3.tif", + "label": "train/lung_cycif_55_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_56_2.tif", + "label": "train/lung_cycif_56_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_58_1.tif", + "label": "train/lung_cycif_58_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_59_2.tif", + "label": "train/lung_cycif_59_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_60_1.tif", + "label": "train/lung_cycif_60_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_60_2.tif", + "label": "train/lung_cycif_60_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_62_2.tif", + "label": "train/lung_cycif_62_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_64_1.tif", + "label": "train/lung_cycif_64_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_66_0.tif", + "label": "train/lung_cycif_66_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_67_0.tif", + "label": "train/lung_cycif_67_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_70_1.tif", + "label": "train/lung_cycif_70_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_70_2.tif", + "label": "train/lung_cycif_70_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_74_3.tif", + "label": "train/lung_cycif_74_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_75_3.tif", + "label": "train/lung_cycif_75_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_76_2.tif", + "label": "train/lung_cycif_76_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_77_2.tif", + "label": "train/lung_cycif_77_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_80_3.tif", + "label": "train/lung_cycif_80_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_82_1.tif", + "label": "train/lung_cycif_82_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_82_2.tif", + "label": "train/lung_cycif_82_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_82_3.tif", + "label": "train/lung_cycif_82_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_85_1.tif", + "label": "train/lung_cycif_85_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_88_2.tif", + "label": "train/lung_cycif_88_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_88_3.tif", + "label": "train/lung_cycif_88_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_90_3.tif", + "label": "train/lung_cycif_90_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_92_0.tif", + "label": "train/lung_cycif_92_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_93_2.tif", + "label": "train/lung_cycif_93_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_95_2.tif", + "label": "train/lung_cycif_95_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_95_3.tif", + "label": "train/lung_cycif_95_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_96_1.tif", + "label": "train/lung_cycif_96_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_97_2.tif", + "label": "train/lung_cycif_97_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_98_3.tif", + "label": "train/lung_cycif_98_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_100_3.tif", + "label": "train/lung_cycif_100_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_101_0.tif", + "label": "train/lung_cycif_101_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_104_3.tif", + "label": "train/lung_cycif_104_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_106_2.tif", + "label": "train/lung_cycif_106_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_107_2.tif", + "label": "train/lung_cycif_107_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_108_0.tif", + "label": "train/lung_cycif_108_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_108_1.tif", + "label": "train/lung_cycif_108_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_108_3.tif", + "label": "train/lung_cycif_108_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_109_1.tif", + "label": "train/lung_cycif_109_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_109_3.tif", + "label": "train/lung_cycif_109_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_110_3.tif", + "label": "train/lung_cycif_110_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_111_2.tif", + "label": "train/lung_cycif_111_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_113_0.tif", + "label": "train/lung_cycif_113_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_113_1.tif", + "label": "train/lung_cycif_113_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_113_3.tif", + "label": "train/lung_cycif_113_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_114_3.tif", + "label": "train/lung_cycif_114_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_115_3.tif", + "label": "train/lung_cycif_115_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_116_0.tif", + "label": "train/lung_cycif_116_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_117_3.tif", + "label": "train/lung_cycif_117_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_118_2.tif", + "label": "train/lung_cycif_118_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_119_2.tif", + "label": "train/lung_cycif_119_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_119_3.tif", + "label": "train/lung_cycif_119_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_120_0.tif", + "label": "train/lung_cycif_120_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_120_2.tif", + "label": "train/lung_cycif_120_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_120_3.tif", + "label": "train/lung_cycif_120_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_121_0.tif", + "label": "train/lung_cycif_121_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_121_3.tif", + "label": "train/lung_cycif_121_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_123_0.tif", + "label": "train/lung_cycif_123_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_123_1.tif", + "label": "train/lung_cycif_123_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_123_2.tif", + "label": "train/lung_cycif_123_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_124_0.tif", + "label": "train/lung_cycif_124_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_131_3.tif", + "label": "train/lung_cycif_131_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_132_2.tif", + "label": "train/lung_cycif_132_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_132_3.tif", + "label": "train/lung_cycif_132_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_133_3.tif", + "label": "train/lung_cycif_133_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_134_1.tif", + "label": "train/lung_cycif_134_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_134_2.tif", + "label": "train/lung_cycif_134_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_137_2.tif", + "label": "train/lung_cycif_137_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_138_1.tif", + "label": "train/lung_cycif_138_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_139_3.tif", + "label": "train/lung_cycif_139_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_144_0.tif", + "label": "train/lung_cycif_144_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_144_2.tif", + "label": "train/lung_cycif_144_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_147_1.tif", + "label": "train/lung_cycif_147_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_148_1.tif", + "label": "train/lung_cycif_148_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_148_2.tif", + "label": "train/lung_cycif_148_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_149_0.tif", + "label": "train/lung_cycif_149_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_149_1.tif", + "label": "train/lung_cycif_149_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_150_2.tif", + "label": "train/lung_cycif_150_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_151_0.tif", + "label": "train/lung_cycif_151_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_151_3.tif", + "label": "train/lung_cycif_151_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_153_0.tif", + "label": "train/lung_cycif_153_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_153_1.tif", + "label": "train/lung_cycif_153_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_154_3.tif", + "label": "train/lung_cycif_154_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_155_0.tif", + "label": "train/lung_cycif_155_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_155_3.tif", + "label": "train/lung_cycif_155_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_159_2.tif", + "label": "train/lung_cycif_159_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_159_3.tif", + "label": "train/lung_cycif_159_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_160_0.tif", + "label": "train/lung_cycif_160_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_161_0.tif", + "label": "train/lung_cycif_161_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_161_2.tif", + "label": "train/lung_cycif_161_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_162_1.tif", + "label": "train/lung_cycif_162_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_162_2.tif", + "label": "train/lung_cycif_162_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_162_3.tif", + "label": "train/lung_cycif_162_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_165_1.tif", + "label": "train/lung_cycif_165_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_165_3.tif", + "label": "train/lung_cycif_165_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_166_0.tif", + "label": "train/lung_cycif_166_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_168_2.tif", + "label": "train/lung_cycif_168_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_169_2.tif", + "label": "train/lung_cycif_169_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_170_3.tif", + "label": "train/lung_cycif_170_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_173_0.tif", + "label": "train/lung_cycif_173_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_173_1.tif", + "label": "train/lung_cycif_173_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_173_2.tif", + "label": "train/lung_cycif_173_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_174_1.tif", + "label": "train/lung_cycif_174_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_174_3.tif", + "label": "train/lung_cycif_174_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_175_0.tif", + "label": "train/lung_cycif_175_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_175_1.tif", + "label": "train/lung_cycif_175_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_175_2.tif", + "label": "train/lung_cycif_175_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_182_2.tif", + "label": "train/lung_cycif_182_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_182_3.tif", + "label": "train/lung_cycif_182_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_183_3.tif", + "label": "train/lung_cycif_183_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_184_0.tif", + "label": "train/lung_cycif_184_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_186_0.tif", + "label": "train/lung_cycif_186_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_186_1.tif", + "label": "train/lung_cycif_186_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_186_2.tif", + "label": "train/lung_cycif_186_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_186_3.tif", + "label": "train/lung_cycif_186_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_190_1.tif", + "label": "train/lung_cycif_190_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_191_0.tif", + "label": "train/lung_cycif_191_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_194_2.tif", + "label": "train/lung_cycif_194_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_195_2.tif", + "label": "train/lung_cycif_195_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_199_3.tif", + "label": "train/lung_cycif_199_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_200_1.tif", + "label": "train/lung_cycif_200_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_202_1.tif", + "label": "train/lung_cycif_202_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_203_0.tif", + "label": "train/lung_cycif_203_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_203_1.tif", + "label": "train/lung_cycif_203_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_203_2.tif", + "label": "train/lung_cycif_203_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_203_3.tif", + "label": "train/lung_cycif_203_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_204_3.tif", + "label": "train/lung_cycif_204_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_206_2.tif", + "label": "train/lung_cycif_206_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_206_3.tif", + "label": "train/lung_cycif_206_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_207_0.tif", + "label": "train/lung_cycif_207_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_207_2.tif", + "label": "train/lung_cycif_207_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_208_2.tif", + "label": "train/lung_cycif_208_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_209_2.tif", + "label": "train/lung_cycif_209_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_210_0.tif", + "label": "train/lung_cycif_210_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_212_0.tif", + "label": "train/lung_cycif_212_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_213_2.tif", + "label": "train/lung_cycif_213_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_214_2.tif", + "label": "train/lung_cycif_214_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_215_3.tif", + "label": "train/lung_cycif_215_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_218_3.tif", + "label": "train/lung_cycif_218_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_219_0.tif", + "label": "train/lung_cycif_219_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_219_1.tif", + "label": "train/lung_cycif_219_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_221_2.tif", + "label": "train/lung_cycif_221_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_221_3.tif", + "label": "train/lung_cycif_221_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_223_2.tif", + "label": "train/lung_cycif_223_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_225_0.tif", + "label": "train/lung_cycif_225_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_225_2.tif", + "label": "train/lung_cycif_225_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_226_2.tif", + "label": "train/lung_cycif_226_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_229_0.tif", + "label": "train/lung_cycif_229_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_229_3.tif", + "label": "train/lung_cycif_229_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_230_3.tif", + "label": "train/lung_cycif_230_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_231_2.tif", + "label": "train/lung_cycif_231_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_231_3.tif", + "label": "train/lung_cycif_231_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_232_1.tif", + "label": "train/lung_cycif_232_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_233_2.tif", + "label": "train/lung_cycif_233_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_233_3.tif", + "label": "train/lung_cycif_233_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_235_1.tif", + "label": "train/lung_cycif_235_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_236_3.tif", + "label": "train/lung_cycif_236_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_237_2.tif", + "label": "train/lung_cycif_237_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_237_3.tif", + "label": "train/lung_cycif_237_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_238_3.tif", + "label": "train/lung_cycif_238_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_239_0.tif", + "label": "train/lung_cycif_239_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_239_1.tif", + "label": "train/lung_cycif_239_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_240_1.tif", + "label": "train/lung_cycif_240_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_241_3.tif", + "label": "train/lung_cycif_241_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_244_3.tif", + "label": "train/lung_cycif_244_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_246_0.tif", + "label": "train/lung_cycif_246_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_247_0.tif", + "label": "train/lung_cycif_247_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_251_3.tif", + "label": "train/lung_cycif_251_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_252_3.tif", + "label": "train/lung_cycif_252_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_253_2.tif", + "label": "train/lung_cycif_253_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_253_3.tif", + "label": "train/lung_cycif_253_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_256_2.tif", + "label": "train/lung_cycif_256_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_258_3.tif", + "label": "train/lung_cycif_258_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_260_2.tif", + "label": "train/lung_cycif_260_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_261_0.tif", + "label": "train/lung_cycif_261_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_263_2.tif", + "label": "train/lung_cycif_263_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_266_2.tif", + "label": "train/lung_cycif_266_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_268_0.tif", + "label": "train/lung_cycif_268_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_268_3.tif", + "label": "train/lung_cycif_268_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_269_2.tif", + "label": "train/lung_cycif_269_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_274_1.tif", + "label": "train/lung_cycif_274_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_275_2.tif", + "label": "train/lung_cycif_275_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_280_0.tif", + "label": "train/lung_cycif_280_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_280_1.tif", + "label": "train/lung_cycif_280_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_281_1.tif", + "label": "train/lung_cycif_281_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_281_3.tif", + "label": "train/lung_cycif_281_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_282_0.tif", + "label": "train/lung_cycif_282_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_282_3.tif", + "label": "train/lung_cycif_282_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_284_1.tif", + "label": "train/lung_cycif_284_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_287_2.tif", + "label": "train/lung_cycif_287_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_287_3.tif", + "label": "train/lung_cycif_287_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_288_1.tif", + "label": "train/lung_cycif_288_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_290_2.tif", + "label": "train/lung_cycif_290_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_291_1.tif", + "label": "train/lung_cycif_291_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_292_3.tif", + "label": "train/lung_cycif_292_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_293_1.tif", + "label": "train/lung_cycif_293_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_293_2.tif", + "label": "train/lung_cycif_293_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_mibi_0_1.tif", + "label": "train/lung_mibi_0_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_0_0.tif", + "label": "train/lung_cycif_0_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_1_3.tif", + "label": "train/lung_cycif_1_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_2_1.tif", + "label": "train/lung_cycif_2_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_3_2.tif", + "label": "train/lung_cycif_3_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_4_0.tif", + "label": "train/lung_cycif_4_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_5_2.tif", + "label": "train/lung_cycif_5_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_5_3.tif", + "label": "train/lung_cycif_5_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_6_2.tif", + "label": "train/lung_cycif_6_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_7_1.tif", + "label": "train/lung_cycif_7_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_7_2.tif", + "label": "train/lung_cycif_7_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_7_3.tif", + "label": "train/lung_cycif_7_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_8_1.tif", + "label": "train/lung_cycif_8_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_9_3.tif", + "label": "train/lung_cycif_9_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_10_0.tif", + "label": "train/lung_cycif_10_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_11_1.tif", + "label": "train/lung_cycif_11_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_11_2.tif", + "label": "train/lung_cycif_11_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_13_0.tif", + "label": "train/lung_cycif_13_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_14_1.tif", + "label": "train/lung_cycif_14_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_15_1.tif", + "label": "train/lung_cycif_15_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_16_2.tif", + "label": "train/lung_cycif_16_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_17_0.tif", + "label": "train/lung_cycif_17_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_17_1.tif", + "label": "train/lung_cycif_17_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_17_3.tif", + "label": "train/lung_cycif_17_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_18_2.tif", + "label": "train/lung_cycif_18_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_20_2.tif", + "label": "train/lung_cycif_20_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_22_1.tif", + "label": "train/lung_cycif_22_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_23_0.tif", + "label": "train/lung_cycif_23_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_23_3.tif", + "label": "train/lung_cycif_23_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_25_2.tif", + "label": "train/lung_cycif_25_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_25_3.tif", + "label": "train/lung_cycif_25_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_26_2.tif", + "label": "train/lung_cycif_26_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_27_2.tif", + "label": "train/lung_cycif_27_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_28_1.tif", + "label": "train/lung_cycif_28_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_28_2.tif", + "label": "train/lung_cycif_28_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_29_0.tif", + "label": "train/lung_cycif_29_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_29_2.tif", + "label": "train/lung_cycif_29_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_33_0.tif", + "label": "train/lung_cycif_33_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_36_2.tif", + "label": "train/lung_cycif_36_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_36_3.tif", + "label": "train/lung_cycif_36_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_39_1.tif", + "label": "train/lung_cycif_39_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_40_1.tif", + "label": "train/lung_cycif_40_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_43_1.tif", + "label": "train/lung_cycif_43_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_44_2.tif", + "label": "train/lung_cycif_44_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_44_3.tif", + "label": "train/lung_cycif_44_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_46_0.tif", + "label": "train/lung_cycif_46_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_46_1.tif", + "label": "train/lung_cycif_46_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_48_0.tif", + "label": "train/lung_cycif_48_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_48_1.tif", + "label": "train/lung_cycif_48_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_49_1.tif", + "label": "train/lung_cycif_49_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_49_2.tif", + "label": "train/lung_cycif_49_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_53_2.tif", + "label": "train/lung_cycif_53_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_54_2.tif", + "label": "train/lung_cycif_54_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_55_1.tif", + "label": "train/lung_cycif_55_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_56_0.tif", + "label": "train/lung_cycif_56_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_56_3.tif", + "label": "train/lung_cycif_56_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_61_1.tif", + "label": "train/lung_cycif_61_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_61_2.tif", + "label": "train/lung_cycif_61_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_61_3.tif", + "label": "train/lung_cycif_61_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_63_2.tif", + "label": "train/lung_cycif_63_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_65_1.tif", + "label": "train/lung_cycif_65_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_66_1.tif", + "label": "train/lung_cycif_66_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_68_1.tif", + "label": "train/lung_cycif_68_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_69_0.tif", + "label": "train/lung_cycif_69_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_69_1.tif", + "label": "train/lung_cycif_69_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_71_0.tif", + "label": "train/lung_cycif_71_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_71_1.tif", + "label": "train/lung_cycif_71_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_71_2.tif", + "label": "train/lung_cycif_71_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_72_1.tif", + "label": "train/lung_cycif_72_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_72_3.tif", + "label": "train/lung_cycif_72_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_73_1.tif", + "label": "train/lung_cycif_73_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_73_2.tif", + "label": "train/lung_cycif_73_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_74_0.tif", + "label": "train/lung_cycif_74_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_74_1.tif", + "label": "train/lung_cycif_74_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_76_1.tif", + "label": "train/lung_cycif_76_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_76_3.tif", + "label": "train/lung_cycif_76_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_79_2.tif", + "label": "train/lung_cycif_79_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_83_2.tif", + "label": "train/lung_cycif_83_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_84_3.tif", + "label": "train/lung_cycif_84_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_86_0.tif", + "label": "train/lung_cycif_86_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_86_2.tif", + "label": "train/lung_cycif_86_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_88_1.tif", + "label": "train/lung_cycif_88_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_89_2.tif", + "label": "train/lung_cycif_89_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_89_3.tif", + "label": "train/lung_cycif_89_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_90_1.tif", + "label": "train/lung_cycif_90_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_91_0.tif", + "label": "train/lung_cycif_91_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_91_2.tif", + "label": "train/lung_cycif_91_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_92_3.tif", + "label": "train/lung_cycif_92_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_93_3.tif", + "label": "train/lung_cycif_93_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_95_1.tif", + "label": "train/lung_cycif_95_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_96_3.tif", + "label": "train/lung_cycif_96_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_97_1.tif", + "label": "train/lung_cycif_97_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_98_0.tif", + "label": "train/lung_cycif_98_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_98_2.tif", + "label": "train/lung_cycif_98_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_100_2.tif", + "label": "train/lung_cycif_100_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_102_3.tif", + "label": "train/lung_cycif_102_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_103_0.tif", + "label": "train/lung_cycif_103_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_103_3.tif", + "label": "train/lung_cycif_103_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_105_1.tif", + "label": "train/lung_cycif_105_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_107_1.tif", + "label": "train/lung_cycif_107_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_108_2.tif", + "label": "train/lung_cycif_108_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_109_0.tif", + "label": "train/lung_cycif_109_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_111_3.tif", + "label": "train/lung_cycif_111_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_112_0.tif", + "label": "train/lung_cycif_112_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_112_1.tif", + "label": "train/lung_cycif_112_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_115_2.tif", + "label": "train/lung_cycif_115_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_116_2.tif", + "label": "train/lung_cycif_116_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_116_3.tif", + "label": "train/lung_cycif_116_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_125_2.tif", + "label": "train/lung_cycif_125_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_126_0.tif", + "label": "train/lung_cycif_126_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_127_2.tif", + "label": "train/lung_cycif_127_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_129_0.tif", + "label": "train/lung_cycif_129_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_129_1.tif", + "label": "train/lung_cycif_129_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_130_3.tif", + "label": "train/lung_cycif_130_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_131_1.tif", + "label": "train/lung_cycif_131_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_133_2.tif", + "label": "train/lung_cycif_133_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_135_3.tif", + "label": "train/lung_cycif_135_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_138_0.tif", + "label": "train/lung_cycif_138_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_139_1.tif", + "label": "train/lung_cycif_139_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_140_3.tif", + "label": "train/lung_cycif_140_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_141_3.tif", + "label": "train/lung_cycif_141_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_143_2.tif", + "label": "train/lung_cycif_143_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_147_0.tif", + "label": "train/lung_cycif_147_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_148_0.tif", + "label": "train/lung_cycif_148_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_150_0.tif", + "label": "train/lung_cycif_150_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_151_1.tif", + "label": "train/lung_cycif_151_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_156_1.tif", + "label": "train/lung_cycif_156_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_157_1.tif", + "label": "train/lung_cycif_157_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_158_0.tif", + "label": "train/lung_cycif_158_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_158_3.tif", + "label": "train/lung_cycif_158_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_159_0.tif", + "label": "train/lung_cycif_159_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_163_1.tif", + "label": "train/lung_cycif_163_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_164_2.tif", + "label": "train/lung_cycif_164_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_164_3.tif", + "label": "train/lung_cycif_164_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_167_3.tif", + "label": "train/lung_cycif_167_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_168_1.tif", + "label": "train/lung_cycif_168_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_169_1.tif", + "label": "train/lung_cycif_169_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_169_3.tif", + "label": "train/lung_cycif_169_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_171_0.tif", + "label": "train/lung_cycif_171_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_172_3.tif", + "label": "train/lung_cycif_172_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_176_1.tif", + "label": "train/lung_cycif_176_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_176_3.tif", + "label": "train/lung_cycif_176_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_177_0.tif", + "label": "train/lung_cycif_177_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_177_1.tif", + "label": "train/lung_cycif_177_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_177_3.tif", + "label": "train/lung_cycif_177_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_178_1.tif", + "label": "train/lung_cycif_178_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_179_3.tif", + "label": "train/lung_cycif_179_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_180_0.tif", + "label": "train/lung_cycif_180_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_181_1.tif", + "label": "train/lung_cycif_181_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_181_2.tif", + "label": "train/lung_cycif_181_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_182_1.tif", + "label": "train/lung_cycif_182_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_184_1.tif", + "label": "train/lung_cycif_184_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_185_2.tif", + "label": "train/lung_cycif_185_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_188_0.tif", + "label": "train/lung_cycif_188_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_188_2.tif", + "label": "train/lung_cycif_188_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_189_1.tif", + "label": "train/lung_cycif_189_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_190_3.tif", + "label": "train/lung_cycif_190_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_191_1.tif", + "label": "train/lung_cycif_191_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_191_2.tif", + "label": "train/lung_cycif_191_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_193_1.tif", + "label": "train/lung_cycif_193_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_197_1.tif", + "label": "train/lung_cycif_197_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_197_3.tif", + "label": "train/lung_cycif_197_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_198_1.tif", + "label": "train/lung_cycif_198_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_200_2.tif", + "label": "train/lung_cycif_200_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_201_0.tif", + "label": "train/lung_cycif_201_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_204_1.tif", + "label": "train/lung_cycif_204_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_206_1.tif", + "label": "train/lung_cycif_206_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_209_0.tif", + "label": "train/lung_cycif_209_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_210_2.tif", + "label": "train/lung_cycif_210_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_212_3.tif", + "label": "train/lung_cycif_212_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_213_1.tif", + "label": "train/lung_cycif_213_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_213_3.tif", + "label": "train/lung_cycif_213_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_214_1.tif", + "label": "train/lung_cycif_214_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_215_1.tif", + "label": "train/lung_cycif_215_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_217_0.tif", + "label": "train/lung_cycif_217_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_218_2.tif", + "label": "train/lung_cycif_218_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_222_0.tif", + "label": "train/lung_cycif_222_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_222_2.tif", + "label": "train/lung_cycif_222_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_222_3.tif", + "label": "train/lung_cycif_222_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_223_0.tif", + "label": "train/lung_cycif_223_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_225_3.tif", + "label": "train/lung_cycif_225_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_226_0.tif", + "label": "train/lung_cycif_226_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_229_1.tif", + "label": "train/lung_cycif_229_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_230_0.tif", + "label": "train/lung_cycif_230_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_230_2.tif", + "label": "train/lung_cycif_230_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_231_0.tif", + "label": "train/lung_cycif_231_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_231_1.tif", + "label": "train/lung_cycif_231_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_232_2.tif", + "label": "train/lung_cycif_232_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_232_3.tif", + "label": "train/lung_cycif_232_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_233_0.tif", + "label": "train/lung_cycif_233_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_234_1.tif", + "label": "train/lung_cycif_234_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_234_2.tif", + "label": "train/lung_cycif_234_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_238_2.tif", + "label": "train/lung_cycif_238_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_240_2.tif", + "label": "train/lung_cycif_240_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_243_3.tif", + "label": "train/lung_cycif_243_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_244_1.tif", + "label": "train/lung_cycif_244_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_245_2.tif", + "label": "train/lung_cycif_245_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_246_1.tif", + "label": "train/lung_cycif_246_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_247_2.tif", + "label": "train/lung_cycif_247_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_247_3.tif", + "label": "train/lung_cycif_247_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_249_0.tif", + "label": "train/lung_cycif_249_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_249_2.tif", + "label": "train/lung_cycif_249_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_253_1.tif", + "label": "train/lung_cycif_253_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_254_1.tif", + "label": "train/lung_cycif_254_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_255_3.tif", + "label": "train/lung_cycif_255_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_257_1.tif", + "label": "train/lung_cycif_257_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_258_0.tif", + "label": "train/lung_cycif_258_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_260_3.tif", + "label": "train/lung_cycif_260_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_261_1.tif", + "label": "train/lung_cycif_261_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_263_0.tif", + "label": "train/lung_cycif_263_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_263_1.tif", + "label": "train/lung_cycif_263_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_264_1.tif", + "label": "train/lung_cycif_264_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_264_2.tif", + "label": "train/lung_cycif_264_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_266_0.tif", + "label": "train/lung_cycif_266_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_267_0.tif", + "label": "train/lung_cycif_267_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_267_2.tif", + "label": "train/lung_cycif_267_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_267_3.tif", + "label": "train/lung_cycif_267_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_269_0.tif", + "label": "train/lung_cycif_269_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_270_2.tif", + "label": "train/lung_cycif_270_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_271_1.tif", + "label": "train/lung_cycif_271_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_271_2.tif", + "label": "train/lung_cycif_271_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_271_3.tif", + "label": "train/lung_cycif_271_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_272_1.tif", + "label": "train/lung_cycif_272_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_272_3.tif", + "label": "train/lung_cycif_272_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_275_0.tif", + "label": "train/lung_cycif_275_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_278_1.tif", + "label": "train/lung_cycif_278_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_279_1.tif", + "label": "train/lung_cycif_279_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_280_2.tif", + "label": "train/lung_cycif_280_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_281_0.tif", + "label": "train/lung_cycif_281_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_283_0.tif", + "label": "train/lung_cycif_283_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_284_3.tif", + "label": "train/lung_cycif_284_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_286_2.tif", + "label": "train/lung_cycif_286_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_289_2.tif", + "label": "train/lung_cycif_289_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_290_0.tif", + "label": "train/lung_cycif_290_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_291_2.tif", + "label": "train/lung_cycif_291_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_292_2.tif", + "label": "train/lung_cycif_292_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_mibi_0_3.tif", + "label": "train/lung_mibi_0_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_0_1.tif", + "label": "train/lung_cycif_0_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_1_0.tif", + "label": "train/lung_cycif_1_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_4_2.tif", + "label": "train/lung_cycif_4_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_7_0.tif", + "label": "train/lung_cycif_7_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_9_0.tif", + "label": "train/lung_cycif_9_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_9_1.tif", + "label": "train/lung_cycif_9_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_9_2.tif", + "label": "train/lung_cycif_9_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_10_2.tif", + "label": "train/lung_cycif_10_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_10_3.tif", + "label": "train/lung_cycif_10_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_16_0.tif", + "label": "train/lung_cycif_16_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_16_3.tif", + "label": "train/lung_cycif_16_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_17_2.tif", + "label": "train/lung_cycif_17_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_20_3.tif", + "label": "train/lung_cycif_20_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_23_1.tif", + "label": "train/lung_cycif_23_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_24_1.tif", + "label": "train/lung_cycif_24_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_24_2.tif", + "label": "train/lung_cycif_24_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_26_1.tif", + "label": "train/lung_cycif_26_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_28_0.tif", + "label": "train/lung_cycif_28_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_28_3.tif", + "label": "train/lung_cycif_28_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_30_2.tif", + "label": "train/lung_cycif_30_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_31_0.tif", + "label": "train/lung_cycif_31_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_31_3.tif", + "label": "train/lung_cycif_31_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_32_0.tif", + "label": "train/lung_cycif_32_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_32_3.tif", + "label": "train/lung_cycif_32_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_34_0.tif", + "label": "train/lung_cycif_34_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_35_0.tif", + "label": "train/lung_cycif_35_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_35_3.tif", + "label": "train/lung_cycif_35_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_37_2.tif", + "label": "train/lung_cycif_37_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_38_1.tif", + "label": "train/lung_cycif_38_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_39_2.tif", + "label": "train/lung_cycif_39_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_40_2.tif", + "label": "train/lung_cycif_40_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_41_0.tif", + "label": "train/lung_cycif_41_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_42_0.tif", + "label": "train/lung_cycif_42_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_42_3.tif", + "label": "train/lung_cycif_42_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_43_2.tif", + "label": "train/lung_cycif_43_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_50_3.tif", + "label": "train/lung_cycif_50_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_52_0.tif", + "label": "train/lung_cycif_52_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_53_0.tif", + "label": "train/lung_cycif_53_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_53_1.tif", + "label": "train/lung_cycif_53_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_54_1.tif", + "label": "train/lung_cycif_54_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_56_1.tif", + "label": "train/lung_cycif_56_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_58_0.tif", + "label": "train/lung_cycif_58_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_58_2.tif", + "label": "train/lung_cycif_58_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_59_1.tif", + "label": "train/lung_cycif_59_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_62_1.tif", + "label": "train/lung_cycif_62_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_65_0.tif", + "label": "train/lung_cycif_65_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_67_2.tif", + "label": "train/lung_cycif_67_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_68_0.tif", + "label": "train/lung_cycif_68_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_71_3.tif", + "label": "train/lung_cycif_71_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_73_0.tif", + "label": "train/lung_cycif_73_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_73_3.tif", + "label": "train/lung_cycif_73_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_75_2.tif", + "label": "train/lung_cycif_75_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_77_0.tif", + "label": "train/lung_cycif_77_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_78_0.tif", + "label": "train/lung_cycif_78_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_78_3.tif", + "label": "train/lung_cycif_78_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_82_0.tif", + "label": "train/lung_cycif_82_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_83_0.tif", + "label": "train/lung_cycif_83_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_83_1.tif", + "label": "train/lung_cycif_83_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_84_1.tif", + "label": "train/lung_cycif_84_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_84_2.tif", + "label": "train/lung_cycif_84_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_85_3.tif", + "label": "train/lung_cycif_85_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_87_3.tif", + "label": "train/lung_cycif_87_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_88_0.tif", + "label": "train/lung_cycif_88_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_89_0.tif", + "label": "train/lung_cycif_89_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_90_0.tif", + "label": "train/lung_cycif_90_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_90_2.tif", + "label": "train/lung_cycif_90_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_91_1.tif", + "label": "train/lung_cycif_91_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_93_1.tif", + "label": "train/lung_cycif_93_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_94_0.tif", + "label": "train/lung_cycif_94_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_94_1.tif", + "label": "train/lung_cycif_94_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_94_2.tif", + "label": "train/lung_cycif_94_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_94_3.tif", + "label": "train/lung_cycif_94_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_95_0.tif", + "label": "train/lung_cycif_95_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_99_0.tif", + "label": "train/lung_cycif_99_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_99_1.tif", + "label": "train/lung_cycif_99_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_99_3.tif", + "label": "train/lung_cycif_99_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_100_0.tif", + "label": "train/lung_cycif_100_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_101_2.tif", + "label": "train/lung_cycif_101_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_101_3.tif", + "label": "train/lung_cycif_101_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_102_1.tif", + "label": "train/lung_cycif_102_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_102_2.tif", + "label": "train/lung_cycif_102_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_104_1.tif", + "label": "train/lung_cycif_104_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_105_3.tif", + "label": "train/lung_cycif_105_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_106_1.tif", + "label": "train/lung_cycif_106_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_106_3.tif", + "label": "train/lung_cycif_106_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_109_2.tif", + "label": "train/lung_cycif_109_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_110_0.tif", + "label": "train/lung_cycif_110_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_110_1.tif", + "label": "train/lung_cycif_110_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_110_2.tif", + "label": "train/lung_cycif_110_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_111_1.tif", + "label": "train/lung_cycif_111_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_113_2.tif", + "label": "train/lung_cycif_113_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_115_0.tif", + "label": "train/lung_cycif_115_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_119_0.tif", + "label": "train/lung_cycif_119_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_122_0.tif", + "label": "train/lung_cycif_122_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_122_2.tif", + "label": "train/lung_cycif_122_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_124_2.tif", + "label": "train/lung_cycif_124_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_125_1.tif", + "label": "train/lung_cycif_125_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_126_2.tif", + "label": "train/lung_cycif_126_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_127_3.tif", + "label": "train/lung_cycif_127_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_128_2.tif", + "label": "train/lung_cycif_128_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_129_2.tif", + "label": "train/lung_cycif_129_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_129_3.tif", + "label": "train/lung_cycif_129_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_130_2.tif", + "label": "train/lung_cycif_130_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_131_0.tif", + "label": "train/lung_cycif_131_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_131_2.tif", + "label": "train/lung_cycif_131_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_133_1.tif", + "label": "train/lung_cycif_133_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_134_3.tif", + "label": "train/lung_cycif_134_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_135_0.tif", + "label": "train/lung_cycif_135_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_136_0.tif", + "label": "train/lung_cycif_136_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_137_1.tif", + "label": "train/lung_cycif_137_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_137_3.tif", + "label": "train/lung_cycif_137_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_139_0.tif", + "label": "train/lung_cycif_139_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_139_2.tif", + "label": "train/lung_cycif_139_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_141_1.tif", + "label": "train/lung_cycif_141_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_141_2.tif", + "label": "train/lung_cycif_141_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_142_2.tif", + "label": "train/lung_cycif_142_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_145_3.tif", + "label": "train/lung_cycif_145_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_146_1.tif", + "label": "train/lung_cycif_146_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_147_2.tif", + "label": "train/lung_cycif_147_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_149_2.tif", + "label": "train/lung_cycif_149_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_150_1.tif", + "label": "train/lung_cycif_150_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_150_3.tif", + "label": "train/lung_cycif_150_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_152_0.tif", + "label": "train/lung_cycif_152_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_152_2.tif", + "label": "train/lung_cycif_152_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_152_3.tif", + "label": "train/lung_cycif_152_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_153_2.tif", + "label": "train/lung_cycif_153_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_154_2.tif", + "label": "train/lung_cycif_154_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_155_2.tif", + "label": "train/lung_cycif_155_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_158_2.tif", + "label": "train/lung_cycif_158_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_159_1.tif", + "label": "train/lung_cycif_159_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_160_3.tif", + "label": "train/lung_cycif_160_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_161_1.tif", + "label": "train/lung_cycif_161_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_163_0.tif", + "label": "train/lung_cycif_163_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_163_2.tif", + "label": "train/lung_cycif_163_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_166_3.tif", + "label": "train/lung_cycif_166_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_167_1.tif", + "label": "train/lung_cycif_167_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_169_0.tif", + "label": "train/lung_cycif_169_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_170_2.tif", + "label": "train/lung_cycif_170_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_172_0.tif", + "label": "train/lung_cycif_172_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_174_2.tif", + "label": "train/lung_cycif_174_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_175_3.tif", + "label": "train/lung_cycif_175_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_176_0.tif", + "label": "train/lung_cycif_176_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_179_0.tif", + "label": "train/lung_cycif_179_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_179_2.tif", + "label": "train/lung_cycif_179_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_180_1.tif", + "label": "train/lung_cycif_180_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_181_0.tif", + "label": "train/lung_cycif_181_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_181_3.tif", + "label": "train/lung_cycif_181_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_183_1.tif", + "label": "train/lung_cycif_183_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_183_2.tif", + "label": "train/lung_cycif_183_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_185_3.tif", + "label": "train/lung_cycif_185_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_187_2.tif", + "label": "train/lung_cycif_187_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_189_0.tif", + "label": "train/lung_cycif_189_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_189_2.tif", + "label": "train/lung_cycif_189_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_190_2.tif", + "label": "train/lung_cycif_190_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_192_1.tif", + "label": "train/lung_cycif_192_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_192_2.tif", + "label": "train/lung_cycif_192_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_194_3.tif", + "label": "train/lung_cycif_194_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_195_1.tif", + "label": "train/lung_cycif_195_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_198_2.tif", + "label": "train/lung_cycif_198_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_198_3.tif", + "label": "train/lung_cycif_198_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_199_0.tif", + "label": "train/lung_cycif_199_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_200_3.tif", + "label": "train/lung_cycif_200_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_204_0.tif", + "label": "train/lung_cycif_204_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_205_0.tif", + "label": "train/lung_cycif_205_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_205_1.tif", + "label": "train/lung_cycif_205_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_205_2.tif", + "label": "train/lung_cycif_205_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_209_1.tif", + "label": "train/lung_cycif_209_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_209_3.tif", + "label": "train/lung_cycif_209_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_211_0.tif", + "label": "train/lung_cycif_211_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_211_1.tif", + "label": "train/lung_cycif_211_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_211_2.tif", + "label": "train/lung_cycif_211_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_212_2.tif", + "label": "train/lung_cycif_212_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_213_0.tif", + "label": "train/lung_cycif_213_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_214_0.tif", + "label": "train/lung_cycif_214_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_216_0.tif", + "label": "train/lung_cycif_216_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_216_3.tif", + "label": "train/lung_cycif_216_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_217_2.tif", + "label": "train/lung_cycif_217_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_218_0.tif", + "label": "train/lung_cycif_218_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_220_2.tif", + "label": "train/lung_cycif_220_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_224_1.tif", + "label": "train/lung_cycif_224_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_224_3.tif", + "label": "train/lung_cycif_224_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_227_0.tif", + "label": "train/lung_cycif_227_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_229_2.tif", + "label": "train/lung_cycif_229_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_230_1.tif", + "label": "train/lung_cycif_230_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_234_3.tif", + "label": "train/lung_cycif_234_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_235_0.tif", + "label": "train/lung_cycif_235_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_235_2.tif", + "label": "train/lung_cycif_235_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_237_0.tif", + "label": "train/lung_cycif_237_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_239_3.tif", + "label": "train/lung_cycif_239_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_240_3.tif", + "label": "train/lung_cycif_240_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_241_2.tif", + "label": "train/lung_cycif_241_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_242_0.tif", + "label": "train/lung_cycif_242_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_242_1.tif", + "label": "train/lung_cycif_242_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_242_2.tif", + "label": "train/lung_cycif_242_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_242_3.tif", + "label": "train/lung_cycif_242_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_245_0.tif", + "label": "train/lung_cycif_245_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_245_1.tif", + "label": "train/lung_cycif_245_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_245_3.tif", + "label": "train/lung_cycif_245_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_246_2.tif", + "label": "train/lung_cycif_246_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_249_1.tif", + "label": "train/lung_cycif_249_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_251_0.tif", + "label": "train/lung_cycif_251_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_251_1.tif", + "label": "train/lung_cycif_251_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_252_1.tif", + "label": "train/lung_cycif_252_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_253_0.tif", + "label": "train/lung_cycif_253_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_255_1.tif", + "label": "train/lung_cycif_255_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_259_1.tif", + "label": "train/lung_cycif_259_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_259_2.tif", + "label": "train/lung_cycif_259_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_260_1.tif", + "label": "train/lung_cycif_260_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_261_3.tif", + "label": "train/lung_cycif_261_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_262_3.tif", + "label": "train/lung_cycif_262_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_264_0.tif", + "label": "train/lung_cycif_264_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_264_3.tif", + "label": "train/lung_cycif_264_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_265_0.tif", + "label": "train/lung_cycif_265_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_265_2.tif", + "label": "train/lung_cycif_265_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_267_1.tif", + "label": "train/lung_cycif_267_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_268_1.tif", + "label": "train/lung_cycif_268_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_268_2.tif", + "label": "train/lung_cycif_268_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_270_0.tif", + "label": "train/lung_cycif_270_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_270_1.tif", + "label": "train/lung_cycif_270_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_274_2.tif", + "label": "train/lung_cycif_274_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_275_1.tif", + "label": "train/lung_cycif_275_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_276_1.tif", + "label": "train/lung_cycif_276_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_276_3.tif", + "label": "train/lung_cycif_276_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_277_1.tif", + "label": "train/lung_cycif_277_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_278_0.tif", + "label": "train/lung_cycif_278_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_278_2.tif", + "label": "train/lung_cycif_278_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_278_3.tif", + "label": "train/lung_cycif_278_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_280_3.tif", + "label": "train/lung_cycif_280_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_283_1.tif", + "label": "train/lung_cycif_283_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_284_0.tif", + "label": "train/lung_cycif_284_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_286_0.tif", + "label": "train/lung_cycif_286_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_288_2.tif", + "label": "train/lung_cycif_288_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_291_3.tif", + "label": "train/lung_cycif_291_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_292_0.tif", + "label": "train/lung_cycif_292_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_292_1.tif", + "label": "train/lung_cycif_292_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_293_0.tif", + "label": "train/lung_cycif_293_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_3_3.tif", + "label": "train/lung_cycif_3_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_5_0.tif", + "label": "train/lung_cycif_5_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_5_1.tif", + "label": "train/lung_cycif_5_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_6_0.tif", + "label": "train/lung_cycif_6_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_6_1.tif", + "label": "train/lung_cycif_6_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_11_0.tif", + "label": "train/lung_cycif_11_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_12_0.tif", + "label": "train/lung_cycif_12_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_12_3.tif", + "label": "train/lung_cycif_12_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_13_1.tif", + "label": "train/lung_cycif_13_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_13_3.tif", + "label": "train/lung_cycif_13_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_15_3.tif", + "label": "train/lung_cycif_15_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_19_1.tif", + "label": "train/lung_cycif_19_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_19_3.tif", + "label": "train/lung_cycif_19_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_21_2.tif", + "label": "train/lung_cycif_21_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_21_3.tif", + "label": "train/lung_cycif_21_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_24_0.tif", + "label": "train/lung_cycif_24_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_25_0.tif", + "label": "train/lung_cycif_25_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_27_1.tif", + "label": "train/lung_cycif_27_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_30_3.tif", + "label": "train/lung_cycif_30_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_32_1.tif", + "label": "train/lung_cycif_32_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_32_2.tif", + "label": "train/lung_cycif_32_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_34_2.tif", + "label": "train/lung_cycif_34_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_35_1.tif", + "label": "train/lung_cycif_35_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_36_0.tif", + "label": "train/lung_cycif_36_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_36_1.tif", + "label": "train/lung_cycif_36_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_37_1.tif", + "label": "train/lung_cycif_37_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_38_0.tif", + "label": "train/lung_cycif_38_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_38_3.tif", + "label": "train/lung_cycif_38_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_40_3.tif", + "label": "train/lung_cycif_40_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_41_2.tif", + "label": "train/lung_cycif_41_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_41_3.tif", + "label": "train/lung_cycif_41_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_42_2.tif", + "label": "train/lung_cycif_42_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_44_0.tif", + "label": "train/lung_cycif_44_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_45_2.tif", + "label": "train/lung_cycif_45_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_45_3.tif", + "label": "train/lung_cycif_45_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_47_0.tif", + "label": "train/lung_cycif_47_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_49_0.tif", + "label": "train/lung_cycif_49_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_49_3.tif", + "label": "train/lung_cycif_49_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_51_2.tif", + "label": "train/lung_cycif_51_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_52_1.tif", + "label": "train/lung_cycif_52_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_52_2.tif", + "label": "train/lung_cycif_52_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_54_3.tif", + "label": "train/lung_cycif_54_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_55_2.tif", + "label": "train/lung_cycif_55_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_57_1.tif", + "label": "train/lung_cycif_57_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_57_2.tif", + "label": "train/lung_cycif_57_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_57_3.tif", + "label": "train/lung_cycif_57_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_58_3.tif", + "label": "train/lung_cycif_58_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_60_0.tif", + "label": "train/lung_cycif_60_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_60_3.tif", + "label": "train/lung_cycif_60_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_62_3.tif", + "label": "train/lung_cycif_62_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_63_0.tif", + "label": "train/lung_cycif_63_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_63_1.tif", + "label": "train/lung_cycif_63_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_64_0.tif", + "label": "train/lung_cycif_64_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_65_3.tif", + "label": "train/lung_cycif_65_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_66_2.tif", + "label": "train/lung_cycif_66_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_67_1.tif", + "label": "train/lung_cycif_67_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_67_3.tif", + "label": "train/lung_cycif_67_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_68_3.tif", + "label": "train/lung_cycif_68_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_69_2.tif", + "label": "train/lung_cycif_69_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_69_3.tif", + "label": "train/lung_cycif_69_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_72_2.tif", + "label": "train/lung_cycif_72_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_75_0.tif", + "label": "train/lung_cycif_75_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_78_1.tif", + "label": "train/lung_cycif_78_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_79_0.tif", + "label": "train/lung_cycif_79_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_79_1.tif", + "label": "train/lung_cycif_79_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_79_3.tif", + "label": "train/lung_cycif_79_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_81_0.tif", + "label": "train/lung_cycif_81_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_81_2.tif", + "label": "train/lung_cycif_81_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_81_3.tif", + "label": "train/lung_cycif_81_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_85_2.tif", + "label": "train/lung_cycif_85_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_89_1.tif", + "label": "train/lung_cycif_89_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_92_1.tif", + "label": "train/lung_cycif_92_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_96_0.tif", + "label": "train/lung_cycif_96_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_97_3.tif", + "label": "train/lung_cycif_97_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_99_2.tif", + "label": "train/lung_cycif_99_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_101_1.tif", + "label": "train/lung_cycif_101_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_103_1.tif", + "label": "train/lung_cycif_103_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_104_0.tif", + "label": "train/lung_cycif_104_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_105_0.tif", + "label": "train/lung_cycif_105_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_107_3.tif", + "label": "train/lung_cycif_107_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_111_0.tif", + "label": "train/lung_cycif_111_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_112_2.tif", + "label": "train/lung_cycif_112_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_112_3.tif", + "label": "train/lung_cycif_112_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_114_0.tif", + "label": "train/lung_cycif_114_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_114_2.tif", + "label": "train/lung_cycif_114_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_115_1.tif", + "label": "train/lung_cycif_115_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_116_1.tif", + "label": "train/lung_cycif_116_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_117_0.tif", + "label": "train/lung_cycif_117_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_117_1.tif", + "label": "train/lung_cycif_117_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_117_2.tif", + "label": "train/lung_cycif_117_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_118_3.tif", + "label": "train/lung_cycif_118_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_119_1.tif", + "label": "train/lung_cycif_119_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_121_1.tif", + "label": "train/lung_cycif_121_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_122_1.tif", + "label": "train/lung_cycif_122_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_124_1.tif", + "label": "train/lung_cycif_124_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_124_3.tif", + "label": "train/lung_cycif_124_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_125_0.tif", + "label": "train/lung_cycif_125_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_125_3.tif", + "label": "train/lung_cycif_125_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_126_1.tif", + "label": "train/lung_cycif_126_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_127_0.tif", + "label": "train/lung_cycif_127_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_128_1.tif", + "label": "train/lung_cycif_128_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_128_3.tif", + "label": "train/lung_cycif_128_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_133_0.tif", + "label": "train/lung_cycif_133_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_135_2.tif", + "label": "train/lung_cycif_135_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_136_1.tif", + "label": "train/lung_cycif_136_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_140_2.tif", + "label": "train/lung_cycif_140_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_141_0.tif", + "label": "train/lung_cycif_141_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_142_1.tif", + "label": "train/lung_cycif_142_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_143_3.tif", + "label": "train/lung_cycif_143_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_145_0.tif", + "label": "train/lung_cycif_145_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_146_2.tif", + "label": "train/lung_cycif_146_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_147_3.tif", + "label": "train/lung_cycif_147_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_148_3.tif", + "label": "train/lung_cycif_148_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_151_2.tif", + "label": "train/lung_cycif_151_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_152_1.tif", + "label": "train/lung_cycif_152_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_153_3.tif", + "label": "train/lung_cycif_153_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_154_1.tif", + "label": "train/lung_cycif_154_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_155_1.tif", + "label": "train/lung_cycif_155_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_156_0.tif", + "label": "train/lung_cycif_156_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_156_2.tif", + "label": "train/lung_cycif_156_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_156_3.tif", + "label": "train/lung_cycif_156_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_157_2.tif", + "label": "train/lung_cycif_157_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_158_1.tif", + "label": "train/lung_cycif_158_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_160_2.tif", + "label": "train/lung_cycif_160_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_162_0.tif", + "label": "train/lung_cycif_162_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_164_0.tif", + "label": "train/lung_cycif_164_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_164_1.tif", + "label": "train/lung_cycif_164_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_165_2.tif", + "label": "train/lung_cycif_165_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_166_1.tif", + "label": "train/lung_cycif_166_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_166_2.tif", + "label": "train/lung_cycif_166_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_167_0.tif", + "label": "train/lung_cycif_167_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_167_2.tif", + "label": "train/lung_cycif_167_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_170_1.tif", + "label": "train/lung_cycif_170_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_171_3.tif", + "label": "train/lung_cycif_171_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_172_1.tif", + "label": "train/lung_cycif_172_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_172_2.tif", + "label": "train/lung_cycif_172_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_173_3.tif", + "label": "train/lung_cycif_173_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_174_0.tif", + "label": "train/lung_cycif_174_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_176_2.tif", + "label": "train/lung_cycif_176_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_178_0.tif", + "label": "train/lung_cycif_178_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_178_2.tif", + "label": "train/lung_cycif_178_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_178_3.tif", + "label": "train/lung_cycif_178_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_179_1.tif", + "label": "train/lung_cycif_179_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_180_2.tif", + "label": "train/lung_cycif_180_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_180_3.tif", + "label": "train/lung_cycif_180_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_182_0.tif", + "label": "train/lung_cycif_182_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_183_0.tif", + "label": "train/lung_cycif_183_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_184_2.tif", + "label": "train/lung_cycif_184_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_184_3.tif", + "label": "train/lung_cycif_184_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_185_0.tif", + "label": "train/lung_cycif_185_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_187_1.tif", + "label": "train/lung_cycif_187_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_187_3.tif", + "label": "train/lung_cycif_187_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_188_1.tif", + "label": "train/lung_cycif_188_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_188_3.tif", + "label": "train/lung_cycif_188_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_190_0.tif", + "label": "train/lung_cycif_190_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_194_1.tif", + "label": "train/lung_cycif_194_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_196_0.tif", + "label": "train/lung_cycif_196_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_196_3.tif", + "label": "train/lung_cycif_196_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_197_0.tif", + "label": "train/lung_cycif_197_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_198_0.tif", + "label": "train/lung_cycif_198_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_200_0.tif", + "label": "train/lung_cycif_200_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_201_2.tif", + "label": "train/lung_cycif_201_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_202_2.tif", + "label": "train/lung_cycif_202_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_202_3.tif", + "label": "train/lung_cycif_202_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_207_1.tif", + "label": "train/lung_cycif_207_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_208_0.tif", + "label": "train/lung_cycif_208_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_210_3.tif", + "label": "train/lung_cycif_210_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_211_3.tif", + "label": "train/lung_cycif_211_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_212_1.tif", + "label": "train/lung_cycif_212_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_216_1.tif", + "label": "train/lung_cycif_216_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_217_1.tif", + "label": "train/lung_cycif_217_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_217_3.tif", + "label": "train/lung_cycif_217_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_219_2.tif", + "label": "train/lung_cycif_219_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_219_3.tif", + "label": "train/lung_cycif_219_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_220_1.tif", + "label": "train/lung_cycif_220_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_220_3.tif", + "label": "train/lung_cycif_220_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_221_0.tif", + "label": "train/lung_cycif_221_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_222_1.tif", + "label": "train/lung_cycif_222_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_224_0.tif", + "label": "train/lung_cycif_224_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_225_1.tif", + "label": "train/lung_cycif_225_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_226_1.tif", + "label": "train/lung_cycif_226_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_226_3.tif", + "label": "train/lung_cycif_226_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_227_2.tif", + "label": "train/lung_cycif_227_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_227_3.tif", + "label": "train/lung_cycif_227_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_228_2.tif", + "label": "train/lung_cycif_228_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_228_3.tif", + "label": "train/lung_cycif_228_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_232_0.tif", + "label": "train/lung_cycif_232_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_233_1.tif", + "label": "train/lung_cycif_233_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_237_1.tif", + "label": "train/lung_cycif_237_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_239_2.tif", + "label": "train/lung_cycif_239_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_240_0.tif", + "label": "train/lung_cycif_240_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_241_0.tif", + "label": "train/lung_cycif_241_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_243_1.tif", + "label": "train/lung_cycif_243_1_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_243_2.tif", + "label": "train/lung_cycif_243_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_249_3.tif", + "label": "train/lung_cycif_249_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_250_1.tif", + "label": "train/lung_cycif_250_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_250_2.tif", + "label": "train/lung_cycif_250_2_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_254_3.tif", + "label": "train/lung_cycif_254_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_255_2.tif", + "label": "train/lung_cycif_255_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_257_0.tif", + "label": "train/lung_cycif_257_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_257_3.tif", + "label": "train/lung_cycif_257_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_258_2.tif", + "label": "train/lung_cycif_258_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_259_0.tif", + "label": "train/lung_cycif_259_0_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_259_3.tif", + "label": "train/lung_cycif_259_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_261_2.tif", + "label": "train/lung_cycif_261_2_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_262_0.tif", + "label": "train/lung_cycif_262_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_262_1.tif", + "label": "train/lung_cycif_262_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_262_2.tif", + "label": "train/lung_cycif_262_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_265_1.tif", + "label": "train/lung_cycif_265_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_266_1.tif", + "label": "train/lung_cycif_266_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_266_3.tif", + "label": "train/lung_cycif_266_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_269_3.tif", + "label": "train/lung_cycif_269_3_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_270_3.tif", + "label": "train/lung_cycif_270_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_272_0.tif", + "label": "train/lung_cycif_272_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_273_0.tif", + "label": "train/lung_cycif_273_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_273_1.tif", + "label": "train/lung_cycif_273_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_273_2.tif", + "label": "train/lung_cycif_273_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_273_3.tif", + "label": "train/lung_cycif_273_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_274_0.tif", + "label": "train/lung_cycif_274_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_274_3.tif", + "label": "train/lung_cycif_274_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_277_0.tif", + "label": "train/lung_cycif_277_0_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_277_2.tif", + "label": "train/lung_cycif_277_2_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_277_3.tif", + "label": "train/lung_cycif_277_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_283_3.tif", + "label": "train/lung_cycif_283_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_284_2.tif", + "label": "train/lung_cycif_284_2_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_285_0.tif", + "label": "train/lung_cycif_285_0_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_285_1.tif", + "label": "train/lung_cycif_285_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_285_3.tif", + "label": "train/lung_cycif_285_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_286_3.tif", + "label": "train/lung_cycif_286_3_masks.tif", + "fold": 3 + }, + { + "image": "train/lung_cycif_287_1.tif", + "label": "train/lung_cycif_287_1_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_289_0.tif", + "label": "train/lung_cycif_289_0_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_289_1.tif", + "label": "train/lung_cycif_289_1_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_cycif_290_1.tif", + "label": "train/lung_cycif_290_1_masks.tif", + "fold": 1 + }, + { + "image": "train/lung_cycif_290_3.tif", + "label": "train/lung_cycif_290_3_masks.tif", + "fold": 2 + }, + { + "image": "train/lung_cycif_293_3.tif", + "label": "train/lung_cycif_293_3_masks.tif", + "fold": 4 + }, + { + "image": "train/lung_mibi_0_2.tif", + "label": "train/lung_mibi_0_2_masks.tif", + "fold": 2 + } + ], + "testing": [ + { + "image": "test/lung_cycif_5.tif", + "label": "test/lung_cycif_5_masks.tif" + }, + { + "image": "test/lung_cycif_14.tif", + "label": "test/lung_cycif_14_masks.tif" + }, + { + "image": "test/lung_cycif_16.tif", + "label": "test/lung_cycif_16_masks.tif" + }, + { + "image": "test/lung_cycif_19.tif", + "label": "test/lung_cycif_19_masks.tif" + }, + { + "image": "test/lung_cycif_29.tif", + "label": "test/lung_cycif_29_masks.tif" + }, + { + "image": "test/lung_cycif_31.tif", + "label": "test/lung_cycif_31_masks.tif" + }, + { + "image": "test/lung_cycif_33.tif", + "label": "test/lung_cycif_33_masks.tif" + }, + { + "image": "test/lung_cycif_35.tif", + "label": "test/lung_cycif_35_masks.tif" + }, + { + "image": "test/lung_cycif_44.tif", + "label": "test/lung_cycif_44_masks.tif" + }, + { + "image": "test/lung_cycif_48.tif", + "label": "test/lung_cycif_48_masks.tif" + }, + { + "image": "test/lung_cycif_51.tif", + "label": "test/lung_cycif_51_masks.tif" + }, + { + "image": "test/lung_cycif_53.tif", + "label": "test/lung_cycif_53_masks.tif" + }, + { + "image": "test/lung_cycif_54.tif", + "label": "test/lung_cycif_54_masks.tif" + }, + { + "image": "test/lung_cycif_58.tif", + "label": "test/lung_cycif_58_masks.tif" + }, + { + "image": "test/lung_cycif_59.tif", + "label": "test/lung_cycif_59_masks.tif" + }, + { + "image": "test/lung_cycif_66.tif", + "label": "test/lung_cycif_66_masks.tif" + }, + { + "image": "test/lung_cycif_73.tif", + "label": "test/lung_cycif_73_masks.tif" + }, + { + "image": "test/lung_cycif_75.tif", + "label": "test/lung_cycif_75_masks.tif" + }, + { + "image": "test/lung_cycif_84.tif", + "label": "test/lung_cycif_84_masks.tif" + }, + { + "image": "test/lung_cycif_89.tif", + "label": "test/lung_cycif_89_masks.tif" + }, + { + "image": "test/lung_cycif_91.tif", + "label": "test/lung_cycif_91_masks.tif" + }, + { + "image": "test/lung_cycif_93.tif", + "label": "test/lung_cycif_93_masks.tif" + }, + { + "image": "test/lung_cycif_98.tif", + "label": "test/lung_cycif_98_masks.tif" + }, + { + "image": "test/lung_cycif_99.tif", + "label": "test/lung_cycif_99_masks.tif" + }, + { + "image": "test/lung_cycif_103.tif", + "label": "test/lung_cycif_103_masks.tif" + }, + { + "image": "test/lung_cycif_109.tif", + "label": "test/lung_cycif_109_masks.tif" + }, + { + "image": "test/lung_cycif_117.tif", + "label": "test/lung_cycif_117_masks.tif" + }, + { + "image": "test/lung_cycif_120.tif", + "label": "test/lung_cycif_120_masks.tif" + }, + { + "image": "test/lung_cycif_128.tif", + "label": "test/lung_cycif_128_masks.tif" + }, + { + "image": "test/lung_cycif_141.tif", + "label": "test/lung_cycif_141_masks.tif" + }, + { + "image": "test/lung_cycif_4.tif", + "label": "test/lung_cycif_4_masks.tif" + }, + { + "image": "test/lung_cycif_11.tif", + "label": "test/lung_cycif_11_masks.tif" + }, + { + "image": "test/lung_cycif_17.tif", + "label": "test/lung_cycif_17_masks.tif" + }, + { + "image": "test/lung_cycif_18.tif", + "label": "test/lung_cycif_18_masks.tif" + }, + { + "image": "test/lung_cycif_28.tif", + "label": "test/lung_cycif_28_masks.tif" + }, + { + "image": "test/lung_cycif_36.tif", + "label": "test/lung_cycif_36_masks.tif" + }, + { + "image": "test/lung_cycif_39.tif", + "label": "test/lung_cycif_39_masks.tif" + }, + { + "image": "test/lung_cycif_40.tif", + "label": "test/lung_cycif_40_masks.tif" + }, + { + "image": "test/lung_cycif_42.tif", + "label": "test/lung_cycif_42_masks.tif" + }, + { + "image": "test/lung_cycif_45.tif", + "label": "test/lung_cycif_45_masks.tif" + }, + { + "image": "test/lung_cycif_56.tif", + "label": "test/lung_cycif_56_masks.tif" + }, + { + "image": "test/lung_cycif_69.tif", + "label": "test/lung_cycif_69_masks.tif" + }, + { + "image": "test/lung_cycif_74.tif", + "label": "test/lung_cycif_74_masks.tif" + }, + { + "image": "test/lung_cycif_78.tif", + "label": "test/lung_cycif_78_masks.tif" + }, + { + "image": "test/lung_cycif_83.tif", + "label": "test/lung_cycif_83_masks.tif" + }, + { + "image": "test/lung_cycif_85.tif", + "label": "test/lung_cycif_85_masks.tif" + }, + { + "image": "test/lung_cycif_92.tif", + "label": "test/lung_cycif_92_masks.tif" + }, + { + "image": "test/lung_cycif_104.tif", + "label": "test/lung_cycif_104_masks.tif" + }, + { + "image": "test/lung_cycif_105.tif", + "label": "test/lung_cycif_105_masks.tif" + }, + { + "image": "test/lung_cycif_111.tif", + "label": "test/lung_cycif_111_masks.tif" + }, + { + "image": "test/lung_cycif_114.tif", + "label": "test/lung_cycif_114_masks.tif" + }, + { + "image": "test/lung_cycif_118.tif", + "label": "test/lung_cycif_118_masks.tif" + }, + { + "image": "test/lung_cycif_119.tif", + "label": "test/lung_cycif_119_masks.tif" + }, + { + "image": "test/lung_cycif_122.tif", + "label": "test/lung_cycif_122_masks.tif" + }, + { + "image": "test/lung_cycif_123.tif", + "label": "test/lung_cycif_123_masks.tif" + }, + { + "image": "test/lung_cycif_125.tif", + "label": "test/lung_cycif_125_masks.tif" + }, + { + "image": "test/lung_cycif_132.tif", + "label": "test/lung_cycif_132_masks.tif" + }, + { + "image": "test/lung_cycif_136.tif", + "label": "test/lung_cycif_136_masks.tif" + }, + { + "image": "test/lung_cycif_138.tif", + "label": "test/lung_cycif_138_masks.tif" + }, + { + "image": "test/lung_cycif_145.tif", + "label": "test/lung_cycif_145_masks.tif" + }, + { + "image": "test/lung_cycif_2.tif", + "label": "test/lung_cycif_2_masks.tif" + }, + { + "image": "test/lung_cycif_6.tif", + "label": "test/lung_cycif_6_masks.tif" + }, + { + "image": "test/lung_cycif_9.tif", + "label": "test/lung_cycif_9_masks.tif" + }, + { + "image": "test/lung_cycif_10.tif", + "label": "test/lung_cycif_10_masks.tif" + }, + { + "image": "test/lung_cycif_12.tif", + "label": "test/lung_cycif_12_masks.tif" + }, + { + "image": "test/lung_cycif_23.tif", + "label": "test/lung_cycif_23_masks.tif" + }, + { + "image": "test/lung_cycif_27.tif", + "label": "test/lung_cycif_27_masks.tif" + }, + { + "image": "test/lung_cycif_32.tif", + "label": "test/lung_cycif_32_masks.tif" + }, + { + "image": "test/lung_cycif_34.tif", + "label": "test/lung_cycif_34_masks.tif" + }, + { + "image": "test/lung_cycif_38.tif", + "label": "test/lung_cycif_38_masks.tif" + }, + { + "image": "test/lung_cycif_46.tif", + "label": "test/lung_cycif_46_masks.tif" + }, + { + "image": "test/lung_cycif_55.tif", + "label": "test/lung_cycif_55_masks.tif" + }, + { + "image": "test/lung_cycif_62.tif", + "label": "test/lung_cycif_62_masks.tif" + }, + { + "image": "test/lung_cycif_65.tif", + "label": "test/lung_cycif_65_masks.tif" + }, + { + "image": "test/lung_cycif_67.tif", + "label": "test/lung_cycif_67_masks.tif" + }, + { + "image": "test/lung_cycif_77.tif", + "label": "test/lung_cycif_77_masks.tif" + }, + { + "image": "test/lung_cycif_90.tif", + "label": "test/lung_cycif_90_masks.tif" + }, + { + "image": "test/lung_cycif_95.tif", + "label": "test/lung_cycif_95_masks.tif" + }, + { + "image": "test/lung_cycif_97.tif", + "label": "test/lung_cycif_97_masks.tif" + }, + { + "image": "test/lung_cycif_100.tif", + "label": "test/lung_cycif_100_masks.tif" + }, + { + "image": "test/lung_cycif_107.tif", + "label": "test/lung_cycif_107_masks.tif" + }, + { + "image": "test/lung_cycif_108.tif", + "label": "test/lung_cycif_108_masks.tif" + }, + { + "image": "test/lung_cycif_110.tif", + "label": "test/lung_cycif_110_masks.tif" + }, + { + "image": "test/lung_cycif_113.tif", + "label": "test/lung_cycif_113_masks.tif" + }, + { + "image": "test/lung_cycif_121.tif", + "label": "test/lung_cycif_121_masks.tif" + }, + { + "image": "test/lung_cycif_124.tif", + "label": "test/lung_cycif_124_masks.tif" + }, + { + "image": "test/lung_cycif_131.tif", + "label": "test/lung_cycif_131_masks.tif" + }, + { + "image": "test/lung_cycif_135.tif", + "label": "test/lung_cycif_135_masks.tif" + }, + { + "image": "test/lung_cycif_146.tif", + "label": "test/lung_cycif_146_masks.tif" + }, + { + "image": "test/lung_cycif_3.tif", + "label": "test/lung_cycif_3_masks.tif" + }, + { + "image": "test/lung_cycif_15.tif", + "label": "test/lung_cycif_15_masks.tif" + }, + { + "image": "test/lung_cycif_21.tif", + "label": "test/lung_cycif_21_masks.tif" + }, + { + "image": "test/lung_cycif_24.tif", + "label": "test/lung_cycif_24_masks.tif" + }, + { + "image": "test/lung_cycif_26.tif", + "label": "test/lung_cycif_26_masks.tif" + }, + { + "image": "test/lung_cycif_30.tif", + "label": "test/lung_cycif_30_masks.tif" + }, + { + "image": "test/lung_cycif_41.tif", + "label": "test/lung_cycif_41_masks.tif" + }, + { + "image": "test/lung_cycif_43.tif", + "label": "test/lung_cycif_43_masks.tif" + }, + { + "image": "test/lung_cycif_47.tif", + "label": "test/lung_cycif_47_masks.tif" + }, + { + "image": "test/lung_cycif_49.tif", + "label": "test/lung_cycif_49_masks.tif" + }, + { + "image": "test/lung_cycif_52.tif", + "label": "test/lung_cycif_52_masks.tif" + }, + { + "image": "test/lung_cycif_64.tif", + "label": "test/lung_cycif_64_masks.tif" + }, + { + "image": "test/lung_cycif_70.tif", + "label": "test/lung_cycif_70_masks.tif" + }, + { + "image": "test/lung_cycif_76.tif", + "label": "test/lung_cycif_76_masks.tif" + }, + { + "image": "test/lung_cycif_80.tif", + "label": "test/lung_cycif_80_masks.tif" + }, + { + "image": "test/lung_cycif_82.tif", + "label": "test/lung_cycif_82_masks.tif" + }, + { + "image": "test/lung_cycif_87.tif", + "label": "test/lung_cycif_87_masks.tif" + }, + { + "image": "test/lung_cycif_94.tif", + "label": "test/lung_cycif_94_masks.tif" + }, + { + "image": "test/lung_cycif_102.tif", + "label": "test/lung_cycif_102_masks.tif" + }, + { + "image": "test/lung_cycif_106.tif", + "label": "test/lung_cycif_106_masks.tif" + }, + { + "image": "test/lung_cycif_112.tif", + "label": "test/lung_cycif_112_masks.tif" + }, + { + "image": "test/lung_cycif_116.tif", + "label": "test/lung_cycif_116_masks.tif" + }, + { + "image": "test/lung_cycif_126.tif", + "label": "test/lung_cycif_126_masks.tif" + }, + { + "image": "test/lung_cycif_127.tif", + "label": "test/lung_cycif_127_masks.tif" + }, + { + "image": "test/lung_cycif_130.tif", + "label": "test/lung_cycif_130_masks.tif" + }, + { + "image": "test/lung_cycif_139.tif", + "label": "test/lung_cycif_139_masks.tif" + }, + { + "image": "test/lung_cycif_142.tif", + "label": "test/lung_cycif_142_masks.tif" + }, + { + "image": "test/lung_cycif_143.tif", + "label": "test/lung_cycif_143_masks.tif" + }, + { + "image": "test/lung_cycif_144.tif", + "label": "test/lung_cycif_144_masks.tif" + }, + { + "image": "test/lung_cycif_0.tif", + "label": "test/lung_cycif_0_masks.tif" + }, + { + "image": "test/lung_cycif_1.tif", + "label": "test/lung_cycif_1_masks.tif" + }, + { + "image": "test/lung_cycif_7.tif", + "label": "test/lung_cycif_7_masks.tif" + }, + { + "image": "test/lung_cycif_8.tif", + "label": "test/lung_cycif_8_masks.tif" + }, + { + "image": "test/lung_cycif_13.tif", + "label": "test/lung_cycif_13_masks.tif" + }, + { + "image": "test/lung_cycif_20.tif", + "label": "test/lung_cycif_20_masks.tif" + }, + { + "image": "test/lung_cycif_22.tif", + "label": "test/lung_cycif_22_masks.tif" + }, + { + "image": "test/lung_cycif_25.tif", + "label": "test/lung_cycif_25_masks.tif" + }, + { + "image": "test/lung_cycif_37.tif", + "label": "test/lung_cycif_37_masks.tif" + }, + { + "image": "test/lung_cycif_50.tif", + "label": "test/lung_cycif_50_masks.tif" + }, + { + "image": "test/lung_cycif_57.tif", + "label": "test/lung_cycif_57_masks.tif" + }, + { + "image": "test/lung_cycif_60.tif", + "label": "test/lung_cycif_60_masks.tif" + }, + { + "image": "test/lung_cycif_61.tif", + "label": "test/lung_cycif_61_masks.tif" + }, + { + "image": "test/lung_cycif_63.tif", + "label": "test/lung_cycif_63_masks.tif" + }, + { + "image": "test/lung_cycif_68.tif", + "label": "test/lung_cycif_68_masks.tif" + }, + { + "image": "test/lung_cycif_71.tif", + "label": "test/lung_cycif_71_masks.tif" + }, + { + "image": "test/lung_cycif_72.tif", + "label": "test/lung_cycif_72_masks.tif" + }, + { + "image": "test/lung_cycif_79.tif", + "label": "test/lung_cycif_79_masks.tif" + }, + { + "image": "test/lung_cycif_81.tif", + "label": "test/lung_cycif_81_masks.tif" + }, + { + "image": "test/lung_cycif_86.tif", + "label": "test/lung_cycif_86_masks.tif" + }, + { + "image": "test/lung_cycif_88.tif", + "label": "test/lung_cycif_88_masks.tif" + }, + { + "image": "test/lung_cycif_96.tif", + "label": "test/lung_cycif_96_masks.tif" + }, + { + "image": "test/lung_cycif_101.tif", + "label": "test/lung_cycif_101_masks.tif" + }, + { + "image": "test/lung_cycif_115.tif", + "label": "test/lung_cycif_115_masks.tif" + }, + { + "image": "test/lung_cycif_129.tif", + "label": "test/lung_cycif_129_masks.tif" + }, + { + "image": "test/lung_cycif_133.tif", + "label": "test/lung_cycif_133_masks.tif" + }, + { + "image": "test/lung_cycif_134.tif", + "label": "test/lung_cycif_134_masks.tif" + }, + { + "image": "test/lung_cycif_137.tif", + "label": "test/lung_cycif_137_masks.tif" + }, + { + "image": "test/lung_cycif_140.tif", + "label": "test/lung_cycif_140_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_pancreas_codex_datalist.json b/vista2d/datalists/tissuenet_pancreas_codex_datalist.json new file mode 100644 index 0000000..c195eb3 --- /dev/null +++ b/vista2d/datalists/tissuenet_pancreas_codex_datalist.json @@ -0,0 +1,16646 @@ +{ + "training": [ + { + "image": "val/pancreas_codex_0.tif", + "label": "val/pancreas_codex_0_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_3.tif", + "label": "val/pancreas_codex_3_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_8.tif", + "label": "val/pancreas_codex_8_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_13.tif", + "label": "val/pancreas_codex_13_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_16.tif", + "label": "val/pancreas_codex_16_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_19.tif", + "label": "val/pancreas_codex_19_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_23.tif", + "label": "val/pancreas_codex_23_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_35.tif", + "label": "val/pancreas_codex_35_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_40.tif", + "label": "val/pancreas_codex_40_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_41.tif", + "label": "val/pancreas_codex_41_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_47.tif", + "label": "val/pancreas_codex_47_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_50.tif", + "label": "val/pancreas_codex_50_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_56.tif", + "label": "val/pancreas_codex_56_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_57.tif", + "label": "val/pancreas_codex_57_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_59.tif", + "label": "val/pancreas_codex_59_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_60.tif", + "label": "val/pancreas_codex_60_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_61.tif", + "label": "val/pancreas_codex_61_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_65.tif", + "label": "val/pancreas_codex_65_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_66.tif", + "label": "val/pancreas_codex_66_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_68.tif", + "label": "val/pancreas_codex_68_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_69.tif", + "label": "val/pancreas_codex_69_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_74.tif", + "label": "val/pancreas_codex_74_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_81.tif", + "label": "val/pancreas_codex_81_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_84.tif", + "label": "val/pancreas_codex_84_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_85.tif", + "label": "val/pancreas_codex_85_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_92.tif", + "label": "val/pancreas_codex_92_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_101.tif", + "label": "val/pancreas_codex_101_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_104.tif", + "label": "val/pancreas_codex_104_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_108.tif", + "label": "val/pancreas_codex_108_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_111.tif", + "label": "val/pancreas_codex_111_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_117.tif", + "label": "val/pancreas_codex_117_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_120.tif", + "label": "val/pancreas_codex_120_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_132.tif", + "label": "val/pancreas_codex_132_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_134.tif", + "label": "val/pancreas_codex_134_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_148.tif", + "label": "val/pancreas_codex_148_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_154.tif", + "label": "val/pancreas_codex_154_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_159.tif", + "label": "val/pancreas_codex_159_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_161.tif", + "label": "val/pancreas_codex_161_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_172.tif", + "label": "val/pancreas_codex_172_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_175.tif", + "label": "val/pancreas_codex_175_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_180.tif", + "label": "val/pancreas_codex_180_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_185.tif", + "label": "val/pancreas_codex_185_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_187.tif", + "label": "val/pancreas_codex_187_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_194.tif", + "label": "val/pancreas_codex_194_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_195.tif", + "label": "val/pancreas_codex_195_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_207.tif", + "label": "val/pancreas_codex_207_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_214.tif", + "label": "val/pancreas_codex_214_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_216.tif", + "label": "val/pancreas_codex_216_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_218.tif", + "label": "val/pancreas_codex_218_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_223.tif", + "label": "val/pancreas_codex_223_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_224.tif", + "label": "val/pancreas_codex_224_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_233.tif", + "label": "val/pancreas_codex_233_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_241.tif", + "label": "val/pancreas_codex_241_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_242.tif", + "label": "val/pancreas_codex_242_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_247.tif", + "label": "val/pancreas_codex_247_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_257.tif", + "label": "val/pancreas_codex_257_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_259.tif", + "label": "val/pancreas_codex_259_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_268.tif", + "label": "val/pancreas_codex_268_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_274.tif", + "label": "val/pancreas_codex_274_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_277.tif", + "label": "val/pancreas_codex_277_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_286.tif", + "label": "val/pancreas_codex_286_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_289.tif", + "label": "val/pancreas_codex_289_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_293.tif", + "label": "val/pancreas_codex_293_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_301.tif", + "label": "val/pancreas_codex_301_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_310.tif", + "label": "val/pancreas_codex_310_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_314.tif", + "label": "val/pancreas_codex_314_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_339.tif", + "label": "val/pancreas_codex_339_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_341.tif", + "label": "val/pancreas_codex_341_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_343.tif", + "label": "val/pancreas_codex_343_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_345.tif", + "label": "val/pancreas_codex_345_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_346.tif", + "label": "val/pancreas_codex_346_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_347.tif", + "label": "val/pancreas_codex_347_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_349.tif", + "label": "val/pancreas_codex_349_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_350.tif", + "label": "val/pancreas_codex_350_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_352.tif", + "label": "val/pancreas_codex_352_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_355.tif", + "label": "val/pancreas_codex_355_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_358.tif", + "label": "val/pancreas_codex_358_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_361.tif", + "label": "val/pancreas_codex_361_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_364.tif", + "label": "val/pancreas_codex_364_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_368.tif", + "label": "val/pancreas_codex_368_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_373.tif", + "label": "val/pancreas_codex_373_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_382.tif", + "label": "val/pancreas_codex_382_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_392.tif", + "label": "val/pancreas_codex_392_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_395.tif", + "label": "val/pancreas_codex_395_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_397.tif", + "label": "val/pancreas_codex_397_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_400.tif", + "label": "val/pancreas_codex_400_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_402.tif", + "label": "val/pancreas_codex_402_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_404.tif", + "label": "val/pancreas_codex_404_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_412.tif", + "label": "val/pancreas_codex_412_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_415.tif", + "label": "val/pancreas_codex_415_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_422.tif", + "label": "val/pancreas_codex_422_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_425.tif", + "label": "val/pancreas_codex_425_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_428.tif", + "label": "val/pancreas_codex_428_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_433.tif", + "label": "val/pancreas_codex_433_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_435.tif", + "label": "val/pancreas_codex_435_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_445.tif", + "label": "val/pancreas_codex_445_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_448.tif", + "label": "val/pancreas_codex_448_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_449.tif", + "label": "val/pancreas_codex_449_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_459.tif", + "label": "val/pancreas_codex_459_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_460.tif", + "label": "val/pancreas_codex_460_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_467.tif", + "label": "val/pancreas_codex_467_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_473.tif", + "label": "val/pancreas_codex_473_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_474.tif", + "label": "val/pancreas_codex_474_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_483.tif", + "label": "val/pancreas_codex_483_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_491.tif", + "label": "val/pancreas_codex_491_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_494.tif", + "label": "val/pancreas_codex_494_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_495.tif", + "label": "val/pancreas_codex_495_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_496.tif", + "label": "val/pancreas_codex_496_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_501.tif", + "label": "val/pancreas_codex_501_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_502.tif", + "label": "val/pancreas_codex_502_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_517.tif", + "label": "val/pancreas_codex_517_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_521.tif", + "label": "val/pancreas_codex_521_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_525.tif", + "label": "val/pancreas_codex_525_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_540.tif", + "label": "val/pancreas_codex_540_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_541.tif", + "label": "val/pancreas_codex_541_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_552.tif", + "label": "val/pancreas_codex_552_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_554.tif", + "label": "val/pancreas_codex_554_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_573.tif", + "label": "val/pancreas_codex_573_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_576.tif", + "label": "val/pancreas_codex_576_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_582.tif", + "label": "val/pancreas_codex_582_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_585.tif", + "label": "val/pancreas_codex_585_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_587.tif", + "label": "val/pancreas_codex_587_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_599.tif", + "label": "val/pancreas_codex_599_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_601.tif", + "label": "val/pancreas_codex_601_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_613.tif", + "label": "val/pancreas_codex_613_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_620.tif", + "label": "val/pancreas_codex_620_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_628.tif", + "label": "val/pancreas_codex_628_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_634.tif", + "label": "val/pancreas_codex_634_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_637.tif", + "label": "val/pancreas_codex_637_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_638.tif", + "label": "val/pancreas_codex_638_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_639.tif", + "label": "val/pancreas_codex_639_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_646.tif", + "label": "val/pancreas_codex_646_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_647.tif", + "label": "val/pancreas_codex_647_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_663.tif", + "label": "val/pancreas_codex_663_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_673.tif", + "label": "val/pancreas_codex_673_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_677.tif", + "label": "val/pancreas_codex_677_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_691.tif", + "label": "val/pancreas_codex_691_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_696.tif", + "label": "val/pancreas_codex_696_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_699.tif", + "label": "val/pancreas_codex_699_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_707.tif", + "label": "val/pancreas_codex_707_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_710.tif", + "label": "val/pancreas_codex_710_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_712.tif", + "label": "val/pancreas_codex_712_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_713.tif", + "label": "val/pancreas_codex_713_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_719.tif", + "label": "val/pancreas_codex_719_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_722.tif", + "label": "val/pancreas_codex_722_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_728.tif", + "label": "val/pancreas_codex_728_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_729.tif", + "label": "val/pancreas_codex_729_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_4.tif", + "label": "val/pancreas_codex_4_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_5.tif", + "label": "val/pancreas_codex_5_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_9.tif", + "label": "val/pancreas_codex_9_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_11.tif", + "label": "val/pancreas_codex_11_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_17.tif", + "label": "val/pancreas_codex_17_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_29.tif", + "label": "val/pancreas_codex_29_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_31.tif", + "label": "val/pancreas_codex_31_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_33.tif", + "label": "val/pancreas_codex_33_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_34.tif", + "label": "val/pancreas_codex_34_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_38.tif", + "label": "val/pancreas_codex_38_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_39.tif", + "label": "val/pancreas_codex_39_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_45.tif", + "label": "val/pancreas_codex_45_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_49.tif", + "label": "val/pancreas_codex_49_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_62.tif", + "label": "val/pancreas_codex_62_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_67.tif", + "label": "val/pancreas_codex_67_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_76.tif", + "label": "val/pancreas_codex_76_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_80.tif", + "label": "val/pancreas_codex_80_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_82.tif", + "label": "val/pancreas_codex_82_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_88.tif", + "label": "val/pancreas_codex_88_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_90.tif", + "label": "val/pancreas_codex_90_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_95.tif", + "label": "val/pancreas_codex_95_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_99.tif", + "label": "val/pancreas_codex_99_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_103.tif", + "label": "val/pancreas_codex_103_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_107.tif", + "label": "val/pancreas_codex_107_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_116.tif", + "label": "val/pancreas_codex_116_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_118.tif", + "label": "val/pancreas_codex_118_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_119.tif", + "label": "val/pancreas_codex_119_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_121.tif", + "label": "val/pancreas_codex_121_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_124.tif", + "label": "val/pancreas_codex_124_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_135.tif", + "label": "val/pancreas_codex_135_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_139.tif", + "label": "val/pancreas_codex_139_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_146.tif", + "label": "val/pancreas_codex_146_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_147.tif", + "label": "val/pancreas_codex_147_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_160.tif", + "label": "val/pancreas_codex_160_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_162.tif", + "label": "val/pancreas_codex_162_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_165.tif", + "label": "val/pancreas_codex_165_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_173.tif", + "label": "val/pancreas_codex_173_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_179.tif", + "label": "val/pancreas_codex_179_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_181.tif", + "label": "val/pancreas_codex_181_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_189.tif", + "label": "val/pancreas_codex_189_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_197.tif", + "label": "val/pancreas_codex_197_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_201.tif", + "label": "val/pancreas_codex_201_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_202.tif", + "label": "val/pancreas_codex_202_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_236.tif", + "label": "val/pancreas_codex_236_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_245.tif", + "label": "val/pancreas_codex_245_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_248.tif", + "label": "val/pancreas_codex_248_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_255.tif", + "label": "val/pancreas_codex_255_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_261.tif", + "label": "val/pancreas_codex_261_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_262.tif", + "label": "val/pancreas_codex_262_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_273.tif", + "label": "val/pancreas_codex_273_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_280.tif", + "label": "val/pancreas_codex_280_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_285.tif", + "label": "val/pancreas_codex_285_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_298.tif", + "label": "val/pancreas_codex_298_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_299.tif", + "label": "val/pancreas_codex_299_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_304.tif", + "label": "val/pancreas_codex_304_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_305.tif", + "label": "val/pancreas_codex_305_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_307.tif", + "label": "val/pancreas_codex_307_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_311.tif", + "label": "val/pancreas_codex_311_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_312.tif", + "label": "val/pancreas_codex_312_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_318.tif", + "label": "val/pancreas_codex_318_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_320.tif", + "label": "val/pancreas_codex_320_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_329.tif", + "label": "val/pancreas_codex_329_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_331.tif", + "label": "val/pancreas_codex_331_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_333.tif", + "label": "val/pancreas_codex_333_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_334.tif", + "label": "val/pancreas_codex_334_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_335.tif", + "label": "val/pancreas_codex_335_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_353.tif", + "label": "val/pancreas_codex_353_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_363.tif", + "label": "val/pancreas_codex_363_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_366.tif", + "label": "val/pancreas_codex_366_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_375.tif", + "label": "val/pancreas_codex_375_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_377.tif", + "label": "val/pancreas_codex_377_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_379.tif", + "label": "val/pancreas_codex_379_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_383.tif", + "label": "val/pancreas_codex_383_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_385.tif", + "label": "val/pancreas_codex_385_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_386.tif", + "label": "val/pancreas_codex_386_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_388.tif", + "label": "val/pancreas_codex_388_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_394.tif", + "label": "val/pancreas_codex_394_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_396.tif", + "label": "val/pancreas_codex_396_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_399.tif", + "label": "val/pancreas_codex_399_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_403.tif", + "label": "val/pancreas_codex_403_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_411.tif", + "label": "val/pancreas_codex_411_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_414.tif", + "label": "val/pancreas_codex_414_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_419.tif", + "label": "val/pancreas_codex_419_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_426.tif", + "label": "val/pancreas_codex_426_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_427.tif", + "label": "val/pancreas_codex_427_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_432.tif", + "label": "val/pancreas_codex_432_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_436.tif", + "label": "val/pancreas_codex_436_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_439.tif", + "label": "val/pancreas_codex_439_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_441.tif", + "label": "val/pancreas_codex_441_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_452.tif", + "label": "val/pancreas_codex_452_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_455.tif", + "label": "val/pancreas_codex_455_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_472.tif", + "label": "val/pancreas_codex_472_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_479.tif", + "label": "val/pancreas_codex_479_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_480.tif", + "label": "val/pancreas_codex_480_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_486.tif", + "label": "val/pancreas_codex_486_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_488.tif", + "label": "val/pancreas_codex_488_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_498.tif", + "label": "val/pancreas_codex_498_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_512.tif", + "label": "val/pancreas_codex_512_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_518.tif", + "label": "val/pancreas_codex_518_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_522.tif", + "label": "val/pancreas_codex_522_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_524.tif", + "label": "val/pancreas_codex_524_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_528.tif", + "label": "val/pancreas_codex_528_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_529.tif", + "label": "val/pancreas_codex_529_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_530.tif", + "label": "val/pancreas_codex_530_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_535.tif", + "label": "val/pancreas_codex_535_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_538.tif", + "label": "val/pancreas_codex_538_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_551.tif", + "label": "val/pancreas_codex_551_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_556.tif", + "label": "val/pancreas_codex_556_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_560.tif", + "label": "val/pancreas_codex_560_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_571.tif", + "label": "val/pancreas_codex_571_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_574.tif", + "label": "val/pancreas_codex_574_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_575.tif", + "label": "val/pancreas_codex_575_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_581.tif", + "label": "val/pancreas_codex_581_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_591.tif", + "label": "val/pancreas_codex_591_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_594.tif", + "label": "val/pancreas_codex_594_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_597.tif", + "label": "val/pancreas_codex_597_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_598.tif", + "label": "val/pancreas_codex_598_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_602.tif", + "label": "val/pancreas_codex_602_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_605.tif", + "label": "val/pancreas_codex_605_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_607.tif", + "label": "val/pancreas_codex_607_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_609.tif", + "label": "val/pancreas_codex_609_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_615.tif", + "label": "val/pancreas_codex_615_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_617.tif", + "label": "val/pancreas_codex_617_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_626.tif", + "label": "val/pancreas_codex_626_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_629.tif", + "label": "val/pancreas_codex_629_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_630.tif", + "label": "val/pancreas_codex_630_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_631.tif", + "label": "val/pancreas_codex_631_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_636.tif", + "label": "val/pancreas_codex_636_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_641.tif", + "label": "val/pancreas_codex_641_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_642.tif", + "label": "val/pancreas_codex_642_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_649.tif", + "label": "val/pancreas_codex_649_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_651.tif", + "label": "val/pancreas_codex_651_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_652.tif", + "label": "val/pancreas_codex_652_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_660.tif", + "label": "val/pancreas_codex_660_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_662.tif", + "label": "val/pancreas_codex_662_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_666.tif", + "label": "val/pancreas_codex_666_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_667.tif", + "label": "val/pancreas_codex_667_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_670.tif", + "label": "val/pancreas_codex_670_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_676.tif", + "label": "val/pancreas_codex_676_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_680.tif", + "label": "val/pancreas_codex_680_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_698.tif", + "label": "val/pancreas_codex_698_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_701.tif", + "label": "val/pancreas_codex_701_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_711.tif", + "label": "val/pancreas_codex_711_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_718.tif", + "label": "val/pancreas_codex_718_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_721.tif", + "label": "val/pancreas_codex_721_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_724.tif", + "label": "val/pancreas_codex_724_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_725.tif", + "label": "val/pancreas_codex_725_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_1.tif", + "label": "val/pancreas_codex_1_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_2.tif", + "label": "val/pancreas_codex_2_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_6.tif", + "label": "val/pancreas_codex_6_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_18.tif", + "label": "val/pancreas_codex_18_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_27.tif", + "label": "val/pancreas_codex_27_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_30.tif", + "label": "val/pancreas_codex_30_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_36.tif", + "label": "val/pancreas_codex_36_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_42.tif", + "label": "val/pancreas_codex_42_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_46.tif", + "label": "val/pancreas_codex_46_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_52.tif", + "label": "val/pancreas_codex_52_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_58.tif", + "label": "val/pancreas_codex_58_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_70.tif", + "label": "val/pancreas_codex_70_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_73.tif", + "label": "val/pancreas_codex_73_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_78.tif", + "label": "val/pancreas_codex_78_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_83.tif", + "label": "val/pancreas_codex_83_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_89.tif", + "label": "val/pancreas_codex_89_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_93.tif", + "label": "val/pancreas_codex_93_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_94.tif", + "label": "val/pancreas_codex_94_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_97.tif", + "label": "val/pancreas_codex_97_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_98.tif", + "label": "val/pancreas_codex_98_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_102.tif", + "label": "val/pancreas_codex_102_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_106.tif", + "label": "val/pancreas_codex_106_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_110.tif", + "label": "val/pancreas_codex_110_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_115.tif", + "label": "val/pancreas_codex_115_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_122.tif", + "label": "val/pancreas_codex_122_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_127.tif", + "label": "val/pancreas_codex_127_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_128.tif", + "label": "val/pancreas_codex_128_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_133.tif", + "label": "val/pancreas_codex_133_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_142.tif", + "label": "val/pancreas_codex_142_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_157.tif", + "label": "val/pancreas_codex_157_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_158.tif", + "label": "val/pancreas_codex_158_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_164.tif", + "label": "val/pancreas_codex_164_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_168.tif", + "label": "val/pancreas_codex_168_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_171.tif", + "label": "val/pancreas_codex_171_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_177.tif", + "label": "val/pancreas_codex_177_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_184.tif", + "label": "val/pancreas_codex_184_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_186.tif", + "label": "val/pancreas_codex_186_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_192.tif", + "label": "val/pancreas_codex_192_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_200.tif", + "label": "val/pancreas_codex_200_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_203.tif", + "label": "val/pancreas_codex_203_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_204.tif", + "label": "val/pancreas_codex_204_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_213.tif", + "label": "val/pancreas_codex_213_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_217.tif", + "label": "val/pancreas_codex_217_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_221.tif", + "label": "val/pancreas_codex_221_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_225.tif", + "label": "val/pancreas_codex_225_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_227.tif", + "label": "val/pancreas_codex_227_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_228.tif", + "label": "val/pancreas_codex_228_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_232.tif", + "label": "val/pancreas_codex_232_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_237.tif", + "label": "val/pancreas_codex_237_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_239.tif", + "label": "val/pancreas_codex_239_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_244.tif", + "label": "val/pancreas_codex_244_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_246.tif", + "label": "val/pancreas_codex_246_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_249.tif", + "label": "val/pancreas_codex_249_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_250.tif", + "label": "val/pancreas_codex_250_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_258.tif", + "label": "val/pancreas_codex_258_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_260.tif", + "label": "val/pancreas_codex_260_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_267.tif", + "label": "val/pancreas_codex_267_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_283.tif", + "label": "val/pancreas_codex_283_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_284.tif", + "label": "val/pancreas_codex_284_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_291.tif", + "label": "val/pancreas_codex_291_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_292.tif", + "label": "val/pancreas_codex_292_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_295.tif", + "label": "val/pancreas_codex_295_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_306.tif", + "label": "val/pancreas_codex_306_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_308.tif", + "label": "val/pancreas_codex_308_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_323.tif", + "label": "val/pancreas_codex_323_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_328.tif", + "label": "val/pancreas_codex_328_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_337.tif", + "label": "val/pancreas_codex_337_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_340.tif", + "label": "val/pancreas_codex_340_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_351.tif", + "label": "val/pancreas_codex_351_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_354.tif", + "label": "val/pancreas_codex_354_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_359.tif", + "label": "val/pancreas_codex_359_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_360.tif", + "label": "val/pancreas_codex_360_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_362.tif", + "label": "val/pancreas_codex_362_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_365.tif", + "label": "val/pancreas_codex_365_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_371.tif", + "label": "val/pancreas_codex_371_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_372.tif", + "label": "val/pancreas_codex_372_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_374.tif", + "label": "val/pancreas_codex_374_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_378.tif", + "label": "val/pancreas_codex_378_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_389.tif", + "label": "val/pancreas_codex_389_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_406.tif", + "label": "val/pancreas_codex_406_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_408.tif", + "label": "val/pancreas_codex_408_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_417.tif", + "label": "val/pancreas_codex_417_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_421.tif", + "label": "val/pancreas_codex_421_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_429.tif", + "label": "val/pancreas_codex_429_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_434.tif", + "label": "val/pancreas_codex_434_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_437.tif", + "label": "val/pancreas_codex_437_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_443.tif", + "label": "val/pancreas_codex_443_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_447.tif", + "label": "val/pancreas_codex_447_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_453.tif", + "label": "val/pancreas_codex_453_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_457.tif", + "label": "val/pancreas_codex_457_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_464.tif", + "label": "val/pancreas_codex_464_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_481.tif", + "label": "val/pancreas_codex_481_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_482.tif", + "label": "val/pancreas_codex_482_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_484.tif", + "label": "val/pancreas_codex_484_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_487.tif", + "label": "val/pancreas_codex_487_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_493.tif", + "label": "val/pancreas_codex_493_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_504.tif", + "label": "val/pancreas_codex_504_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_507.tif", + "label": "val/pancreas_codex_507_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_511.tif", + "label": "val/pancreas_codex_511_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_516.tif", + "label": "val/pancreas_codex_516_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_523.tif", + "label": "val/pancreas_codex_523_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_526.tif", + "label": "val/pancreas_codex_526_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_527.tif", + "label": "val/pancreas_codex_527_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_531.tif", + "label": "val/pancreas_codex_531_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_533.tif", + "label": "val/pancreas_codex_533_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_537.tif", + "label": "val/pancreas_codex_537_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_544.tif", + "label": "val/pancreas_codex_544_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_546.tif", + "label": "val/pancreas_codex_546_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_549.tif", + "label": "val/pancreas_codex_549_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_550.tif", + "label": "val/pancreas_codex_550_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_558.tif", + "label": "val/pancreas_codex_558_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_559.tif", + "label": "val/pancreas_codex_559_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_563.tif", + "label": "val/pancreas_codex_563_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_567.tif", + "label": "val/pancreas_codex_567_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_570.tif", + "label": "val/pancreas_codex_570_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_578.tif", + "label": "val/pancreas_codex_578_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_589.tif", + "label": "val/pancreas_codex_589_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_593.tif", + "label": "val/pancreas_codex_593_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_596.tif", + "label": "val/pancreas_codex_596_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_600.tif", + "label": "val/pancreas_codex_600_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_603.tif", + "label": "val/pancreas_codex_603_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_604.tif", + "label": "val/pancreas_codex_604_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_608.tif", + "label": "val/pancreas_codex_608_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_610.tif", + "label": "val/pancreas_codex_610_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_611.tif", + "label": "val/pancreas_codex_611_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_612.tif", + "label": "val/pancreas_codex_612_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_618.tif", + "label": "val/pancreas_codex_618_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_622.tif", + "label": "val/pancreas_codex_622_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_624.tif", + "label": "val/pancreas_codex_624_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_640.tif", + "label": "val/pancreas_codex_640_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_650.tif", + "label": "val/pancreas_codex_650_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_655.tif", + "label": "val/pancreas_codex_655_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_661.tif", + "label": "val/pancreas_codex_661_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_669.tif", + "label": "val/pancreas_codex_669_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_674.tif", + "label": "val/pancreas_codex_674_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_679.tif", + "label": "val/pancreas_codex_679_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_684.tif", + "label": "val/pancreas_codex_684_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_688.tif", + "label": "val/pancreas_codex_688_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_694.tif", + "label": "val/pancreas_codex_694_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_697.tif", + "label": "val/pancreas_codex_697_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_702.tif", + "label": "val/pancreas_codex_702_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_703.tif", + "label": "val/pancreas_codex_703_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_704.tif", + "label": "val/pancreas_codex_704_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_708.tif", + "label": "val/pancreas_codex_708_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_717.tif", + "label": "val/pancreas_codex_717_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_726.tif", + "label": "val/pancreas_codex_726_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_12.tif", + "label": "val/pancreas_codex_12_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_14.tif", + "label": "val/pancreas_codex_14_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_21.tif", + "label": "val/pancreas_codex_21_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_24.tif", + "label": "val/pancreas_codex_24_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_28.tif", + "label": "val/pancreas_codex_28_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_32.tif", + "label": "val/pancreas_codex_32_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_44.tif", + "label": "val/pancreas_codex_44_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_48.tif", + "label": "val/pancreas_codex_48_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_51.tif", + "label": "val/pancreas_codex_51_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_53.tif", + "label": "val/pancreas_codex_53_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_54.tif", + "label": "val/pancreas_codex_54_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_55.tif", + "label": "val/pancreas_codex_55_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_63.tif", + "label": "val/pancreas_codex_63_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_79.tif", + "label": "val/pancreas_codex_79_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_91.tif", + "label": "val/pancreas_codex_91_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_100.tif", + "label": "val/pancreas_codex_100_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_105.tif", + "label": "val/pancreas_codex_105_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_109.tif", + "label": "val/pancreas_codex_109_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_112.tif", + "label": "val/pancreas_codex_112_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_113.tif", + "label": "val/pancreas_codex_113_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_114.tif", + "label": "val/pancreas_codex_114_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_123.tif", + "label": "val/pancreas_codex_123_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_125.tif", + "label": "val/pancreas_codex_125_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_131.tif", + "label": "val/pancreas_codex_131_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_136.tif", + "label": "val/pancreas_codex_136_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_137.tif", + "label": "val/pancreas_codex_137_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_138.tif", + "label": "val/pancreas_codex_138_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_143.tif", + "label": "val/pancreas_codex_143_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_145.tif", + "label": "val/pancreas_codex_145_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_150.tif", + "label": "val/pancreas_codex_150_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_153.tif", + "label": "val/pancreas_codex_153_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_156.tif", + "label": "val/pancreas_codex_156_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_163.tif", + "label": "val/pancreas_codex_163_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_167.tif", + "label": "val/pancreas_codex_167_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_169.tif", + "label": "val/pancreas_codex_169_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_174.tif", + "label": "val/pancreas_codex_174_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_182.tif", + "label": "val/pancreas_codex_182_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_188.tif", + "label": "val/pancreas_codex_188_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_191.tif", + "label": "val/pancreas_codex_191_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_199.tif", + "label": "val/pancreas_codex_199_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_205.tif", + "label": "val/pancreas_codex_205_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_206.tif", + "label": "val/pancreas_codex_206_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_208.tif", + "label": "val/pancreas_codex_208_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_211.tif", + "label": "val/pancreas_codex_211_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_212.tif", + "label": "val/pancreas_codex_212_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_219.tif", + "label": "val/pancreas_codex_219_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_220.tif", + "label": "val/pancreas_codex_220_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_222.tif", + "label": "val/pancreas_codex_222_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_226.tif", + "label": "val/pancreas_codex_226_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_229.tif", + "label": "val/pancreas_codex_229_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_230.tif", + "label": "val/pancreas_codex_230_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_234.tif", + "label": "val/pancreas_codex_234_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_238.tif", + "label": "val/pancreas_codex_238_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_240.tif", + "label": "val/pancreas_codex_240_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_251.tif", + "label": "val/pancreas_codex_251_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_256.tif", + "label": "val/pancreas_codex_256_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_265.tif", + "label": "val/pancreas_codex_265_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_270.tif", + "label": "val/pancreas_codex_270_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_271.tif", + "label": "val/pancreas_codex_271_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_272.tif", + "label": "val/pancreas_codex_272_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_275.tif", + "label": "val/pancreas_codex_275_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_287.tif", + "label": "val/pancreas_codex_287_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_290.tif", + "label": "val/pancreas_codex_290_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_294.tif", + "label": "val/pancreas_codex_294_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_296.tif", + "label": "val/pancreas_codex_296_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_300.tif", + "label": "val/pancreas_codex_300_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_303.tif", + "label": "val/pancreas_codex_303_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_309.tif", + "label": "val/pancreas_codex_309_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_315.tif", + "label": "val/pancreas_codex_315_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_322.tif", + "label": "val/pancreas_codex_322_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_324.tif", + "label": "val/pancreas_codex_324_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_325.tif", + "label": "val/pancreas_codex_325_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_326.tif", + "label": "val/pancreas_codex_326_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_330.tif", + "label": "val/pancreas_codex_330_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_342.tif", + "label": "val/pancreas_codex_342_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_344.tif", + "label": "val/pancreas_codex_344_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_370.tif", + "label": "val/pancreas_codex_370_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_376.tif", + "label": "val/pancreas_codex_376_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_380.tif", + "label": "val/pancreas_codex_380_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_384.tif", + "label": "val/pancreas_codex_384_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_391.tif", + "label": "val/pancreas_codex_391_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_407.tif", + "label": "val/pancreas_codex_407_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_409.tif", + "label": "val/pancreas_codex_409_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_410.tif", + "label": "val/pancreas_codex_410_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_413.tif", + "label": "val/pancreas_codex_413_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_420.tif", + "label": "val/pancreas_codex_420_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_423.tif", + "label": "val/pancreas_codex_423_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_424.tif", + "label": "val/pancreas_codex_424_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_430.tif", + "label": "val/pancreas_codex_430_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_438.tif", + "label": "val/pancreas_codex_438_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_440.tif", + "label": "val/pancreas_codex_440_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_442.tif", + "label": "val/pancreas_codex_442_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_444.tif", + "label": "val/pancreas_codex_444_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_446.tif", + "label": "val/pancreas_codex_446_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_450.tif", + "label": "val/pancreas_codex_450_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_451.tif", + "label": "val/pancreas_codex_451_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_458.tif", + "label": "val/pancreas_codex_458_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_462.tif", + "label": "val/pancreas_codex_462_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_463.tif", + "label": "val/pancreas_codex_463_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_465.tif", + "label": "val/pancreas_codex_465_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_475.tif", + "label": "val/pancreas_codex_475_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_477.tif", + "label": "val/pancreas_codex_477_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_499.tif", + "label": "val/pancreas_codex_499_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_500.tif", + "label": "val/pancreas_codex_500_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_506.tif", + "label": "val/pancreas_codex_506_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_509.tif", + "label": "val/pancreas_codex_509_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_510.tif", + "label": "val/pancreas_codex_510_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_519.tif", + "label": "val/pancreas_codex_519_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_520.tif", + "label": "val/pancreas_codex_520_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_536.tif", + "label": "val/pancreas_codex_536_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_539.tif", + "label": "val/pancreas_codex_539_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_543.tif", + "label": "val/pancreas_codex_543_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_545.tif", + "label": "val/pancreas_codex_545_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_547.tif", + "label": "val/pancreas_codex_547_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_553.tif", + "label": "val/pancreas_codex_553_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_555.tif", + "label": "val/pancreas_codex_555_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_557.tif", + "label": "val/pancreas_codex_557_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_565.tif", + "label": "val/pancreas_codex_565_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_577.tif", + "label": "val/pancreas_codex_577_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_579.tif", + "label": "val/pancreas_codex_579_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_584.tif", + "label": "val/pancreas_codex_584_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_590.tif", + "label": "val/pancreas_codex_590_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_592.tif", + "label": "val/pancreas_codex_592_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_619.tif", + "label": "val/pancreas_codex_619_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_632.tif", + "label": "val/pancreas_codex_632_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_635.tif", + "label": "val/pancreas_codex_635_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_643.tif", + "label": "val/pancreas_codex_643_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_644.tif", + "label": "val/pancreas_codex_644_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_656.tif", + "label": "val/pancreas_codex_656_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_657.tif", + "label": "val/pancreas_codex_657_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_658.tif", + "label": "val/pancreas_codex_658_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_671.tif", + "label": "val/pancreas_codex_671_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_686.tif", + "label": "val/pancreas_codex_686_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_689.tif", + "label": "val/pancreas_codex_689_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_692.tif", + "label": "val/pancreas_codex_692_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_693.tif", + "label": "val/pancreas_codex_693_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_695.tif", + "label": "val/pancreas_codex_695_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_705.tif", + "label": "val/pancreas_codex_705_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_706.tif", + "label": "val/pancreas_codex_706_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_709.tif", + "label": "val/pancreas_codex_709_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_714.tif", + "label": "val/pancreas_codex_714_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_716.tif", + "label": "val/pancreas_codex_716_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_720.tif", + "label": "val/pancreas_codex_720_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_727.tif", + "label": "val/pancreas_codex_727_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_730.tif", + "label": "val/pancreas_codex_730_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_731.tif", + "label": "val/pancreas_codex_731_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_7.tif", + "label": "val/pancreas_codex_7_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_10.tif", + "label": "val/pancreas_codex_10_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_15.tif", + "label": "val/pancreas_codex_15_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_20.tif", + "label": "val/pancreas_codex_20_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_22.tif", + "label": "val/pancreas_codex_22_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_25.tif", + "label": "val/pancreas_codex_25_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_26.tif", + "label": "val/pancreas_codex_26_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_37.tif", + "label": "val/pancreas_codex_37_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_43.tif", + "label": "val/pancreas_codex_43_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_64.tif", + "label": "val/pancreas_codex_64_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_71.tif", + "label": "val/pancreas_codex_71_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_72.tif", + "label": "val/pancreas_codex_72_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_75.tif", + "label": "val/pancreas_codex_75_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_77.tif", + "label": "val/pancreas_codex_77_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_86.tif", + "label": "val/pancreas_codex_86_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_87.tif", + "label": "val/pancreas_codex_87_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_96.tif", + "label": "val/pancreas_codex_96_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_126.tif", + "label": "val/pancreas_codex_126_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_129.tif", + "label": "val/pancreas_codex_129_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_130.tif", + "label": "val/pancreas_codex_130_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_140.tif", + "label": "val/pancreas_codex_140_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_141.tif", + "label": "val/pancreas_codex_141_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_144.tif", + "label": "val/pancreas_codex_144_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_149.tif", + "label": "val/pancreas_codex_149_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_151.tif", + "label": "val/pancreas_codex_151_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_152.tif", + "label": "val/pancreas_codex_152_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_155.tif", + "label": "val/pancreas_codex_155_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_166.tif", + "label": "val/pancreas_codex_166_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_170.tif", + "label": "val/pancreas_codex_170_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_176.tif", + "label": "val/pancreas_codex_176_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_178.tif", + "label": "val/pancreas_codex_178_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_183.tif", + "label": "val/pancreas_codex_183_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_190.tif", + "label": "val/pancreas_codex_190_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_193.tif", + "label": "val/pancreas_codex_193_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_196.tif", + "label": "val/pancreas_codex_196_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_198.tif", + "label": "val/pancreas_codex_198_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_209.tif", + "label": "val/pancreas_codex_209_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_210.tif", + "label": "val/pancreas_codex_210_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_215.tif", + "label": "val/pancreas_codex_215_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_231.tif", + "label": "val/pancreas_codex_231_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_235.tif", + "label": "val/pancreas_codex_235_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_243.tif", + "label": "val/pancreas_codex_243_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_252.tif", + "label": "val/pancreas_codex_252_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_253.tif", + "label": "val/pancreas_codex_253_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_254.tif", + "label": "val/pancreas_codex_254_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_263.tif", + "label": "val/pancreas_codex_263_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_264.tif", + "label": "val/pancreas_codex_264_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_266.tif", + "label": "val/pancreas_codex_266_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_269.tif", + "label": "val/pancreas_codex_269_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_276.tif", + "label": "val/pancreas_codex_276_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_278.tif", + "label": "val/pancreas_codex_278_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_279.tif", + "label": "val/pancreas_codex_279_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_281.tif", + "label": "val/pancreas_codex_281_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_282.tif", + "label": "val/pancreas_codex_282_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_288.tif", + "label": "val/pancreas_codex_288_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_297.tif", + "label": "val/pancreas_codex_297_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_302.tif", + "label": "val/pancreas_codex_302_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_313.tif", + "label": "val/pancreas_codex_313_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_316.tif", + "label": "val/pancreas_codex_316_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_317.tif", + "label": "val/pancreas_codex_317_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_319.tif", + "label": "val/pancreas_codex_319_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_321.tif", + "label": "val/pancreas_codex_321_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_327.tif", + "label": "val/pancreas_codex_327_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_332.tif", + "label": "val/pancreas_codex_332_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_336.tif", + "label": "val/pancreas_codex_336_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_338.tif", + "label": "val/pancreas_codex_338_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_348.tif", + "label": "val/pancreas_codex_348_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_356.tif", + "label": "val/pancreas_codex_356_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_357.tif", + "label": "val/pancreas_codex_357_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_367.tif", + "label": "val/pancreas_codex_367_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_369.tif", + "label": "val/pancreas_codex_369_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_381.tif", + "label": "val/pancreas_codex_381_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_387.tif", + "label": "val/pancreas_codex_387_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_390.tif", + "label": "val/pancreas_codex_390_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_393.tif", + "label": "val/pancreas_codex_393_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_398.tif", + "label": "val/pancreas_codex_398_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_401.tif", + "label": "val/pancreas_codex_401_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_405.tif", + "label": "val/pancreas_codex_405_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_416.tif", + "label": "val/pancreas_codex_416_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_418.tif", + "label": "val/pancreas_codex_418_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_431.tif", + "label": "val/pancreas_codex_431_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_454.tif", + "label": "val/pancreas_codex_454_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_456.tif", + "label": "val/pancreas_codex_456_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_461.tif", + "label": "val/pancreas_codex_461_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_466.tif", + "label": "val/pancreas_codex_466_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_468.tif", + "label": "val/pancreas_codex_468_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_469.tif", + "label": "val/pancreas_codex_469_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_470.tif", + "label": "val/pancreas_codex_470_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_471.tif", + "label": "val/pancreas_codex_471_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_476.tif", + "label": "val/pancreas_codex_476_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_478.tif", + "label": "val/pancreas_codex_478_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_485.tif", + "label": "val/pancreas_codex_485_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_489.tif", + "label": "val/pancreas_codex_489_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_490.tif", + "label": "val/pancreas_codex_490_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_492.tif", + "label": "val/pancreas_codex_492_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_497.tif", + "label": "val/pancreas_codex_497_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_503.tif", + "label": "val/pancreas_codex_503_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_505.tif", + "label": "val/pancreas_codex_505_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_508.tif", + "label": "val/pancreas_codex_508_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_513.tif", + "label": "val/pancreas_codex_513_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_514.tif", + "label": "val/pancreas_codex_514_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_515.tif", + "label": "val/pancreas_codex_515_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_532.tif", + "label": "val/pancreas_codex_532_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_534.tif", + "label": "val/pancreas_codex_534_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_542.tif", + "label": "val/pancreas_codex_542_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_548.tif", + "label": "val/pancreas_codex_548_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_561.tif", + "label": "val/pancreas_codex_561_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_562.tif", + "label": "val/pancreas_codex_562_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_564.tif", + "label": "val/pancreas_codex_564_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_566.tif", + "label": "val/pancreas_codex_566_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_568.tif", + "label": "val/pancreas_codex_568_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_569.tif", + "label": "val/pancreas_codex_569_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_572.tif", + "label": "val/pancreas_codex_572_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_580.tif", + "label": "val/pancreas_codex_580_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_583.tif", + "label": "val/pancreas_codex_583_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_586.tif", + "label": "val/pancreas_codex_586_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_588.tif", + "label": "val/pancreas_codex_588_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_595.tif", + "label": "val/pancreas_codex_595_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_606.tif", + "label": "val/pancreas_codex_606_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_614.tif", + "label": "val/pancreas_codex_614_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_616.tif", + "label": "val/pancreas_codex_616_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_621.tif", + "label": "val/pancreas_codex_621_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_623.tif", + "label": "val/pancreas_codex_623_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_625.tif", + "label": "val/pancreas_codex_625_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_627.tif", + "label": "val/pancreas_codex_627_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_633.tif", + "label": "val/pancreas_codex_633_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_645.tif", + "label": "val/pancreas_codex_645_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_648.tif", + "label": "val/pancreas_codex_648_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_653.tif", + "label": "val/pancreas_codex_653_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_654.tif", + "label": "val/pancreas_codex_654_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_659.tif", + "label": "val/pancreas_codex_659_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_664.tif", + "label": "val/pancreas_codex_664_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_665.tif", + "label": "val/pancreas_codex_665_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_668.tif", + "label": "val/pancreas_codex_668_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_672.tif", + "label": "val/pancreas_codex_672_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_675.tif", + "label": "val/pancreas_codex_675_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_678.tif", + "label": "val/pancreas_codex_678_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_681.tif", + "label": "val/pancreas_codex_681_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_682.tif", + "label": "val/pancreas_codex_682_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_683.tif", + "label": "val/pancreas_codex_683_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_685.tif", + "label": "val/pancreas_codex_685_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_687.tif", + "label": "val/pancreas_codex_687_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_690.tif", + "label": "val/pancreas_codex_690_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_700.tif", + "label": "val/pancreas_codex_700_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_715.tif", + "label": "val/pancreas_codex_715_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_723.tif", + "label": "val/pancreas_codex_723_masks.tif", + "fold": 0 + }, + { + "image": "train/pancreas_codex_0_1.tif", + "label": "train/pancreas_codex_0_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_0_3.tif", + "label": "train/pancreas_codex_0_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_1_2.tif", + "label": "train/pancreas_codex_1_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_4_0.tif", + "label": "train/pancreas_codex_4_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_4_1.tif", + "label": "train/pancreas_codex_4_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_10_0.tif", + "label": "train/pancreas_codex_10_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_11_3.tif", + "label": "train/pancreas_codex_11_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_12_2.tif", + "label": "train/pancreas_codex_12_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_13_2.tif", + "label": "train/pancreas_codex_13_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_14_0.tif", + "label": "train/pancreas_codex_14_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_16_1.tif", + "label": "train/pancreas_codex_16_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_18_3.tif", + "label": "train/pancreas_codex_18_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_19_0.tif", + "label": "train/pancreas_codex_19_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_21_3.tif", + "label": "train/pancreas_codex_21_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_23_1.tif", + "label": "train/pancreas_codex_23_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_25_2.tif", + "label": "train/pancreas_codex_25_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_26_3.tif", + "label": "train/pancreas_codex_26_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_27_0.tif", + "label": "train/pancreas_codex_27_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_27_3.tif", + "label": "train/pancreas_codex_27_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_29_3.tif", + "label": "train/pancreas_codex_29_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_30_0.tif", + "label": "train/pancreas_codex_30_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_30_3.tif", + "label": "train/pancreas_codex_30_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_31_2.tif", + "label": "train/pancreas_codex_31_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_32_2.tif", + "label": "train/pancreas_codex_32_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_33_2.tif", + "label": "train/pancreas_codex_33_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_41_1.tif", + "label": "train/pancreas_codex_41_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_42_1.tif", + "label": "train/pancreas_codex_42_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_42_3.tif", + "label": "train/pancreas_codex_42_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_44_1.tif", + "label": "train/pancreas_codex_44_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_45_1.tif", + "label": "train/pancreas_codex_45_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_46_2.tif", + "label": "train/pancreas_codex_46_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_47_2.tif", + "label": "train/pancreas_codex_47_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_48_0.tif", + "label": "train/pancreas_codex_48_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_48_2.tif", + "label": "train/pancreas_codex_48_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_48_3.tif", + "label": "train/pancreas_codex_48_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_50_0.tif", + "label": "train/pancreas_codex_50_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_50_1.tif", + "label": "train/pancreas_codex_50_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_50_3.tif", + "label": "train/pancreas_codex_50_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_51_1.tif", + "label": "train/pancreas_codex_51_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_51_2.tif", + "label": "train/pancreas_codex_51_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_54_0.tif", + "label": "train/pancreas_codex_54_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_56_2.tif", + "label": "train/pancreas_codex_56_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_57_3.tif", + "label": "train/pancreas_codex_57_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_59_0.tif", + "label": "train/pancreas_codex_59_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_60_1.tif", + "label": "train/pancreas_codex_60_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_60_2.tif", + "label": "train/pancreas_codex_60_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_64_2.tif", + "label": "train/pancreas_codex_64_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_67_0.tif", + "label": "train/pancreas_codex_67_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_67_2.tif", + "label": "train/pancreas_codex_67_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_68_3.tif", + "label": "train/pancreas_codex_68_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_70_0.tif", + "label": "train/pancreas_codex_70_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_70_2.tif", + "label": "train/pancreas_codex_70_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_71_1.tif", + "label": "train/pancreas_codex_71_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_73_0.tif", + "label": "train/pancreas_codex_73_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_74_1.tif", + "label": "train/pancreas_codex_74_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_75_3.tif", + "label": "train/pancreas_codex_75_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_76_0.tif", + "label": "train/pancreas_codex_76_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_76_2.tif", + "label": "train/pancreas_codex_76_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_78_2.tif", + "label": "train/pancreas_codex_78_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_80_1.tif", + "label": "train/pancreas_codex_80_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_81_1.tif", + "label": "train/pancreas_codex_81_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_82_1.tif", + "label": "train/pancreas_codex_82_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_82_3.tif", + "label": "train/pancreas_codex_82_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_83_3.tif", + "label": "train/pancreas_codex_83_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_85_1.tif", + "label": "train/pancreas_codex_85_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_87_0.tif", + "label": "train/pancreas_codex_87_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_88_1.tif", + "label": "train/pancreas_codex_88_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_91_2.tif", + "label": "train/pancreas_codex_91_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_91_3.tif", + "label": "train/pancreas_codex_91_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_92_0.tif", + "label": "train/pancreas_codex_92_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_92_2.tif", + "label": "train/pancreas_codex_92_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_93_3.tif", + "label": "train/pancreas_codex_93_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_99_0.tif", + "label": "train/pancreas_codex_99_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_99_1.tif", + "label": "train/pancreas_codex_99_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_100_3.tif", + "label": "train/pancreas_codex_100_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_101_2.tif", + "label": "train/pancreas_codex_101_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_103_2.tif", + "label": "train/pancreas_codex_103_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_103_3.tif", + "label": "train/pancreas_codex_103_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_105_1.tif", + "label": "train/pancreas_codex_105_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_106_1.tif", + "label": "train/pancreas_codex_106_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_107_0.tif", + "label": "train/pancreas_codex_107_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_108_0.tif", + "label": "train/pancreas_codex_108_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_109_3.tif", + "label": "train/pancreas_codex_109_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_110_0.tif", + "label": "train/pancreas_codex_110_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_110_2.tif", + "label": "train/pancreas_codex_110_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_110_3.tif", + "label": "train/pancreas_codex_110_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_111_0.tif", + "label": "train/pancreas_codex_111_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_116_0.tif", + "label": "train/pancreas_codex_116_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_117_0.tif", + "label": "train/pancreas_codex_117_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_119_1.tif", + "label": "train/pancreas_codex_119_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_120_0.tif", + "label": "train/pancreas_codex_120_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_120_1.tif", + "label": "train/pancreas_codex_120_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_121_1.tif", + "label": "train/pancreas_codex_121_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_121_2.tif", + "label": "train/pancreas_codex_121_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_123_3.tif", + "label": "train/pancreas_codex_123_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_124_3.tif", + "label": "train/pancreas_codex_124_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_127_0.tif", + "label": "train/pancreas_codex_127_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_127_2.tif", + "label": "train/pancreas_codex_127_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_128_2.tif", + "label": "train/pancreas_codex_128_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_130_1.tif", + "label": "train/pancreas_codex_130_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_131_1.tif", + "label": "train/pancreas_codex_131_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_131_3.tif", + "label": "train/pancreas_codex_131_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_133_3.tif", + "label": "train/pancreas_codex_133_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_136_0.tif", + "label": "train/pancreas_codex_136_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_136_3.tif", + "label": "train/pancreas_codex_136_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_138_1.tif", + "label": "train/pancreas_codex_138_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_138_3.tif", + "label": "train/pancreas_codex_138_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_139_1.tif", + "label": "train/pancreas_codex_139_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_139_3.tif", + "label": "train/pancreas_codex_139_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_140_0.tif", + "label": "train/pancreas_codex_140_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_140_1.tif", + "label": "train/pancreas_codex_140_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_140_3.tif", + "label": "train/pancreas_codex_140_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_142_1.tif", + "label": "train/pancreas_codex_142_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_143_0.tif", + "label": "train/pancreas_codex_143_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_144_0.tif", + "label": "train/pancreas_codex_144_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_144_3.tif", + "label": "train/pancreas_codex_144_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_145_2.tif", + "label": "train/pancreas_codex_145_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_146_1.tif", + "label": "train/pancreas_codex_146_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_146_2.tif", + "label": "train/pancreas_codex_146_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_147_1.tif", + "label": "train/pancreas_codex_147_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_148_0.tif", + "label": "train/pancreas_codex_148_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_149_2.tif", + "label": "train/pancreas_codex_149_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_150_2.tif", + "label": "train/pancreas_codex_150_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_152_2.tif", + "label": "train/pancreas_codex_152_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_153_0.tif", + "label": "train/pancreas_codex_153_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_155_0.tif", + "label": "train/pancreas_codex_155_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_155_3.tif", + "label": "train/pancreas_codex_155_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_156_3.tif", + "label": "train/pancreas_codex_156_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_158_0.tif", + "label": "train/pancreas_codex_158_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_159_0.tif", + "label": "train/pancreas_codex_159_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_159_2.tif", + "label": "train/pancreas_codex_159_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_162_2.tif", + "label": "train/pancreas_codex_162_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_163_2.tif", + "label": "train/pancreas_codex_163_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_165_0.tif", + "label": "train/pancreas_codex_165_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_166_0.tif", + "label": "train/pancreas_codex_166_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_167_3.tif", + "label": "train/pancreas_codex_167_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_168_2.tif", + "label": "train/pancreas_codex_168_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_169_2.tif", + "label": "train/pancreas_codex_169_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_169_3.tif", + "label": "train/pancreas_codex_169_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_170_3.tif", + "label": "train/pancreas_codex_170_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_171_1.tif", + "label": "train/pancreas_codex_171_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_173_0.tif", + "label": "train/pancreas_codex_173_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_174_1.tif", + "label": "train/pancreas_codex_174_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_175_0.tif", + "label": "train/pancreas_codex_175_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_175_1.tif", + "label": "train/pancreas_codex_175_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_175_2.tif", + "label": "train/pancreas_codex_175_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_175_3.tif", + "label": "train/pancreas_codex_175_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_176_1.tif", + "label": "train/pancreas_codex_176_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_177_0.tif", + "label": "train/pancreas_codex_177_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_181_0.tif", + "label": "train/pancreas_codex_181_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_181_1.tif", + "label": "train/pancreas_codex_181_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_181_2.tif", + "label": "train/pancreas_codex_181_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_182_2.tif", + "label": "train/pancreas_codex_182_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_184_0.tif", + "label": "train/pancreas_codex_184_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_187_1.tif", + "label": "train/pancreas_codex_187_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_189_0.tif", + "label": "train/pancreas_codex_189_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_190_0.tif", + "label": "train/pancreas_codex_190_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_190_1.tif", + "label": "train/pancreas_codex_190_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_190_3.tif", + "label": "train/pancreas_codex_190_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_191_0.tif", + "label": "train/pancreas_codex_191_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_191_3.tif", + "label": "train/pancreas_codex_191_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_192_0.tif", + "label": "train/pancreas_codex_192_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_193_0.tif", + "label": "train/pancreas_codex_193_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_193_2.tif", + "label": "train/pancreas_codex_193_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_194_2.tif", + "label": "train/pancreas_codex_194_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_196_1.tif", + "label": "train/pancreas_codex_196_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_198_1.tif", + "label": "train/pancreas_codex_198_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_200_2.tif", + "label": "train/pancreas_codex_200_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_201_0.tif", + "label": "train/pancreas_codex_201_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_202_0.tif", + "label": "train/pancreas_codex_202_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_203_0.tif", + "label": "train/pancreas_codex_203_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_203_1.tif", + "label": "train/pancreas_codex_203_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_204_0.tif", + "label": "train/pancreas_codex_204_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_206_1.tif", + "label": "train/pancreas_codex_206_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_209_3.tif", + "label": "train/pancreas_codex_209_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_211_1.tif", + "label": "train/pancreas_codex_211_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_211_2.tif", + "label": "train/pancreas_codex_211_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_212_1.tif", + "label": "train/pancreas_codex_212_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_212_3.tif", + "label": "train/pancreas_codex_212_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_213_2.tif", + "label": "train/pancreas_codex_213_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_214_1.tif", + "label": "train/pancreas_codex_214_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_214_3.tif", + "label": "train/pancreas_codex_214_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_219_1.tif", + "label": "train/pancreas_codex_219_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_220_0.tif", + "label": "train/pancreas_codex_220_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_220_1.tif", + "label": "train/pancreas_codex_220_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_223_2.tif", + "label": "train/pancreas_codex_223_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_224_3.tif", + "label": "train/pancreas_codex_224_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_225_0.tif", + "label": "train/pancreas_codex_225_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_226_2.tif", + "label": "train/pancreas_codex_226_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_228_1.tif", + "label": "train/pancreas_codex_228_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_229_0.tif", + "label": "train/pancreas_codex_229_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_229_1.tif", + "label": "train/pancreas_codex_229_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_230_0.tif", + "label": "train/pancreas_codex_230_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_230_1.tif", + "label": "train/pancreas_codex_230_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_231_0.tif", + "label": "train/pancreas_codex_231_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_231_1.tif", + "label": "train/pancreas_codex_231_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_235_3.tif", + "label": "train/pancreas_codex_235_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_238_1.tif", + "label": "train/pancreas_codex_238_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_238_2.tif", + "label": "train/pancreas_codex_238_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_238_3.tif", + "label": "train/pancreas_codex_238_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_239_3.tif", + "label": "train/pancreas_codex_239_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_243_0.tif", + "label": "train/pancreas_codex_243_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_245_3.tif", + "label": "train/pancreas_codex_245_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_246_1.tif", + "label": "train/pancreas_codex_246_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_246_3.tif", + "label": "train/pancreas_codex_246_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_248_0.tif", + "label": "train/pancreas_codex_248_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_248_2.tif", + "label": "train/pancreas_codex_248_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_248_3.tif", + "label": "train/pancreas_codex_248_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_249_0.tif", + "label": "train/pancreas_codex_249_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_251_0.tif", + "label": "train/pancreas_codex_251_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_251_1.tif", + "label": "train/pancreas_codex_251_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_251_2.tif", + "label": "train/pancreas_codex_251_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_252_1.tif", + "label": "train/pancreas_codex_252_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_252_3.tif", + "label": "train/pancreas_codex_252_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_253_0.tif", + "label": "train/pancreas_codex_253_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_254_1.tif", + "label": "train/pancreas_codex_254_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_256_2.tif", + "label": "train/pancreas_codex_256_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_259_3.tif", + "label": "train/pancreas_codex_259_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_261_0.tif", + "label": "train/pancreas_codex_261_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_261_1.tif", + "label": "train/pancreas_codex_261_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_267_2.tif", + "label": "train/pancreas_codex_267_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_267_3.tif", + "label": "train/pancreas_codex_267_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_269_1.tif", + "label": "train/pancreas_codex_269_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_270_2.tif", + "label": "train/pancreas_codex_270_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_271_0.tif", + "label": "train/pancreas_codex_271_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_271_2.tif", + "label": "train/pancreas_codex_271_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_271_3.tif", + "label": "train/pancreas_codex_271_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_273_2.tif", + "label": "train/pancreas_codex_273_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_276_0.tif", + "label": "train/pancreas_codex_276_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_278_0.tif", + "label": "train/pancreas_codex_278_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_278_2.tif", + "label": "train/pancreas_codex_278_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_279_1.tif", + "label": "train/pancreas_codex_279_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_280_2.tif", + "label": "train/pancreas_codex_280_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_281_1.tif", + "label": "train/pancreas_codex_281_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_282_0.tif", + "label": "train/pancreas_codex_282_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_282_3.tif", + "label": "train/pancreas_codex_282_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_283_0.tif", + "label": "train/pancreas_codex_283_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_285_1.tif", + "label": "train/pancreas_codex_285_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_286_2.tif", + "label": "train/pancreas_codex_286_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_289_1.tif", + "label": "train/pancreas_codex_289_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_291_3.tif", + "label": "train/pancreas_codex_291_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_292_3.tif", + "label": "train/pancreas_codex_292_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_293_0.tif", + "label": "train/pancreas_codex_293_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_294_0.tif", + "label": "train/pancreas_codex_294_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_294_3.tif", + "label": "train/pancreas_codex_294_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_295_1.tif", + "label": "train/pancreas_codex_295_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_295_3.tif", + "label": "train/pancreas_codex_295_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_297_0.tif", + "label": "train/pancreas_codex_297_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_298_2.tif", + "label": "train/pancreas_codex_298_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_299_0.tif", + "label": "train/pancreas_codex_299_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_302_1.tif", + "label": "train/pancreas_codex_302_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_305_0.tif", + "label": "train/pancreas_codex_305_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_305_1.tif", + "label": "train/pancreas_codex_305_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_305_2.tif", + "label": "train/pancreas_codex_305_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_306_1.tif", + "label": "train/pancreas_codex_306_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_306_2.tif", + "label": "train/pancreas_codex_306_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_306_3.tif", + "label": "train/pancreas_codex_306_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_309_0.tif", + "label": "train/pancreas_codex_309_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_309_3.tif", + "label": "train/pancreas_codex_309_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_310_3.tif", + "label": "train/pancreas_codex_310_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_311_2.tif", + "label": "train/pancreas_codex_311_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_312_0.tif", + "label": "train/pancreas_codex_312_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_313_0.tif", + "label": "train/pancreas_codex_313_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_315_2.tif", + "label": "train/pancreas_codex_315_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_317_1.tif", + "label": "train/pancreas_codex_317_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_320_1.tif", + "label": "train/pancreas_codex_320_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_321_2.tif", + "label": "train/pancreas_codex_321_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_322_1.tif", + "label": "train/pancreas_codex_322_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_326_3.tif", + "label": "train/pancreas_codex_326_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_328_2.tif", + "label": "train/pancreas_codex_328_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_329_0.tif", + "label": "train/pancreas_codex_329_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_330_2.tif", + "label": "train/pancreas_codex_330_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_332_0.tif", + "label": "train/pancreas_codex_332_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_333_1.tif", + "label": "train/pancreas_codex_333_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_333_3.tif", + "label": "train/pancreas_codex_333_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_335_3.tif", + "label": "train/pancreas_codex_335_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_336_2.tif", + "label": "train/pancreas_codex_336_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_337_0.tif", + "label": "train/pancreas_codex_337_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_337_1.tif", + "label": "train/pancreas_codex_337_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_338_0.tif", + "label": "train/pancreas_codex_338_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_338_2.tif", + "label": "train/pancreas_codex_338_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_340_2.tif", + "label": "train/pancreas_codex_340_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_340_3.tif", + "label": "train/pancreas_codex_340_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_342_1.tif", + "label": "train/pancreas_codex_342_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_343_3.tif", + "label": "train/pancreas_codex_343_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_344_3.tif", + "label": "train/pancreas_codex_344_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_345_0.tif", + "label": "train/pancreas_codex_345_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_345_1.tif", + "label": "train/pancreas_codex_345_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_346_3.tif", + "label": "train/pancreas_codex_346_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_348_3.tif", + "label": "train/pancreas_codex_348_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_349_1.tif", + "label": "train/pancreas_codex_349_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_350_1.tif", + "label": "train/pancreas_codex_350_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_350_2.tif", + "label": "train/pancreas_codex_350_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_352_0.tif", + "label": "train/pancreas_codex_352_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_353_0.tif", + "label": "train/pancreas_codex_353_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_353_3.tif", + "label": "train/pancreas_codex_353_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_354_3.tif", + "label": "train/pancreas_codex_354_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_355_1.tif", + "label": "train/pancreas_codex_355_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_355_2.tif", + "label": "train/pancreas_codex_355_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_357_0.tif", + "label": "train/pancreas_codex_357_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_359_2.tif", + "label": "train/pancreas_codex_359_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_360_0.tif", + "label": "train/pancreas_codex_360_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_361_2.tif", + "label": "train/pancreas_codex_361_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_362_0.tif", + "label": "train/pancreas_codex_362_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_363_1.tif", + "label": "train/pancreas_codex_363_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_364_1.tif", + "label": "train/pancreas_codex_364_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_364_3.tif", + "label": "train/pancreas_codex_364_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_365_3.tif", + "label": "train/pancreas_codex_365_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_366_3.tif", + "label": "train/pancreas_codex_366_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_367_0.tif", + "label": "train/pancreas_codex_367_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_368_3.tif", + "label": "train/pancreas_codex_368_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_370_0.tif", + "label": "train/pancreas_codex_370_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_370_1.tif", + "label": "train/pancreas_codex_370_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_370_2.tif", + "label": "train/pancreas_codex_370_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_372_0.tif", + "label": "train/pancreas_codex_372_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_375_2.tif", + "label": "train/pancreas_codex_375_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_375_3.tif", + "label": "train/pancreas_codex_375_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_376_0.tif", + "label": "train/pancreas_codex_376_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_376_3.tif", + "label": "train/pancreas_codex_376_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_377_1.tif", + "label": "train/pancreas_codex_377_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_380_0.tif", + "label": "train/pancreas_codex_380_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_383_1.tif", + "label": "train/pancreas_codex_383_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_383_3.tif", + "label": "train/pancreas_codex_383_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_385_1.tif", + "label": "train/pancreas_codex_385_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_388_0.tif", + "label": "train/pancreas_codex_388_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_388_2.tif", + "label": "train/pancreas_codex_388_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_391_0.tif", + "label": "train/pancreas_codex_391_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_391_2.tif", + "label": "train/pancreas_codex_391_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_393_1.tif", + "label": "train/pancreas_codex_393_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_393_2.tif", + "label": "train/pancreas_codex_393_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_393_3.tif", + "label": "train/pancreas_codex_393_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_396_1.tif", + "label": "train/pancreas_codex_396_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_399_0.tif", + "label": "train/pancreas_codex_399_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_402_1.tif", + "label": "train/pancreas_codex_402_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_404_2.tif", + "label": "train/pancreas_codex_404_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_405_1.tif", + "label": "train/pancreas_codex_405_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_406_0.tif", + "label": "train/pancreas_codex_406_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_406_2.tif", + "label": "train/pancreas_codex_406_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_407_3.tif", + "label": "train/pancreas_codex_407_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_411_0.tif", + "label": "train/pancreas_codex_411_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_411_3.tif", + "label": "train/pancreas_codex_411_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_414_1.tif", + "label": "train/pancreas_codex_414_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_415_0.tif", + "label": "train/pancreas_codex_415_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_416_1.tif", + "label": "train/pancreas_codex_416_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_417_2.tif", + "label": "train/pancreas_codex_417_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_417_3.tif", + "label": "train/pancreas_codex_417_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_418_1.tif", + "label": "train/pancreas_codex_418_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_419_2.tif", + "label": "train/pancreas_codex_419_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_420_0.tif", + "label": "train/pancreas_codex_420_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_422_2.tif", + "label": "train/pancreas_codex_422_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_425_3.tif", + "label": "train/pancreas_codex_425_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_426_0.tif", + "label": "train/pancreas_codex_426_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_426_1.tif", + "label": "train/pancreas_codex_426_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_427_2.tif", + "label": "train/pancreas_codex_427_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_428_1.tif", + "label": "train/pancreas_codex_428_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_430_3.tif", + "label": "train/pancreas_codex_430_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_432_1.tif", + "label": "train/pancreas_codex_432_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_433_3.tif", + "label": "train/pancreas_codex_433_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_435_2.tif", + "label": "train/pancreas_codex_435_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_436_2.tif", + "label": "train/pancreas_codex_436_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_438_3.tif", + "label": "train/pancreas_codex_438_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_440_1.tif", + "label": "train/pancreas_codex_440_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_442_1.tif", + "label": "train/pancreas_codex_442_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_444_3.tif", + "label": "train/pancreas_codex_444_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_445_1.tif", + "label": "train/pancreas_codex_445_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_447_2.tif", + "label": "train/pancreas_codex_447_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_447_3.tif", + "label": "train/pancreas_codex_447_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_449_0.tif", + "label": "train/pancreas_codex_449_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_450_0.tif", + "label": "train/pancreas_codex_450_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_450_2.tif", + "label": "train/pancreas_codex_450_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_451_0.tif", + "label": "train/pancreas_codex_451_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_452_3.tif", + "label": "train/pancreas_codex_452_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_453_0.tif", + "label": "train/pancreas_codex_453_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_454_2.tif", + "label": "train/pancreas_codex_454_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_455_1.tif", + "label": "train/pancreas_codex_455_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_455_3.tif", + "label": "train/pancreas_codex_455_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_456_1.tif", + "label": "train/pancreas_codex_456_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_456_3.tif", + "label": "train/pancreas_codex_456_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_458_0.tif", + "label": "train/pancreas_codex_458_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_461_3.tif", + "label": "train/pancreas_codex_461_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_463_0.tif", + "label": "train/pancreas_codex_463_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_464_0.tif", + "label": "train/pancreas_codex_464_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_464_1.tif", + "label": "train/pancreas_codex_464_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_466_0.tif", + "label": "train/pancreas_codex_466_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_466_1.tif", + "label": "train/pancreas_codex_466_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_469_2.tif", + "label": "train/pancreas_codex_469_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_474_3.tif", + "label": "train/pancreas_codex_474_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_475_2.tif", + "label": "train/pancreas_codex_475_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_476_0.tif", + "label": "train/pancreas_codex_476_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_476_2.tif", + "label": "train/pancreas_codex_476_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_477_3.tif", + "label": "train/pancreas_codex_477_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_478_3.tif", + "label": "train/pancreas_codex_478_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_481_1.tif", + "label": "train/pancreas_codex_481_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_485_1.tif", + "label": "train/pancreas_codex_485_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_485_3.tif", + "label": "train/pancreas_codex_485_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_487_2.tif", + "label": "train/pancreas_codex_487_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_492_1.tif", + "label": "train/pancreas_codex_492_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_492_3.tif", + "label": "train/pancreas_codex_492_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_493_1.tif", + "label": "train/pancreas_codex_493_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_494_0.tif", + "label": "train/pancreas_codex_494_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_495_1.tif", + "label": "train/pancreas_codex_495_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_496_0.tif", + "label": "train/pancreas_codex_496_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_496_1.tif", + "label": "train/pancreas_codex_496_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_498_1.tif", + "label": "train/pancreas_codex_498_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_501_3.tif", + "label": "train/pancreas_codex_501_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_502_1.tif", + "label": "train/pancreas_codex_502_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_502_3.tif", + "label": "train/pancreas_codex_502_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_504_0.tif", + "label": "train/pancreas_codex_504_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_505_0.tif", + "label": "train/pancreas_codex_505_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_506_3.tif", + "label": "train/pancreas_codex_506_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_508_3.tif", + "label": "train/pancreas_codex_508_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_511_0.tif", + "label": "train/pancreas_codex_511_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_511_3.tif", + "label": "train/pancreas_codex_511_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_512_3.tif", + "label": "train/pancreas_codex_512_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_514_0.tif", + "label": "train/pancreas_codex_514_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_514_1.tif", + "label": "train/pancreas_codex_514_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_515_3.tif", + "label": "train/pancreas_codex_515_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_517_3.tif", + "label": "train/pancreas_codex_517_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_518_2.tif", + "label": "train/pancreas_codex_518_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_518_3.tif", + "label": "train/pancreas_codex_518_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_520_2.tif", + "label": "train/pancreas_codex_520_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_521_1.tif", + "label": "train/pancreas_codex_521_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_522_1.tif", + "label": "train/pancreas_codex_522_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_524_0.tif", + "label": "train/pancreas_codex_524_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_524_1.tif", + "label": "train/pancreas_codex_524_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_524_2.tif", + "label": "train/pancreas_codex_524_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_525_0.tif", + "label": "train/pancreas_codex_525_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_525_1.tif", + "label": "train/pancreas_codex_525_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_528_3.tif", + "label": "train/pancreas_codex_528_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_532_0.tif", + "label": "train/pancreas_codex_532_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_532_2.tif", + "label": "train/pancreas_codex_532_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_533_1.tif", + "label": "train/pancreas_codex_533_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_535_1.tif", + "label": "train/pancreas_codex_535_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_537_0.tif", + "label": "train/pancreas_codex_537_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_537_3.tif", + "label": "train/pancreas_codex_537_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_538_1.tif", + "label": "train/pancreas_codex_538_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_539_1.tif", + "label": "train/pancreas_codex_539_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_541_1.tif", + "label": "train/pancreas_codex_541_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_543_3.tif", + "label": "train/pancreas_codex_543_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_544_0.tif", + "label": "train/pancreas_codex_544_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_544_3.tif", + "label": "train/pancreas_codex_544_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_545_2.tif", + "label": "train/pancreas_codex_545_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_546_1.tif", + "label": "train/pancreas_codex_546_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_547_0.tif", + "label": "train/pancreas_codex_547_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_547_3.tif", + "label": "train/pancreas_codex_547_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_549_2.tif", + "label": "train/pancreas_codex_549_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_550_0.tif", + "label": "train/pancreas_codex_550_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_550_2.tif", + "label": "train/pancreas_codex_550_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_552_1.tif", + "label": "train/pancreas_codex_552_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_552_3.tif", + "label": "train/pancreas_codex_552_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_553_1.tif", + "label": "train/pancreas_codex_553_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_553_2.tif", + "label": "train/pancreas_codex_553_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_556_2.tif", + "label": "train/pancreas_codex_556_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_558_2.tif", + "label": "train/pancreas_codex_558_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_559_0.tif", + "label": "train/pancreas_codex_559_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_560_0.tif", + "label": "train/pancreas_codex_560_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_563_1.tif", + "label": "train/pancreas_codex_563_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_563_3.tif", + "label": "train/pancreas_codex_563_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_571_0.tif", + "label": "train/pancreas_codex_571_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_571_3.tif", + "label": "train/pancreas_codex_571_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_573_1.tif", + "label": "train/pancreas_codex_573_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_574_2.tif", + "label": "train/pancreas_codex_574_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_575_1.tif", + "label": "train/pancreas_codex_575_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_578_1.tif", + "label": "train/pancreas_codex_578_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_582_0.tif", + "label": "train/pancreas_codex_582_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_583_1.tif", + "label": "train/pancreas_codex_583_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_584_0.tif", + "label": "train/pancreas_codex_584_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_584_3.tif", + "label": "train/pancreas_codex_584_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_585_0.tif", + "label": "train/pancreas_codex_585_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_586_0.tif", + "label": "train/pancreas_codex_586_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_587_2.tif", + "label": "train/pancreas_codex_587_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_589_2.tif", + "label": "train/pancreas_codex_589_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_591_0.tif", + "label": "train/pancreas_codex_591_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_591_2.tif", + "label": "train/pancreas_codex_591_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_0_0.tif", + "label": "train/pancreas_codex_0_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_2_0.tif", + "label": "train/pancreas_codex_2_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_2_3.tif", + "label": "train/pancreas_codex_2_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_6_0.tif", + "label": "train/pancreas_codex_6_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_7_2.tif", + "label": "train/pancreas_codex_7_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_9_1.tif", + "label": "train/pancreas_codex_9_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_9_3.tif", + "label": "train/pancreas_codex_9_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_11_1.tif", + "label": "train/pancreas_codex_11_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_12_0.tif", + "label": "train/pancreas_codex_12_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_12_1.tif", + "label": "train/pancreas_codex_12_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_13_1.tif", + "label": "train/pancreas_codex_13_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_14_2.tif", + "label": "train/pancreas_codex_14_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_14_3.tif", + "label": "train/pancreas_codex_14_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_15_0.tif", + "label": "train/pancreas_codex_15_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_16_0.tif", + "label": "train/pancreas_codex_16_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_16_3.tif", + "label": "train/pancreas_codex_16_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_18_1.tif", + "label": "train/pancreas_codex_18_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_20_0.tif", + "label": "train/pancreas_codex_20_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_20_2.tif", + "label": "train/pancreas_codex_20_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_22_3.tif", + "label": "train/pancreas_codex_22_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_23_2.tif", + "label": "train/pancreas_codex_23_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_24_2.tif", + "label": "train/pancreas_codex_24_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_25_1.tif", + "label": "train/pancreas_codex_25_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_26_0.tif", + "label": "train/pancreas_codex_26_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_27_2.tif", + "label": "train/pancreas_codex_27_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_28_3.tif", + "label": "train/pancreas_codex_28_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_31_1.tif", + "label": "train/pancreas_codex_31_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_33_1.tif", + "label": "train/pancreas_codex_33_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_34_1.tif", + "label": "train/pancreas_codex_34_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_35_0.tif", + "label": "train/pancreas_codex_35_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_36_2.tif", + "label": "train/pancreas_codex_36_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_37_1.tif", + "label": "train/pancreas_codex_37_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_39_2.tif", + "label": "train/pancreas_codex_39_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_40_1.tif", + "label": "train/pancreas_codex_40_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_41_3.tif", + "label": "train/pancreas_codex_41_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_44_0.tif", + "label": "train/pancreas_codex_44_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_45_2.tif", + "label": "train/pancreas_codex_45_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_50_2.tif", + "label": "train/pancreas_codex_50_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_52_2.tif", + "label": "train/pancreas_codex_52_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_53_0.tif", + "label": "train/pancreas_codex_53_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_55_0.tif", + "label": "train/pancreas_codex_55_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_55_3.tif", + "label": "train/pancreas_codex_55_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_56_3.tif", + "label": "train/pancreas_codex_56_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_57_0.tif", + "label": "train/pancreas_codex_57_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_57_1.tif", + "label": "train/pancreas_codex_57_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_57_2.tif", + "label": "train/pancreas_codex_57_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_58_1.tif", + "label": "train/pancreas_codex_58_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_62_0.tif", + "label": "train/pancreas_codex_62_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_63_3.tif", + "label": "train/pancreas_codex_63_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_64_3.tif", + "label": "train/pancreas_codex_64_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_65_0.tif", + "label": "train/pancreas_codex_65_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_66_0.tif", + "label": "train/pancreas_codex_66_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_66_3.tif", + "label": "train/pancreas_codex_66_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_70_1.tif", + "label": "train/pancreas_codex_70_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_70_3.tif", + "label": "train/pancreas_codex_70_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_73_1.tif", + "label": "train/pancreas_codex_73_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_74_3.tif", + "label": "train/pancreas_codex_74_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_75_1.tif", + "label": "train/pancreas_codex_75_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_75_2.tif", + "label": "train/pancreas_codex_75_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_76_1.tif", + "label": "train/pancreas_codex_76_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_77_1.tif", + "label": "train/pancreas_codex_77_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_82_2.tif", + "label": "train/pancreas_codex_82_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_84_0.tif", + "label": "train/pancreas_codex_84_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_84_2.tif", + "label": "train/pancreas_codex_84_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_86_3.tif", + "label": "train/pancreas_codex_86_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_87_3.tif", + "label": "train/pancreas_codex_87_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_90_1.tif", + "label": "train/pancreas_codex_90_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_90_3.tif", + "label": "train/pancreas_codex_90_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_93_0.tif", + "label": "train/pancreas_codex_93_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_95_2.tif", + "label": "train/pancreas_codex_95_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_96_1.tif", + "label": "train/pancreas_codex_96_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_96_2.tif", + "label": "train/pancreas_codex_96_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_97_1.tif", + "label": "train/pancreas_codex_97_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_99_2.tif", + "label": "train/pancreas_codex_99_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_100_0.tif", + "label": "train/pancreas_codex_100_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_101_3.tif", + "label": "train/pancreas_codex_101_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_104_0.tif", + "label": "train/pancreas_codex_104_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_104_2.tif", + "label": "train/pancreas_codex_104_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_105_2.tif", + "label": "train/pancreas_codex_105_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_106_0.tif", + "label": "train/pancreas_codex_106_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_108_2.tif", + "label": "train/pancreas_codex_108_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_108_3.tif", + "label": "train/pancreas_codex_108_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_109_2.tif", + "label": "train/pancreas_codex_109_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_110_1.tif", + "label": "train/pancreas_codex_110_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_111_2.tif", + "label": "train/pancreas_codex_111_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_111_3.tif", + "label": "train/pancreas_codex_111_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_113_0.tif", + "label": "train/pancreas_codex_113_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_113_1.tif", + "label": "train/pancreas_codex_113_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_114_0.tif", + "label": "train/pancreas_codex_114_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_115_2.tif", + "label": "train/pancreas_codex_115_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_117_2.tif", + "label": "train/pancreas_codex_117_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_119_0.tif", + "label": "train/pancreas_codex_119_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_119_2.tif", + "label": "train/pancreas_codex_119_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_121_0.tif", + "label": "train/pancreas_codex_121_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_121_3.tif", + "label": "train/pancreas_codex_121_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_122_0.tif", + "label": "train/pancreas_codex_122_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_122_2.tif", + "label": "train/pancreas_codex_122_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_126_3.tif", + "label": "train/pancreas_codex_126_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_128_0.tif", + "label": "train/pancreas_codex_128_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_128_1.tif", + "label": "train/pancreas_codex_128_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_129_2.tif", + "label": "train/pancreas_codex_129_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_131_2.tif", + "label": "train/pancreas_codex_131_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_132_1.tif", + "label": "train/pancreas_codex_132_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_133_2.tif", + "label": "train/pancreas_codex_133_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_134_0.tif", + "label": "train/pancreas_codex_134_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_134_1.tif", + "label": "train/pancreas_codex_134_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_135_0.tif", + "label": "train/pancreas_codex_135_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_135_1.tif", + "label": "train/pancreas_codex_135_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_136_2.tif", + "label": "train/pancreas_codex_136_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_137_1.tif", + "label": "train/pancreas_codex_137_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_139_0.tif", + "label": "train/pancreas_codex_139_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_139_2.tif", + "label": "train/pancreas_codex_139_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_143_1.tif", + "label": "train/pancreas_codex_143_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_143_3.tif", + "label": "train/pancreas_codex_143_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_144_1.tif", + "label": "train/pancreas_codex_144_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_145_3.tif", + "label": "train/pancreas_codex_145_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_146_3.tif", + "label": "train/pancreas_codex_146_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_149_0.tif", + "label": "train/pancreas_codex_149_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_151_3.tif", + "label": "train/pancreas_codex_151_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_152_0.tif", + "label": "train/pancreas_codex_152_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_153_1.tif", + "label": "train/pancreas_codex_153_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_153_2.tif", + "label": "train/pancreas_codex_153_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_153_3.tif", + "label": "train/pancreas_codex_153_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_154_3.tif", + "label": "train/pancreas_codex_154_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_156_1.tif", + "label": "train/pancreas_codex_156_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_157_0.tif", + "label": "train/pancreas_codex_157_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_157_2.tif", + "label": "train/pancreas_codex_157_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_158_2.tif", + "label": "train/pancreas_codex_158_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_159_3.tif", + "label": "train/pancreas_codex_159_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_160_2.tif", + "label": "train/pancreas_codex_160_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_161_0.tif", + "label": "train/pancreas_codex_161_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_163_1.tif", + "label": "train/pancreas_codex_163_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_165_1.tif", + "label": "train/pancreas_codex_165_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_165_2.tif", + "label": "train/pancreas_codex_165_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_167_1.tif", + "label": "train/pancreas_codex_167_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_168_0.tif", + "label": "train/pancreas_codex_168_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_170_0.tif", + "label": "train/pancreas_codex_170_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_173_1.tif", + "label": "train/pancreas_codex_173_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_178_0.tif", + "label": "train/pancreas_codex_178_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_178_1.tif", + "label": "train/pancreas_codex_178_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_183_1.tif", + "label": "train/pancreas_codex_183_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_184_1.tif", + "label": "train/pancreas_codex_184_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_186_1.tif", + "label": "train/pancreas_codex_186_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_189_1.tif", + "label": "train/pancreas_codex_189_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_189_2.tif", + "label": "train/pancreas_codex_189_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_191_2.tif", + "label": "train/pancreas_codex_191_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_194_3.tif", + "label": "train/pancreas_codex_194_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_197_0.tif", + "label": "train/pancreas_codex_197_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_197_2.tif", + "label": "train/pancreas_codex_197_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_197_3.tif", + "label": "train/pancreas_codex_197_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_205_0.tif", + "label": "train/pancreas_codex_205_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_205_1.tif", + "label": "train/pancreas_codex_205_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_207_0.tif", + "label": "train/pancreas_codex_207_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_210_0.tif", + "label": "train/pancreas_codex_210_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_213_0.tif", + "label": "train/pancreas_codex_213_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_214_2.tif", + "label": "train/pancreas_codex_214_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_215_1.tif", + "label": "train/pancreas_codex_215_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_216_2.tif", + "label": "train/pancreas_codex_216_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_217_2.tif", + "label": "train/pancreas_codex_217_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_218_0.tif", + "label": "train/pancreas_codex_218_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_221_1.tif", + "label": "train/pancreas_codex_221_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_222_3.tif", + "label": "train/pancreas_codex_222_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_223_1.tif", + "label": "train/pancreas_codex_223_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_223_3.tif", + "label": "train/pancreas_codex_223_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_224_2.tif", + "label": "train/pancreas_codex_224_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_225_2.tif", + "label": "train/pancreas_codex_225_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_229_2.tif", + "label": "train/pancreas_codex_229_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_229_3.tif", + "label": "train/pancreas_codex_229_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_231_3.tif", + "label": "train/pancreas_codex_231_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_233_2.tif", + "label": "train/pancreas_codex_233_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_234_0.tif", + "label": "train/pancreas_codex_234_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_237_0.tif", + "label": "train/pancreas_codex_237_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_239_1.tif", + "label": "train/pancreas_codex_239_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_241_1.tif", + "label": "train/pancreas_codex_241_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_242_0.tif", + "label": "train/pancreas_codex_242_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_242_2.tif", + "label": "train/pancreas_codex_242_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_243_3.tif", + "label": "train/pancreas_codex_243_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_244_1.tif", + "label": "train/pancreas_codex_244_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_244_3.tif", + "label": "train/pancreas_codex_244_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_245_2.tif", + "label": "train/pancreas_codex_245_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_246_0.tif", + "label": "train/pancreas_codex_246_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_248_1.tif", + "label": "train/pancreas_codex_248_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_250_0.tif", + "label": "train/pancreas_codex_250_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_250_2.tif", + "label": "train/pancreas_codex_250_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_255_0.tif", + "label": "train/pancreas_codex_255_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_256_3.tif", + "label": "train/pancreas_codex_256_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_257_0.tif", + "label": "train/pancreas_codex_257_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_258_0.tif", + "label": "train/pancreas_codex_258_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_258_2.tif", + "label": "train/pancreas_codex_258_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_259_1.tif", + "label": "train/pancreas_codex_259_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_260_3.tif", + "label": "train/pancreas_codex_260_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_263_1.tif", + "label": "train/pancreas_codex_263_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_264_3.tif", + "label": "train/pancreas_codex_264_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_265_0.tif", + "label": "train/pancreas_codex_265_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_266_1.tif", + "label": "train/pancreas_codex_266_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_267_0.tif", + "label": "train/pancreas_codex_267_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_268_1.tif", + "label": "train/pancreas_codex_268_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_269_3.tif", + "label": "train/pancreas_codex_269_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_270_0.tif", + "label": "train/pancreas_codex_270_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_270_1.tif", + "label": "train/pancreas_codex_270_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_272_1.tif", + "label": "train/pancreas_codex_272_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_273_1.tif", + "label": "train/pancreas_codex_273_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_275_2.tif", + "label": "train/pancreas_codex_275_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_276_1.tif", + "label": "train/pancreas_codex_276_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_277_1.tif", + "label": "train/pancreas_codex_277_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_278_3.tif", + "label": "train/pancreas_codex_278_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_279_2.tif", + "label": "train/pancreas_codex_279_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_280_3.tif", + "label": "train/pancreas_codex_280_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_281_0.tif", + "label": "train/pancreas_codex_281_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_282_1.tif", + "label": "train/pancreas_codex_282_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_283_3.tif", + "label": "train/pancreas_codex_283_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_284_2.tif", + "label": "train/pancreas_codex_284_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_284_3.tif", + "label": "train/pancreas_codex_284_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_285_3.tif", + "label": "train/pancreas_codex_285_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_286_0.tif", + "label": "train/pancreas_codex_286_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_286_3.tif", + "label": "train/pancreas_codex_286_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_288_0.tif", + "label": "train/pancreas_codex_288_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_289_0.tif", + "label": "train/pancreas_codex_289_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_290_2.tif", + "label": "train/pancreas_codex_290_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_290_3.tif", + "label": "train/pancreas_codex_290_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_294_2.tif", + "label": "train/pancreas_codex_294_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_298_1.tif", + "label": "train/pancreas_codex_298_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_298_3.tif", + "label": "train/pancreas_codex_298_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_301_0.tif", + "label": "train/pancreas_codex_301_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_301_1.tif", + "label": "train/pancreas_codex_301_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_301_2.tif", + "label": "train/pancreas_codex_301_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_302_0.tif", + "label": "train/pancreas_codex_302_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_302_2.tif", + "label": "train/pancreas_codex_302_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_307_0.tif", + "label": "train/pancreas_codex_307_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_307_2.tif", + "label": "train/pancreas_codex_307_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_307_3.tif", + "label": "train/pancreas_codex_307_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_308_0.tif", + "label": "train/pancreas_codex_308_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_308_1.tif", + "label": "train/pancreas_codex_308_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_310_1.tif", + "label": "train/pancreas_codex_310_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_311_3.tif", + "label": "train/pancreas_codex_311_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_315_0.tif", + "label": "train/pancreas_codex_315_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_315_3.tif", + "label": "train/pancreas_codex_315_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_316_0.tif", + "label": "train/pancreas_codex_316_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_316_1.tif", + "label": "train/pancreas_codex_316_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_317_0.tif", + "label": "train/pancreas_codex_317_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_318_0.tif", + "label": "train/pancreas_codex_318_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_318_1.tif", + "label": "train/pancreas_codex_318_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_319_3.tif", + "label": "train/pancreas_codex_319_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_320_2.tif", + "label": "train/pancreas_codex_320_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_320_3.tif", + "label": "train/pancreas_codex_320_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_321_3.tif", + "label": "train/pancreas_codex_321_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_322_2.tif", + "label": "train/pancreas_codex_322_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_322_3.tif", + "label": "train/pancreas_codex_322_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_323_2.tif", + "label": "train/pancreas_codex_323_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_324_0.tif", + "label": "train/pancreas_codex_324_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_324_1.tif", + "label": "train/pancreas_codex_324_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_325_1.tif", + "label": "train/pancreas_codex_325_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_329_2.tif", + "label": "train/pancreas_codex_329_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_331_1.tif", + "label": "train/pancreas_codex_331_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_334_0.tif", + "label": "train/pancreas_codex_334_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_336_0.tif", + "label": "train/pancreas_codex_336_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_336_3.tif", + "label": "train/pancreas_codex_336_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_338_3.tif", + "label": "train/pancreas_codex_338_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_339_1.tif", + "label": "train/pancreas_codex_339_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_341_1.tif", + "label": "train/pancreas_codex_341_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_341_3.tif", + "label": "train/pancreas_codex_341_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_342_2.tif", + "label": "train/pancreas_codex_342_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_343_1.tif", + "label": "train/pancreas_codex_343_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_346_2.tif", + "label": "train/pancreas_codex_346_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_348_0.tif", + "label": "train/pancreas_codex_348_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_349_3.tif", + "label": "train/pancreas_codex_349_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_350_0.tif", + "label": "train/pancreas_codex_350_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_350_3.tif", + "label": "train/pancreas_codex_350_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_351_2.tif", + "label": "train/pancreas_codex_351_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_352_2.tif", + "label": "train/pancreas_codex_352_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_353_2.tif", + "label": "train/pancreas_codex_353_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_354_1.tif", + "label": "train/pancreas_codex_354_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_354_2.tif", + "label": "train/pancreas_codex_354_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_356_3.tif", + "label": "train/pancreas_codex_356_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_358_3.tif", + "label": "train/pancreas_codex_358_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_359_1.tif", + "label": "train/pancreas_codex_359_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_360_2.tif", + "label": "train/pancreas_codex_360_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_360_3.tif", + "label": "train/pancreas_codex_360_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_362_2.tif", + "label": "train/pancreas_codex_362_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_363_2.tif", + "label": "train/pancreas_codex_363_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_364_0.tif", + "label": "train/pancreas_codex_364_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_365_1.tif", + "label": "train/pancreas_codex_365_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_366_2.tif", + "label": "train/pancreas_codex_366_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_367_2.tif", + "label": "train/pancreas_codex_367_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_369_0.tif", + "label": "train/pancreas_codex_369_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_373_2.tif", + "label": "train/pancreas_codex_373_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_374_0.tif", + "label": "train/pancreas_codex_374_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_374_1.tif", + "label": "train/pancreas_codex_374_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_376_1.tif", + "label": "train/pancreas_codex_376_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_377_0.tif", + "label": "train/pancreas_codex_377_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_378_3.tif", + "label": "train/pancreas_codex_378_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_379_1.tif", + "label": "train/pancreas_codex_379_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_381_0.tif", + "label": "train/pancreas_codex_381_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_384_0.tif", + "label": "train/pancreas_codex_384_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_385_2.tif", + "label": "train/pancreas_codex_385_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_386_1.tif", + "label": "train/pancreas_codex_386_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_387_1.tif", + "label": "train/pancreas_codex_387_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_387_2.tif", + "label": "train/pancreas_codex_387_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_388_1.tif", + "label": "train/pancreas_codex_388_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_388_3.tif", + "label": "train/pancreas_codex_388_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_394_2.tif", + "label": "train/pancreas_codex_394_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_397_0.tif", + "label": "train/pancreas_codex_397_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_399_1.tif", + "label": "train/pancreas_codex_399_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_399_3.tif", + "label": "train/pancreas_codex_399_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_400_0.tif", + "label": "train/pancreas_codex_400_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_401_2.tif", + "label": "train/pancreas_codex_401_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_401_3.tif", + "label": "train/pancreas_codex_401_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_402_3.tif", + "label": "train/pancreas_codex_402_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_406_1.tif", + "label": "train/pancreas_codex_406_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_407_0.tif", + "label": "train/pancreas_codex_407_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_407_1.tif", + "label": "train/pancreas_codex_407_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_409_0.tif", + "label": "train/pancreas_codex_409_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_409_1.tif", + "label": "train/pancreas_codex_409_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_410_2.tif", + "label": "train/pancreas_codex_410_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_410_3.tif", + "label": "train/pancreas_codex_410_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_411_2.tif", + "label": "train/pancreas_codex_411_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_412_0.tif", + "label": "train/pancreas_codex_412_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_412_1.tif", + "label": "train/pancreas_codex_412_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_412_3.tif", + "label": "train/pancreas_codex_412_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_413_0.tif", + "label": "train/pancreas_codex_413_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_414_2.tif", + "label": "train/pancreas_codex_414_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_417_0.tif", + "label": "train/pancreas_codex_417_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_420_1.tif", + "label": "train/pancreas_codex_420_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_420_3.tif", + "label": "train/pancreas_codex_420_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_421_0.tif", + "label": "train/pancreas_codex_421_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_421_3.tif", + "label": "train/pancreas_codex_421_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_422_3.tif", + "label": "train/pancreas_codex_422_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_424_1.tif", + "label": "train/pancreas_codex_424_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_424_2.tif", + "label": "train/pancreas_codex_424_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_425_1.tif", + "label": "train/pancreas_codex_425_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_427_1.tif", + "label": "train/pancreas_codex_427_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_427_3.tif", + "label": "train/pancreas_codex_427_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_431_3.tif", + "label": "train/pancreas_codex_431_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_433_0.tif", + "label": "train/pancreas_codex_433_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_433_2.tif", + "label": "train/pancreas_codex_433_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_436_0.tif", + "label": "train/pancreas_codex_436_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_437_3.tif", + "label": "train/pancreas_codex_437_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_438_1.tif", + "label": "train/pancreas_codex_438_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_439_2.tif", + "label": "train/pancreas_codex_439_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_441_2.tif", + "label": "train/pancreas_codex_441_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_442_2.tif", + "label": "train/pancreas_codex_442_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_443_1.tif", + "label": "train/pancreas_codex_443_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_444_1.tif", + "label": "train/pancreas_codex_444_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_445_0.tif", + "label": "train/pancreas_codex_445_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_445_2.tif", + "label": "train/pancreas_codex_445_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_445_3.tif", + "label": "train/pancreas_codex_445_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_446_2.tif", + "label": "train/pancreas_codex_446_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_446_3.tif", + "label": "train/pancreas_codex_446_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_447_1.tif", + "label": "train/pancreas_codex_447_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_448_1.tif", + "label": "train/pancreas_codex_448_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_451_1.tif", + "label": "train/pancreas_codex_451_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_452_0.tif", + "label": "train/pancreas_codex_452_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_453_2.tif", + "label": "train/pancreas_codex_453_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_457_0.tif", + "label": "train/pancreas_codex_457_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_457_1.tif", + "label": "train/pancreas_codex_457_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_458_1.tif", + "label": "train/pancreas_codex_458_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_459_0.tif", + "label": "train/pancreas_codex_459_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_459_3.tif", + "label": "train/pancreas_codex_459_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_460_1.tif", + "label": "train/pancreas_codex_460_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_460_2.tif", + "label": "train/pancreas_codex_460_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_461_2.tif", + "label": "train/pancreas_codex_461_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_462_3.tif", + "label": "train/pancreas_codex_462_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_463_3.tif", + "label": "train/pancreas_codex_463_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_464_2.tif", + "label": "train/pancreas_codex_464_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_464_3.tif", + "label": "train/pancreas_codex_464_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_466_3.tif", + "label": "train/pancreas_codex_466_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_468_0.tif", + "label": "train/pancreas_codex_468_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_468_3.tif", + "label": "train/pancreas_codex_468_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_470_1.tif", + "label": "train/pancreas_codex_470_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_472_1.tif", + "label": "train/pancreas_codex_472_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_473_1.tif", + "label": "train/pancreas_codex_473_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_474_0.tif", + "label": "train/pancreas_codex_474_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_474_1.tif", + "label": "train/pancreas_codex_474_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_475_3.tif", + "label": "train/pancreas_codex_475_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_477_2.tif", + "label": "train/pancreas_codex_477_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_480_2.tif", + "label": "train/pancreas_codex_480_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_482_0.tif", + "label": "train/pancreas_codex_482_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_484_0.tif", + "label": "train/pancreas_codex_484_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_486_2.tif", + "label": "train/pancreas_codex_486_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_487_3.tif", + "label": "train/pancreas_codex_487_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_488_2.tif", + "label": "train/pancreas_codex_488_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_490_2.tif", + "label": "train/pancreas_codex_490_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_491_2.tif", + "label": "train/pancreas_codex_491_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_494_1.tif", + "label": "train/pancreas_codex_494_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_494_2.tif", + "label": "train/pancreas_codex_494_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_497_1.tif", + "label": "train/pancreas_codex_497_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_499_1.tif", + "label": "train/pancreas_codex_499_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_499_2.tif", + "label": "train/pancreas_codex_499_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_501_0.tif", + "label": "train/pancreas_codex_501_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_502_2.tif", + "label": "train/pancreas_codex_502_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_503_2.tif", + "label": "train/pancreas_codex_503_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_505_1.tif", + "label": "train/pancreas_codex_505_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_506_0.tif", + "label": "train/pancreas_codex_506_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_506_2.tif", + "label": "train/pancreas_codex_506_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_508_0.tif", + "label": "train/pancreas_codex_508_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_508_2.tif", + "label": "train/pancreas_codex_508_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_510_2.tif", + "label": "train/pancreas_codex_510_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_510_3.tif", + "label": "train/pancreas_codex_510_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_512_0.tif", + "label": "train/pancreas_codex_512_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_513_1.tif", + "label": "train/pancreas_codex_513_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_514_2.tif", + "label": "train/pancreas_codex_514_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_515_0.tif", + "label": "train/pancreas_codex_515_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_515_1.tif", + "label": "train/pancreas_codex_515_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_515_2.tif", + "label": "train/pancreas_codex_515_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_516_3.tif", + "label": "train/pancreas_codex_516_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_517_0.tif", + "label": "train/pancreas_codex_517_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_519_3.tif", + "label": "train/pancreas_codex_519_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_521_3.tif", + "label": "train/pancreas_codex_521_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_522_0.tif", + "label": "train/pancreas_codex_522_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_523_2.tif", + "label": "train/pancreas_codex_523_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_528_0.tif", + "label": "train/pancreas_codex_528_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_528_1.tif", + "label": "train/pancreas_codex_528_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_528_2.tif", + "label": "train/pancreas_codex_528_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_530_0.tif", + "label": "train/pancreas_codex_530_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_532_3.tif", + "label": "train/pancreas_codex_532_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_533_2.tif", + "label": "train/pancreas_codex_533_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_533_3.tif", + "label": "train/pancreas_codex_533_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_534_1.tif", + "label": "train/pancreas_codex_534_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_535_3.tif", + "label": "train/pancreas_codex_535_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_536_0.tif", + "label": "train/pancreas_codex_536_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_536_2.tif", + "label": "train/pancreas_codex_536_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_536_3.tif", + "label": "train/pancreas_codex_536_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_538_3.tif", + "label": "train/pancreas_codex_538_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_540_1.tif", + "label": "train/pancreas_codex_540_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_541_0.tif", + "label": "train/pancreas_codex_541_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_541_2.tif", + "label": "train/pancreas_codex_541_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_542_0.tif", + "label": "train/pancreas_codex_542_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_542_1.tif", + "label": "train/pancreas_codex_542_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_543_1.tif", + "label": "train/pancreas_codex_543_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_546_3.tif", + "label": "train/pancreas_codex_546_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_547_2.tif", + "label": "train/pancreas_codex_547_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_549_0.tif", + "label": "train/pancreas_codex_549_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_549_3.tif", + "label": "train/pancreas_codex_549_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_550_3.tif", + "label": "train/pancreas_codex_550_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_551_0.tif", + "label": "train/pancreas_codex_551_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_551_1.tif", + "label": "train/pancreas_codex_551_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_551_2.tif", + "label": "train/pancreas_codex_551_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_551_3.tif", + "label": "train/pancreas_codex_551_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_552_0.tif", + "label": "train/pancreas_codex_552_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_553_3.tif", + "label": "train/pancreas_codex_553_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_556_1.tif", + "label": "train/pancreas_codex_556_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_556_3.tif", + "label": "train/pancreas_codex_556_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_559_1.tif", + "label": "train/pancreas_codex_559_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_559_3.tif", + "label": "train/pancreas_codex_559_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_561_1.tif", + "label": "train/pancreas_codex_561_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_561_3.tif", + "label": "train/pancreas_codex_561_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_562_3.tif", + "label": "train/pancreas_codex_562_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_563_2.tif", + "label": "train/pancreas_codex_563_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_564_3.tif", + "label": "train/pancreas_codex_564_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_565_2.tif", + "label": "train/pancreas_codex_565_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_566_3.tif", + "label": "train/pancreas_codex_566_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_568_0.tif", + "label": "train/pancreas_codex_568_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_568_2.tif", + "label": "train/pancreas_codex_568_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_569_1.tif", + "label": "train/pancreas_codex_569_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_570_0.tif", + "label": "train/pancreas_codex_570_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_570_2.tif", + "label": "train/pancreas_codex_570_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_571_1.tif", + "label": "train/pancreas_codex_571_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_572_2.tif", + "label": "train/pancreas_codex_572_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_573_2.tif", + "label": "train/pancreas_codex_573_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_575_2.tif", + "label": "train/pancreas_codex_575_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_575_3.tif", + "label": "train/pancreas_codex_575_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_576_1.tif", + "label": "train/pancreas_codex_576_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_576_3.tif", + "label": "train/pancreas_codex_576_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_577_0.tif", + "label": "train/pancreas_codex_577_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_577_3.tif", + "label": "train/pancreas_codex_577_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_578_0.tif", + "label": "train/pancreas_codex_578_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_579_0.tif", + "label": "train/pancreas_codex_579_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_579_3.tif", + "label": "train/pancreas_codex_579_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_585_1.tif", + "label": "train/pancreas_codex_585_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_589_0.tif", + "label": "train/pancreas_codex_589_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_589_3.tif", + "label": "train/pancreas_codex_589_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_590_1.tif", + "label": "train/pancreas_codex_590_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_591_1.tif", + "label": "train/pancreas_codex_591_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_591_3.tif", + "label": "train/pancreas_codex_591_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_2_1.tif", + "label": "train/pancreas_codex_2_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_2_2.tif", + "label": "train/pancreas_codex_2_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_3_0.tif", + "label": "train/pancreas_codex_3_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_4_3.tif", + "label": "train/pancreas_codex_4_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_5_1.tif", + "label": "train/pancreas_codex_5_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_5_2.tif", + "label": "train/pancreas_codex_5_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_6_2.tif", + "label": "train/pancreas_codex_6_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_6_3.tif", + "label": "train/pancreas_codex_6_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_8_2.tif", + "label": "train/pancreas_codex_8_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_8_3.tif", + "label": "train/pancreas_codex_8_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_10_1.tif", + "label": "train/pancreas_codex_10_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_10_3.tif", + "label": "train/pancreas_codex_10_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_11_0.tif", + "label": "train/pancreas_codex_11_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_12_3.tif", + "label": "train/pancreas_codex_12_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_13_3.tif", + "label": "train/pancreas_codex_13_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_15_2.tif", + "label": "train/pancreas_codex_15_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_18_2.tif", + "label": "train/pancreas_codex_18_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_19_2.tif", + "label": "train/pancreas_codex_19_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_19_3.tif", + "label": "train/pancreas_codex_19_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_20_1.tif", + "label": "train/pancreas_codex_20_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_20_3.tif", + "label": "train/pancreas_codex_20_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_21_1.tif", + "label": "train/pancreas_codex_21_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_22_0.tif", + "label": "train/pancreas_codex_22_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_22_2.tif", + "label": "train/pancreas_codex_22_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_24_3.tif", + "label": "train/pancreas_codex_24_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_25_3.tif", + "label": "train/pancreas_codex_25_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_32_0.tif", + "label": "train/pancreas_codex_32_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_32_3.tif", + "label": "train/pancreas_codex_32_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_33_3.tif", + "label": "train/pancreas_codex_33_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_34_0.tif", + "label": "train/pancreas_codex_34_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_34_2.tif", + "label": "train/pancreas_codex_34_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_34_3.tif", + "label": "train/pancreas_codex_34_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_35_2.tif", + "label": "train/pancreas_codex_35_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_37_0.tif", + "label": "train/pancreas_codex_37_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_38_2.tif", + "label": "train/pancreas_codex_38_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_39_0.tif", + "label": "train/pancreas_codex_39_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_39_3.tif", + "label": "train/pancreas_codex_39_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_40_0.tif", + "label": "train/pancreas_codex_40_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_40_3.tif", + "label": "train/pancreas_codex_40_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_41_2.tif", + "label": "train/pancreas_codex_41_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_42_2.tif", + "label": "train/pancreas_codex_42_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_43_3.tif", + "label": "train/pancreas_codex_43_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_45_0.tif", + "label": "train/pancreas_codex_45_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_46_3.tif", + "label": "train/pancreas_codex_46_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_47_0.tif", + "label": "train/pancreas_codex_47_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_47_1.tif", + "label": "train/pancreas_codex_47_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_47_3.tif", + "label": "train/pancreas_codex_47_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_49_2.tif", + "label": "train/pancreas_codex_49_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_51_0.tif", + "label": "train/pancreas_codex_51_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_52_0.tif", + "label": "train/pancreas_codex_52_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_52_3.tif", + "label": "train/pancreas_codex_52_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_53_3.tif", + "label": "train/pancreas_codex_53_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_58_2.tif", + "label": "train/pancreas_codex_58_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_59_3.tif", + "label": "train/pancreas_codex_59_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_61_0.tif", + "label": "train/pancreas_codex_61_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_62_2.tif", + "label": "train/pancreas_codex_62_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_62_3.tif", + "label": "train/pancreas_codex_62_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_64_0.tif", + "label": "train/pancreas_codex_64_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_65_2.tif", + "label": "train/pancreas_codex_65_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_68_2.tif", + "label": "train/pancreas_codex_68_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_69_2.tif", + "label": "train/pancreas_codex_69_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_69_3.tif", + "label": "train/pancreas_codex_69_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_71_0.tif", + "label": "train/pancreas_codex_71_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_71_2.tif", + "label": "train/pancreas_codex_71_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_72_0.tif", + "label": "train/pancreas_codex_72_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_72_1.tif", + "label": "train/pancreas_codex_72_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_73_3.tif", + "label": "train/pancreas_codex_73_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_74_2.tif", + "label": "train/pancreas_codex_74_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_77_0.tif", + "label": "train/pancreas_codex_77_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_77_2.tif", + "label": "train/pancreas_codex_77_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_77_3.tif", + "label": "train/pancreas_codex_77_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_78_3.tif", + "label": "train/pancreas_codex_78_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_79_2.tif", + "label": "train/pancreas_codex_79_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_80_0.tif", + "label": "train/pancreas_codex_80_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_80_3.tif", + "label": "train/pancreas_codex_80_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_83_0.tif", + "label": "train/pancreas_codex_83_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_85_0.tif", + "label": "train/pancreas_codex_85_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_87_1.tif", + "label": "train/pancreas_codex_87_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_87_2.tif", + "label": "train/pancreas_codex_87_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_88_3.tif", + "label": "train/pancreas_codex_88_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_89_3.tif", + "label": "train/pancreas_codex_89_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_91_1.tif", + "label": "train/pancreas_codex_91_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_92_1.tif", + "label": "train/pancreas_codex_92_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_95_0.tif", + "label": "train/pancreas_codex_95_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_95_3.tif", + "label": "train/pancreas_codex_95_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_97_2.tif", + "label": "train/pancreas_codex_97_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_98_0.tif", + "label": "train/pancreas_codex_98_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_98_1.tif", + "label": "train/pancreas_codex_98_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_98_3.tif", + "label": "train/pancreas_codex_98_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_99_3.tif", + "label": "train/pancreas_codex_99_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_100_1.tif", + "label": "train/pancreas_codex_100_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_101_0.tif", + "label": "train/pancreas_codex_101_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_102_0.tif", + "label": "train/pancreas_codex_102_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_102_1.tif", + "label": "train/pancreas_codex_102_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_104_3.tif", + "label": "train/pancreas_codex_104_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_105_0.tif", + "label": "train/pancreas_codex_105_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_106_2.tif", + "label": "train/pancreas_codex_106_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_106_3.tif", + "label": "train/pancreas_codex_106_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_109_0.tif", + "label": "train/pancreas_codex_109_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_112_0.tif", + "label": "train/pancreas_codex_112_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_115_0.tif", + "label": "train/pancreas_codex_115_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_117_3.tif", + "label": "train/pancreas_codex_117_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_118_1.tif", + "label": "train/pancreas_codex_118_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_120_2.tif", + "label": "train/pancreas_codex_120_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_122_3.tif", + "label": "train/pancreas_codex_122_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_123_1.tif", + "label": "train/pancreas_codex_123_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_123_2.tif", + "label": "train/pancreas_codex_123_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_124_0.tif", + "label": "train/pancreas_codex_124_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_124_2.tif", + "label": "train/pancreas_codex_124_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_125_2.tif", + "label": "train/pancreas_codex_125_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_125_3.tif", + "label": "train/pancreas_codex_125_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_127_1.tif", + "label": "train/pancreas_codex_127_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_129_0.tif", + "label": "train/pancreas_codex_129_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_130_0.tif", + "label": "train/pancreas_codex_130_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_132_0.tif", + "label": "train/pancreas_codex_132_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_132_3.tif", + "label": "train/pancreas_codex_132_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_134_2.tif", + "label": "train/pancreas_codex_134_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_135_3.tif", + "label": "train/pancreas_codex_135_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_142_2.tif", + "label": "train/pancreas_codex_142_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_142_3.tif", + "label": "train/pancreas_codex_142_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_143_2.tif", + "label": "train/pancreas_codex_143_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_145_1.tif", + "label": "train/pancreas_codex_145_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_146_0.tif", + "label": "train/pancreas_codex_146_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_148_1.tif", + "label": "train/pancreas_codex_148_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_148_2.tif", + "label": "train/pancreas_codex_148_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_148_3.tif", + "label": "train/pancreas_codex_148_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_149_1.tif", + "label": "train/pancreas_codex_149_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_149_3.tif", + "label": "train/pancreas_codex_149_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_154_0.tif", + "label": "train/pancreas_codex_154_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_154_2.tif", + "label": "train/pancreas_codex_154_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_155_2.tif", + "label": "train/pancreas_codex_155_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_157_1.tif", + "label": "train/pancreas_codex_157_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_157_3.tif", + "label": "train/pancreas_codex_157_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_158_3.tif", + "label": "train/pancreas_codex_158_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_160_0.tif", + "label": "train/pancreas_codex_160_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_160_1.tif", + "label": "train/pancreas_codex_160_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_160_3.tif", + "label": "train/pancreas_codex_160_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_161_3.tif", + "label": "train/pancreas_codex_161_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_162_1.tif", + "label": "train/pancreas_codex_162_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_163_3.tif", + "label": "train/pancreas_codex_163_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_164_3.tif", + "label": "train/pancreas_codex_164_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_165_3.tif", + "label": "train/pancreas_codex_165_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_166_2.tif", + "label": "train/pancreas_codex_166_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_168_3.tif", + "label": "train/pancreas_codex_168_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_170_2.tif", + "label": "train/pancreas_codex_170_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_172_0.tif", + "label": "train/pancreas_codex_172_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_174_2.tif", + "label": "train/pancreas_codex_174_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_176_3.tif", + "label": "train/pancreas_codex_176_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_177_3.tif", + "label": "train/pancreas_codex_177_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_179_2.tif", + "label": "train/pancreas_codex_179_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_179_3.tif", + "label": "train/pancreas_codex_179_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_180_0.tif", + "label": "train/pancreas_codex_180_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_180_3.tif", + "label": "train/pancreas_codex_180_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_182_1.tif", + "label": "train/pancreas_codex_182_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_184_3.tif", + "label": "train/pancreas_codex_184_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_185_0.tif", + "label": "train/pancreas_codex_185_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_185_2.tif", + "label": "train/pancreas_codex_185_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_186_2.tif", + "label": "train/pancreas_codex_186_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_187_0.tif", + "label": "train/pancreas_codex_187_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_187_2.tif", + "label": "train/pancreas_codex_187_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_189_3.tif", + "label": "train/pancreas_codex_189_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_192_1.tif", + "label": "train/pancreas_codex_192_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_192_3.tif", + "label": "train/pancreas_codex_192_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_194_1.tif", + "label": "train/pancreas_codex_194_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_195_1.tif", + "label": "train/pancreas_codex_195_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_196_2.tif", + "label": "train/pancreas_codex_196_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_197_1.tif", + "label": "train/pancreas_codex_197_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_199_3.tif", + "label": "train/pancreas_codex_199_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_200_1.tif", + "label": "train/pancreas_codex_200_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_201_3.tif", + "label": "train/pancreas_codex_201_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_202_2.tif", + "label": "train/pancreas_codex_202_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_203_3.tif", + "label": "train/pancreas_codex_203_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_204_3.tif", + "label": "train/pancreas_codex_204_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_205_3.tif", + "label": "train/pancreas_codex_205_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_206_0.tif", + "label": "train/pancreas_codex_206_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_206_2.tif", + "label": "train/pancreas_codex_206_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_206_3.tif", + "label": "train/pancreas_codex_206_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_207_1.tif", + "label": "train/pancreas_codex_207_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_207_3.tif", + "label": "train/pancreas_codex_207_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_208_1.tif", + "label": "train/pancreas_codex_208_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_208_2.tif", + "label": "train/pancreas_codex_208_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_211_3.tif", + "label": "train/pancreas_codex_211_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_215_0.tif", + "label": "train/pancreas_codex_215_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_215_3.tif", + "label": "train/pancreas_codex_215_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_217_0.tif", + "label": "train/pancreas_codex_217_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_218_2.tif", + "label": "train/pancreas_codex_218_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_221_3.tif", + "label": "train/pancreas_codex_221_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_222_0.tif", + "label": "train/pancreas_codex_222_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_222_2.tif", + "label": "train/pancreas_codex_222_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_226_0.tif", + "label": "train/pancreas_codex_226_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_227_3.tif", + "label": "train/pancreas_codex_227_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_228_0.tif", + "label": "train/pancreas_codex_228_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_230_2.tif", + "label": "train/pancreas_codex_230_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_231_2.tif", + "label": "train/pancreas_codex_231_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_232_3.tif", + "label": "train/pancreas_codex_232_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_233_3.tif", + "label": "train/pancreas_codex_233_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_235_0.tif", + "label": "train/pancreas_codex_235_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_235_1.tif", + "label": "train/pancreas_codex_235_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_237_2.tif", + "label": "train/pancreas_codex_237_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_237_3.tif", + "label": "train/pancreas_codex_237_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_238_0.tif", + "label": "train/pancreas_codex_238_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_240_1.tif", + "label": "train/pancreas_codex_240_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_241_2.tif", + "label": "train/pancreas_codex_241_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_242_1.tif", + "label": "train/pancreas_codex_242_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_243_2.tif", + "label": "train/pancreas_codex_243_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_244_0.tif", + "label": "train/pancreas_codex_244_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_245_1.tif", + "label": "train/pancreas_codex_245_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_246_2.tif", + "label": "train/pancreas_codex_246_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_247_2.tif", + "label": "train/pancreas_codex_247_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_247_3.tif", + "label": "train/pancreas_codex_247_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_249_1.tif", + "label": "train/pancreas_codex_249_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_250_1.tif", + "label": "train/pancreas_codex_250_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_252_0.tif", + "label": "train/pancreas_codex_252_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_252_2.tif", + "label": "train/pancreas_codex_252_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_253_2.tif", + "label": "train/pancreas_codex_253_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_253_3.tif", + "label": "train/pancreas_codex_253_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_257_2.tif", + "label": "train/pancreas_codex_257_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_259_0.tif", + "label": "train/pancreas_codex_259_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_259_2.tif", + "label": "train/pancreas_codex_259_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_261_3.tif", + "label": "train/pancreas_codex_261_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_262_0.tif", + "label": "train/pancreas_codex_262_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_262_3.tif", + "label": "train/pancreas_codex_262_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_264_0.tif", + "label": "train/pancreas_codex_264_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_264_1.tif", + "label": "train/pancreas_codex_264_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_264_2.tif", + "label": "train/pancreas_codex_264_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_272_2.tif", + "label": "train/pancreas_codex_272_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_274_1.tif", + "label": "train/pancreas_codex_274_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_275_0.tif", + "label": "train/pancreas_codex_275_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_275_3.tif", + "label": "train/pancreas_codex_275_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_279_0.tif", + "label": "train/pancreas_codex_279_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_282_2.tif", + "label": "train/pancreas_codex_282_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_286_1.tif", + "label": "train/pancreas_codex_286_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_287_1.tif", + "label": "train/pancreas_codex_287_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_289_2.tif", + "label": "train/pancreas_codex_289_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_289_3.tif", + "label": "train/pancreas_codex_289_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_291_1.tif", + "label": "train/pancreas_codex_291_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_291_2.tif", + "label": "train/pancreas_codex_291_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_294_1.tif", + "label": "train/pancreas_codex_294_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_295_0.tif", + "label": "train/pancreas_codex_295_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_297_1.tif", + "label": "train/pancreas_codex_297_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_299_1.tif", + "label": "train/pancreas_codex_299_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_300_1.tif", + "label": "train/pancreas_codex_300_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_303_0.tif", + "label": "train/pancreas_codex_303_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_303_1.tif", + "label": "train/pancreas_codex_303_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_303_3.tif", + "label": "train/pancreas_codex_303_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_304_1.tif", + "label": "train/pancreas_codex_304_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_304_2.tif", + "label": "train/pancreas_codex_304_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_304_3.tif", + "label": "train/pancreas_codex_304_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_306_0.tif", + "label": "train/pancreas_codex_306_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_307_1.tif", + "label": "train/pancreas_codex_307_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_309_1.tif", + "label": "train/pancreas_codex_309_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_309_2.tif", + "label": "train/pancreas_codex_309_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_310_0.tif", + "label": "train/pancreas_codex_310_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_311_0.tif", + "label": "train/pancreas_codex_311_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_311_1.tif", + "label": "train/pancreas_codex_311_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_312_1.tif", + "label": "train/pancreas_codex_312_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_312_2.tif", + "label": "train/pancreas_codex_312_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_313_3.tif", + "label": "train/pancreas_codex_313_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_314_0.tif", + "label": "train/pancreas_codex_314_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_316_2.tif", + "label": "train/pancreas_codex_316_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_317_3.tif", + "label": "train/pancreas_codex_317_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_318_2.tif", + "label": "train/pancreas_codex_318_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_319_0.tif", + "label": "train/pancreas_codex_319_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_323_0.tif", + "label": "train/pancreas_codex_323_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_323_1.tif", + "label": "train/pancreas_codex_323_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_324_2.tif", + "label": "train/pancreas_codex_324_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_324_3.tif", + "label": "train/pancreas_codex_324_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_326_0.tif", + "label": "train/pancreas_codex_326_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_327_2.tif", + "label": "train/pancreas_codex_327_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_328_3.tif", + "label": "train/pancreas_codex_328_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_330_3.tif", + "label": "train/pancreas_codex_330_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_331_2.tif", + "label": "train/pancreas_codex_331_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_332_2.tif", + "label": "train/pancreas_codex_332_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_333_2.tif", + "label": "train/pancreas_codex_333_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_334_2.tif", + "label": "train/pancreas_codex_334_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_334_3.tif", + "label": "train/pancreas_codex_334_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_338_1.tif", + "label": "train/pancreas_codex_338_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_339_2.tif", + "label": "train/pancreas_codex_339_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_339_3.tif", + "label": "train/pancreas_codex_339_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_342_3.tif", + "label": "train/pancreas_codex_342_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_343_2.tif", + "label": "train/pancreas_codex_343_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_344_2.tif", + "label": "train/pancreas_codex_344_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_345_2.tif", + "label": "train/pancreas_codex_345_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_346_0.tif", + "label": "train/pancreas_codex_346_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_347_0.tif", + "label": "train/pancreas_codex_347_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_348_2.tif", + "label": "train/pancreas_codex_348_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_349_0.tif", + "label": "train/pancreas_codex_349_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_349_2.tif", + "label": "train/pancreas_codex_349_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_351_3.tif", + "label": "train/pancreas_codex_351_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_356_2.tif", + "label": "train/pancreas_codex_356_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_357_1.tif", + "label": "train/pancreas_codex_357_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_358_0.tif", + "label": "train/pancreas_codex_358_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_358_1.tif", + "label": "train/pancreas_codex_358_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_359_0.tif", + "label": "train/pancreas_codex_359_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_360_1.tif", + "label": "train/pancreas_codex_360_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_361_3.tif", + "label": "train/pancreas_codex_361_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_365_2.tif", + "label": "train/pancreas_codex_365_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_366_0.tif", + "label": "train/pancreas_codex_366_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_370_3.tif", + "label": "train/pancreas_codex_370_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_371_3.tif", + "label": "train/pancreas_codex_371_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_372_1.tif", + "label": "train/pancreas_codex_372_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_375_1.tif", + "label": "train/pancreas_codex_375_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_376_2.tif", + "label": "train/pancreas_codex_376_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_377_3.tif", + "label": "train/pancreas_codex_377_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_378_0.tif", + "label": "train/pancreas_codex_378_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_378_2.tif", + "label": "train/pancreas_codex_378_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_381_1.tif", + "label": "train/pancreas_codex_381_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_382_1.tif", + "label": "train/pancreas_codex_382_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_384_3.tif", + "label": "train/pancreas_codex_384_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_386_0.tif", + "label": "train/pancreas_codex_386_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_386_2.tif", + "label": "train/pancreas_codex_386_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_387_3.tif", + "label": "train/pancreas_codex_387_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_389_0.tif", + "label": "train/pancreas_codex_389_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_389_2.tif", + "label": "train/pancreas_codex_389_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_390_1.tif", + "label": "train/pancreas_codex_390_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_390_3.tif", + "label": "train/pancreas_codex_390_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_392_2.tif", + "label": "train/pancreas_codex_392_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_395_3.tif", + "label": "train/pancreas_codex_395_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_398_1.tif", + "label": "train/pancreas_codex_398_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_398_3.tif", + "label": "train/pancreas_codex_398_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_400_1.tif", + "label": "train/pancreas_codex_400_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_400_3.tif", + "label": "train/pancreas_codex_400_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_401_1.tif", + "label": "train/pancreas_codex_401_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_402_2.tif", + "label": "train/pancreas_codex_402_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_403_1.tif", + "label": "train/pancreas_codex_403_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_404_1.tif", + "label": "train/pancreas_codex_404_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_405_3.tif", + "label": "train/pancreas_codex_405_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_408_2.tif", + "label": "train/pancreas_codex_408_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_411_1.tif", + "label": "train/pancreas_codex_411_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_413_2.tif", + "label": "train/pancreas_codex_413_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_413_3.tif", + "label": "train/pancreas_codex_413_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_414_0.tif", + "label": "train/pancreas_codex_414_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_415_1.tif", + "label": "train/pancreas_codex_415_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_415_2.tif", + "label": "train/pancreas_codex_415_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_416_0.tif", + "label": "train/pancreas_codex_416_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_418_2.tif", + "label": "train/pancreas_codex_418_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_419_0.tif", + "label": "train/pancreas_codex_419_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_419_1.tif", + "label": "train/pancreas_codex_419_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_420_2.tif", + "label": "train/pancreas_codex_420_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_424_0.tif", + "label": "train/pancreas_codex_424_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_424_3.tif", + "label": "train/pancreas_codex_424_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_426_3.tif", + "label": "train/pancreas_codex_426_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_427_0.tif", + "label": "train/pancreas_codex_427_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_429_0.tif", + "label": "train/pancreas_codex_429_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_429_3.tif", + "label": "train/pancreas_codex_429_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_430_0.tif", + "label": "train/pancreas_codex_430_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_430_1.tif", + "label": "train/pancreas_codex_430_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_431_0.tif", + "label": "train/pancreas_codex_431_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_431_1.tif", + "label": "train/pancreas_codex_431_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_431_2.tif", + "label": "train/pancreas_codex_431_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_432_2.tif", + "label": "train/pancreas_codex_432_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_432_3.tif", + "label": "train/pancreas_codex_432_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_433_1.tif", + "label": "train/pancreas_codex_433_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_434_1.tif", + "label": "train/pancreas_codex_434_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_435_3.tif", + "label": "train/pancreas_codex_435_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_437_2.tif", + "label": "train/pancreas_codex_437_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_439_3.tif", + "label": "train/pancreas_codex_439_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_440_0.tif", + "label": "train/pancreas_codex_440_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_441_1.tif", + "label": "train/pancreas_codex_441_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_442_0.tif", + "label": "train/pancreas_codex_442_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_444_0.tif", + "label": "train/pancreas_codex_444_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_446_0.tif", + "label": "train/pancreas_codex_446_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_452_1.tif", + "label": "train/pancreas_codex_452_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_452_2.tif", + "label": "train/pancreas_codex_452_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_454_1.tif", + "label": "train/pancreas_codex_454_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_454_3.tif", + "label": "train/pancreas_codex_454_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_457_3.tif", + "label": "train/pancreas_codex_457_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_459_1.tif", + "label": "train/pancreas_codex_459_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_462_0.tif", + "label": "train/pancreas_codex_462_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_462_2.tif", + "label": "train/pancreas_codex_462_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_467_0.tif", + "label": "train/pancreas_codex_467_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_469_1.tif", + "label": "train/pancreas_codex_469_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_470_2.tif", + "label": "train/pancreas_codex_470_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_471_1.tif", + "label": "train/pancreas_codex_471_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_472_3.tif", + "label": "train/pancreas_codex_472_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_475_1.tif", + "label": "train/pancreas_codex_475_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_476_1.tif", + "label": "train/pancreas_codex_476_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_476_3.tif", + "label": "train/pancreas_codex_476_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_477_1.tif", + "label": "train/pancreas_codex_477_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_479_3.tif", + "label": "train/pancreas_codex_479_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_481_0.tif", + "label": "train/pancreas_codex_481_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_482_1.tif", + "label": "train/pancreas_codex_482_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_483_0.tif", + "label": "train/pancreas_codex_483_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_483_2.tif", + "label": "train/pancreas_codex_483_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_483_3.tif", + "label": "train/pancreas_codex_483_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_484_1.tif", + "label": "train/pancreas_codex_484_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_486_1.tif", + "label": "train/pancreas_codex_486_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_486_3.tif", + "label": "train/pancreas_codex_486_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_488_0.tif", + "label": "train/pancreas_codex_488_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_489_1.tif", + "label": "train/pancreas_codex_489_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_491_0.tif", + "label": "train/pancreas_codex_491_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_491_1.tif", + "label": "train/pancreas_codex_491_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_491_3.tif", + "label": "train/pancreas_codex_491_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_492_2.tif", + "label": "train/pancreas_codex_492_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_495_0.tif", + "label": "train/pancreas_codex_495_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_495_3.tif", + "label": "train/pancreas_codex_495_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_497_3.tif", + "label": "train/pancreas_codex_497_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_498_2.tif", + "label": "train/pancreas_codex_498_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_499_3.tif", + "label": "train/pancreas_codex_499_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_500_0.tif", + "label": "train/pancreas_codex_500_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_500_1.tif", + "label": "train/pancreas_codex_500_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_500_2.tif", + "label": "train/pancreas_codex_500_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_501_2.tif", + "label": "train/pancreas_codex_501_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_503_1.tif", + "label": "train/pancreas_codex_503_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_503_3.tif", + "label": "train/pancreas_codex_503_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_505_2.tif", + "label": "train/pancreas_codex_505_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_509_0.tif", + "label": "train/pancreas_codex_509_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_509_1.tif", + "label": "train/pancreas_codex_509_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_509_3.tif", + "label": "train/pancreas_codex_509_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_511_1.tif", + "label": "train/pancreas_codex_511_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_512_1.tif", + "label": "train/pancreas_codex_512_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_513_2.tif", + "label": "train/pancreas_codex_513_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_516_1.tif", + "label": "train/pancreas_codex_516_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_516_2.tif", + "label": "train/pancreas_codex_516_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_517_2.tif", + "label": "train/pancreas_codex_517_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_518_1.tif", + "label": "train/pancreas_codex_518_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_519_0.tif", + "label": "train/pancreas_codex_519_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_519_2.tif", + "label": "train/pancreas_codex_519_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_520_1.tif", + "label": "train/pancreas_codex_520_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_520_3.tif", + "label": "train/pancreas_codex_520_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_521_0.tif", + "label": "train/pancreas_codex_521_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_521_2.tif", + "label": "train/pancreas_codex_521_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_523_1.tif", + "label": "train/pancreas_codex_523_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_525_2.tif", + "label": "train/pancreas_codex_525_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_526_2.tif", + "label": "train/pancreas_codex_526_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_527_2.tif", + "label": "train/pancreas_codex_527_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_527_3.tif", + "label": "train/pancreas_codex_527_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_530_1.tif", + "label": "train/pancreas_codex_530_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_530_3.tif", + "label": "train/pancreas_codex_530_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_534_2.tif", + "label": "train/pancreas_codex_534_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_535_0.tif", + "label": "train/pancreas_codex_535_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_535_2.tif", + "label": "train/pancreas_codex_535_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_536_1.tif", + "label": "train/pancreas_codex_536_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_537_1.tif", + "label": "train/pancreas_codex_537_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_537_2.tif", + "label": "train/pancreas_codex_537_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_539_3.tif", + "label": "train/pancreas_codex_539_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_540_0.tif", + "label": "train/pancreas_codex_540_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_540_2.tif", + "label": "train/pancreas_codex_540_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_542_2.tif", + "label": "train/pancreas_codex_542_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_543_0.tif", + "label": "train/pancreas_codex_543_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_543_2.tif", + "label": "train/pancreas_codex_543_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_545_0.tif", + "label": "train/pancreas_codex_545_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_545_3.tif", + "label": "train/pancreas_codex_545_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_546_2.tif", + "label": "train/pancreas_codex_546_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_548_0.tif", + "label": "train/pancreas_codex_548_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_550_1.tif", + "label": "train/pancreas_codex_550_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_554_0.tif", + "label": "train/pancreas_codex_554_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_555_1.tif", + "label": "train/pancreas_codex_555_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_555_2.tif", + "label": "train/pancreas_codex_555_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_555_3.tif", + "label": "train/pancreas_codex_555_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_557_1.tif", + "label": "train/pancreas_codex_557_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_558_1.tif", + "label": "train/pancreas_codex_558_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_562_0.tif", + "label": "train/pancreas_codex_562_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_563_0.tif", + "label": "train/pancreas_codex_563_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_566_1.tif", + "label": "train/pancreas_codex_566_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_567_2.tif", + "label": "train/pancreas_codex_567_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_570_1.tif", + "label": "train/pancreas_codex_570_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_571_2.tif", + "label": "train/pancreas_codex_571_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_572_0.tif", + "label": "train/pancreas_codex_572_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_572_3.tif", + "label": "train/pancreas_codex_572_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_573_0.tif", + "label": "train/pancreas_codex_573_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_574_0.tif", + "label": "train/pancreas_codex_574_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_574_1.tif", + "label": "train/pancreas_codex_574_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_577_1.tif", + "label": "train/pancreas_codex_577_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_578_3.tif", + "label": "train/pancreas_codex_578_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_580_2.tif", + "label": "train/pancreas_codex_580_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_581_1.tif", + "label": "train/pancreas_codex_581_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_582_1.tif", + "label": "train/pancreas_codex_582_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_582_3.tif", + "label": "train/pancreas_codex_582_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_584_2.tif", + "label": "train/pancreas_codex_584_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_585_2.tif", + "label": "train/pancreas_codex_585_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_585_3.tif", + "label": "train/pancreas_codex_585_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_589_1.tif", + "label": "train/pancreas_codex_589_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_590_3.tif", + "label": "train/pancreas_codex_590_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_0_2.tif", + "label": "train/pancreas_codex_0_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_1_1.tif", + "label": "train/pancreas_codex_1_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_3_1.tif", + "label": "train/pancreas_codex_3_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_3_2.tif", + "label": "train/pancreas_codex_3_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_4_2.tif", + "label": "train/pancreas_codex_4_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_5_3.tif", + "label": "train/pancreas_codex_5_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_7_0.tif", + "label": "train/pancreas_codex_7_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_7_3.tif", + "label": "train/pancreas_codex_7_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_8_0.tif", + "label": "train/pancreas_codex_8_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_8_1.tif", + "label": "train/pancreas_codex_8_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_9_2.tif", + "label": "train/pancreas_codex_9_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_11_2.tif", + "label": "train/pancreas_codex_11_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_13_0.tif", + "label": "train/pancreas_codex_13_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_14_1.tif", + "label": "train/pancreas_codex_14_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_15_1.tif", + "label": "train/pancreas_codex_15_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_16_2.tif", + "label": "train/pancreas_codex_16_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_17_0.tif", + "label": "train/pancreas_codex_17_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_17_1.tif", + "label": "train/pancreas_codex_17_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_18_0.tif", + "label": "train/pancreas_codex_18_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_21_0.tif", + "label": "train/pancreas_codex_21_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_22_1.tif", + "label": "train/pancreas_codex_22_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_23_0.tif", + "label": "train/pancreas_codex_23_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_23_3.tif", + "label": "train/pancreas_codex_23_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_24_1.tif", + "label": "train/pancreas_codex_24_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_26_2.tif", + "label": "train/pancreas_codex_26_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_28_1.tif", + "label": "train/pancreas_codex_28_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_28_2.tif", + "label": "train/pancreas_codex_28_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_29_0.tif", + "label": "train/pancreas_codex_29_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_29_1.tif", + "label": "train/pancreas_codex_29_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_29_2.tif", + "label": "train/pancreas_codex_29_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_30_1.tif", + "label": "train/pancreas_codex_30_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_31_3.tif", + "label": "train/pancreas_codex_31_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_33_0.tif", + "label": "train/pancreas_codex_33_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_35_1.tif", + "label": "train/pancreas_codex_35_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_36_3.tif", + "label": "train/pancreas_codex_36_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_37_3.tif", + "label": "train/pancreas_codex_37_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_41_0.tif", + "label": "train/pancreas_codex_41_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_42_0.tif", + "label": "train/pancreas_codex_42_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_43_0.tif", + "label": "train/pancreas_codex_43_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_43_1.tif", + "label": "train/pancreas_codex_43_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_44_2.tif", + "label": "train/pancreas_codex_44_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_44_3.tif", + "label": "train/pancreas_codex_44_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_46_0.tif", + "label": "train/pancreas_codex_46_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_46_1.tif", + "label": "train/pancreas_codex_46_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_48_1.tif", + "label": "train/pancreas_codex_48_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_49_0.tif", + "label": "train/pancreas_codex_49_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_49_3.tif", + "label": "train/pancreas_codex_49_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_51_3.tif", + "label": "train/pancreas_codex_51_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_52_1.tif", + "label": "train/pancreas_codex_52_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_53_2.tif", + "label": "train/pancreas_codex_53_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_54_1.tif", + "label": "train/pancreas_codex_54_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_54_2.tif", + "label": "train/pancreas_codex_54_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_55_1.tif", + "label": "train/pancreas_codex_55_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_56_0.tif", + "label": "train/pancreas_codex_56_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_59_1.tif", + "label": "train/pancreas_codex_59_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_59_2.tif", + "label": "train/pancreas_codex_59_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_60_0.tif", + "label": "train/pancreas_codex_60_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_61_1.tif", + "label": "train/pancreas_codex_61_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_61_2.tif", + "label": "train/pancreas_codex_61_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_61_3.tif", + "label": "train/pancreas_codex_61_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_63_2.tif", + "label": "train/pancreas_codex_63_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_64_1.tif", + "label": "train/pancreas_codex_64_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_65_1.tif", + "label": "train/pancreas_codex_65_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_65_3.tif", + "label": "train/pancreas_codex_65_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_66_1.tif", + "label": "train/pancreas_codex_66_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_67_3.tif", + "label": "train/pancreas_codex_67_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_68_1.tif", + "label": "train/pancreas_codex_68_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_69_0.tif", + "label": "train/pancreas_codex_69_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_69_1.tif", + "label": "train/pancreas_codex_69_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_72_3.tif", + "label": "train/pancreas_codex_72_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_73_2.tif", + "label": "train/pancreas_codex_73_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_75_0.tif", + "label": "train/pancreas_codex_75_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_76_3.tif", + "label": "train/pancreas_codex_76_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_80_2.tif", + "label": "train/pancreas_codex_80_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_81_2.tif", + "label": "train/pancreas_codex_81_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_82_0.tif", + "label": "train/pancreas_codex_82_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_84_3.tif", + "label": "train/pancreas_codex_84_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_85_2.tif", + "label": "train/pancreas_codex_85_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_86_0.tif", + "label": "train/pancreas_codex_86_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_86_1.tif", + "label": "train/pancreas_codex_86_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_88_2.tif", + "label": "train/pancreas_codex_88_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_89_2.tif", + "label": "train/pancreas_codex_89_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_90_0.tif", + "label": "train/pancreas_codex_90_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_91_0.tif", + "label": "train/pancreas_codex_91_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_92_3.tif", + "label": "train/pancreas_codex_92_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_93_2.tif", + "label": "train/pancreas_codex_93_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_94_1.tif", + "label": "train/pancreas_codex_94_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_95_1.tif", + "label": "train/pancreas_codex_95_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_96_0.tif", + "label": "train/pancreas_codex_96_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_96_3.tif", + "label": "train/pancreas_codex_96_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_97_0.tif", + "label": "train/pancreas_codex_97_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_102_3.tif", + "label": "train/pancreas_codex_102_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_103_0.tif", + "label": "train/pancreas_codex_103_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_107_1.tif", + "label": "train/pancreas_codex_107_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_107_2.tif", + "label": "train/pancreas_codex_107_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_108_1.tif", + "label": "train/pancreas_codex_108_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_109_1.tif", + "label": "train/pancreas_codex_109_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_111_1.tif", + "label": "train/pancreas_codex_111_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_112_1.tif", + "label": "train/pancreas_codex_112_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_113_3.tif", + "label": "train/pancreas_codex_113_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_114_1.tif", + "label": "train/pancreas_codex_114_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_114_2.tif", + "label": "train/pancreas_codex_114_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_114_3.tif", + "label": "train/pancreas_codex_114_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_115_3.tif", + "label": "train/pancreas_codex_115_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_116_2.tif", + "label": "train/pancreas_codex_116_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_116_3.tif", + "label": "train/pancreas_codex_116_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_118_0.tif", + "label": "train/pancreas_codex_118_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_118_2.tif", + "label": "train/pancreas_codex_118_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_119_3.tif", + "label": "train/pancreas_codex_119_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_120_3.tif", + "label": "train/pancreas_codex_120_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_123_0.tif", + "label": "train/pancreas_codex_123_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_125_0.tif", + "label": "train/pancreas_codex_125_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_126_0.tif", + "label": "train/pancreas_codex_126_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_127_3.tif", + "label": "train/pancreas_codex_127_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_130_3.tif", + "label": "train/pancreas_codex_130_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_132_2.tif", + "label": "train/pancreas_codex_132_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_133_1.tif", + "label": "train/pancreas_codex_133_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_137_0.tif", + "label": "train/pancreas_codex_137_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_137_2.tif", + "label": "train/pancreas_codex_137_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_138_0.tif", + "label": "train/pancreas_codex_138_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_138_2.tif", + "label": "train/pancreas_codex_138_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_141_3.tif", + "label": "train/pancreas_codex_141_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_142_0.tif", + "label": "train/pancreas_codex_142_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_144_2.tif", + "label": "train/pancreas_codex_144_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_145_0.tif", + "label": "train/pancreas_codex_145_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_147_0.tif", + "label": "train/pancreas_codex_147_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_150_0.tif", + "label": "train/pancreas_codex_150_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_150_3.tif", + "label": "train/pancreas_codex_150_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_151_0.tif", + "label": "train/pancreas_codex_151_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_151_1.tif", + "label": "train/pancreas_codex_151_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_161_2.tif", + "label": "train/pancreas_codex_161_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_162_3.tif", + "label": "train/pancreas_codex_162_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_166_1.tif", + "label": "train/pancreas_codex_166_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_167_2.tif", + "label": "train/pancreas_codex_167_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_168_1.tif", + "label": "train/pancreas_codex_168_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_169_0.tif", + "label": "train/pancreas_codex_169_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_170_1.tif", + "label": "train/pancreas_codex_170_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_171_0.tif", + "label": "train/pancreas_codex_171_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_171_2.tif", + "label": "train/pancreas_codex_171_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_172_1.tif", + "label": "train/pancreas_codex_172_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_173_2.tif", + "label": "train/pancreas_codex_173_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_174_3.tif", + "label": "train/pancreas_codex_174_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_177_1.tif", + "label": "train/pancreas_codex_177_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_177_2.tif", + "label": "train/pancreas_codex_177_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_179_0.tif", + "label": "train/pancreas_codex_179_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_182_3.tif", + "label": "train/pancreas_codex_182_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_183_3.tif", + "label": "train/pancreas_codex_183_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_184_2.tif", + "label": "train/pancreas_codex_184_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_185_1.tif", + "label": "train/pancreas_codex_185_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_186_0.tif", + "label": "train/pancreas_codex_186_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_186_3.tif", + "label": "train/pancreas_codex_186_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_187_3.tif", + "label": "train/pancreas_codex_187_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_188_0.tif", + "label": "train/pancreas_codex_188_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_188_2.tif", + "label": "train/pancreas_codex_188_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_188_3.tif", + "label": "train/pancreas_codex_188_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_191_1.tif", + "label": "train/pancreas_codex_191_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_193_1.tif", + "label": "train/pancreas_codex_193_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_193_3.tif", + "label": "train/pancreas_codex_193_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_194_0.tif", + "label": "train/pancreas_codex_194_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_195_0.tif", + "label": "train/pancreas_codex_195_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_195_2.tif", + "label": "train/pancreas_codex_195_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_195_3.tif", + "label": "train/pancreas_codex_195_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_198_3.tif", + "label": "train/pancreas_codex_198_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_199_1.tif", + "label": "train/pancreas_codex_199_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_199_2.tif", + "label": "train/pancreas_codex_199_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_200_0.tif", + "label": "train/pancreas_codex_200_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_202_1.tif", + "label": "train/pancreas_codex_202_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_204_1.tif", + "label": "train/pancreas_codex_204_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_207_2.tif", + "label": "train/pancreas_codex_207_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_209_2.tif", + "label": "train/pancreas_codex_209_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_210_1.tif", + "label": "train/pancreas_codex_210_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_210_2.tif", + "label": "train/pancreas_codex_210_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_213_1.tif", + "label": "train/pancreas_codex_213_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_213_3.tif", + "label": "train/pancreas_codex_213_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_215_2.tif", + "label": "train/pancreas_codex_215_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_216_0.tif", + "label": "train/pancreas_codex_216_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_216_3.tif", + "label": "train/pancreas_codex_216_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_218_3.tif", + "label": "train/pancreas_codex_218_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_219_0.tif", + "label": "train/pancreas_codex_219_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_223_0.tif", + "label": "train/pancreas_codex_223_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_224_0.tif", + "label": "train/pancreas_codex_224_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_224_1.tif", + "label": "train/pancreas_codex_224_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_227_1.tif", + "label": "train/pancreas_codex_227_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_230_3.tif", + "label": "train/pancreas_codex_230_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_232_1.tif", + "label": "train/pancreas_codex_232_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_232_2.tif", + "label": "train/pancreas_codex_232_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_233_1.tif", + "label": "train/pancreas_codex_233_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_234_1.tif", + "label": "train/pancreas_codex_234_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_234_2.tif", + "label": "train/pancreas_codex_234_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_235_2.tif", + "label": "train/pancreas_codex_235_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_236_1.tif", + "label": "train/pancreas_codex_236_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_236_3.tif", + "label": "train/pancreas_codex_236_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_240_2.tif", + "label": "train/pancreas_codex_240_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_241_3.tif", + "label": "train/pancreas_codex_241_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_243_1.tif", + "label": "train/pancreas_codex_243_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_244_2.tif", + "label": "train/pancreas_codex_244_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_245_0.tif", + "label": "train/pancreas_codex_245_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_249_2.tif", + "label": "train/pancreas_codex_249_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_250_3.tif", + "label": "train/pancreas_codex_250_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_251_3.tif", + "label": "train/pancreas_codex_251_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_253_1.tif", + "label": "train/pancreas_codex_253_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_254_0.tif", + "label": "train/pancreas_codex_254_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_255_1.tif", + "label": "train/pancreas_codex_255_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_255_2.tif", + "label": "train/pancreas_codex_255_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_255_3.tif", + "label": "train/pancreas_codex_255_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_256_0.tif", + "label": "train/pancreas_codex_256_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_257_1.tif", + "label": "train/pancreas_codex_257_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_258_3.tif", + "label": "train/pancreas_codex_258_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_260_0.tif", + "label": "train/pancreas_codex_260_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_260_1.tif", + "label": "train/pancreas_codex_260_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_262_2.tif", + "label": "train/pancreas_codex_262_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_263_3.tif", + "label": "train/pancreas_codex_263_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_266_0.tif", + "label": "train/pancreas_codex_266_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_266_2.tif", + "label": "train/pancreas_codex_266_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_267_1.tif", + "label": "train/pancreas_codex_267_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_268_2.tif", + "label": "train/pancreas_codex_268_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_269_2.tif", + "label": "train/pancreas_codex_269_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_270_3.tif", + "label": "train/pancreas_codex_270_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_271_1.tif", + "label": "train/pancreas_codex_271_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_273_0.tif", + "label": "train/pancreas_codex_273_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_274_2.tif", + "label": "train/pancreas_codex_274_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_276_2.tif", + "label": "train/pancreas_codex_276_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_277_0.tif", + "label": "train/pancreas_codex_277_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_278_1.tif", + "label": "train/pancreas_codex_278_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_279_3.tif", + "label": "train/pancreas_codex_279_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_280_0.tif", + "label": "train/pancreas_codex_280_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_281_2.tif", + "label": "train/pancreas_codex_281_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_281_3.tif", + "label": "train/pancreas_codex_281_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_283_1.tif", + "label": "train/pancreas_codex_283_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_283_2.tif", + "label": "train/pancreas_codex_283_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_284_0.tif", + "label": "train/pancreas_codex_284_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_285_0.tif", + "label": "train/pancreas_codex_285_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_285_2.tif", + "label": "train/pancreas_codex_285_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_287_0.tif", + "label": "train/pancreas_codex_287_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_287_3.tif", + "label": "train/pancreas_codex_287_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_288_1.tif", + "label": "train/pancreas_codex_288_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_290_1.tif", + "label": "train/pancreas_codex_290_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_292_2.tif", + "label": "train/pancreas_codex_292_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_293_1.tif", + "label": "train/pancreas_codex_293_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_296_0.tif", + "label": "train/pancreas_codex_296_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_296_1.tif", + "label": "train/pancreas_codex_296_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_297_2.tif", + "label": "train/pancreas_codex_297_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_299_2.tif", + "label": "train/pancreas_codex_299_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_299_3.tif", + "label": "train/pancreas_codex_299_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_300_3.tif", + "label": "train/pancreas_codex_300_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_302_3.tif", + "label": "train/pancreas_codex_302_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_304_0.tif", + "label": "train/pancreas_codex_304_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_305_3.tif", + "label": "train/pancreas_codex_305_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_308_2.tif", + "label": "train/pancreas_codex_308_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_310_2.tif", + "label": "train/pancreas_codex_310_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_313_1.tif", + "label": "train/pancreas_codex_313_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_314_1.tif", + "label": "train/pancreas_codex_314_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_314_3.tif", + "label": "train/pancreas_codex_314_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_316_3.tif", + "label": "train/pancreas_codex_316_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_317_2.tif", + "label": "train/pancreas_codex_317_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_320_0.tif", + "label": "train/pancreas_codex_320_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_321_1.tif", + "label": "train/pancreas_codex_321_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_325_2.tif", + "label": "train/pancreas_codex_325_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_326_1.tif", + "label": "train/pancreas_codex_326_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_327_1.tif", + "label": "train/pancreas_codex_327_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_328_1.tif", + "label": "train/pancreas_codex_328_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_329_1.tif", + "label": "train/pancreas_codex_329_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_329_3.tif", + "label": "train/pancreas_codex_329_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_330_0.tif", + "label": "train/pancreas_codex_330_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_332_1.tif", + "label": "train/pancreas_codex_332_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_332_3.tif", + "label": "train/pancreas_codex_332_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_335_0.tif", + "label": "train/pancreas_codex_335_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_335_2.tif", + "label": "train/pancreas_codex_335_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_337_3.tif", + "label": "train/pancreas_codex_337_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_339_0.tif", + "label": "train/pancreas_codex_339_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_340_1.tif", + "label": "train/pancreas_codex_340_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_341_0.tif", + "label": "train/pancreas_codex_341_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_342_0.tif", + "label": "train/pancreas_codex_342_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_344_0.tif", + "label": "train/pancreas_codex_344_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_346_1.tif", + "label": "train/pancreas_codex_346_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_347_1.tif", + "label": "train/pancreas_codex_347_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_347_2.tif", + "label": "train/pancreas_codex_347_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_347_3.tif", + "label": "train/pancreas_codex_347_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_351_0.tif", + "label": "train/pancreas_codex_351_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_351_1.tif", + "label": "train/pancreas_codex_351_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_352_1.tif", + "label": "train/pancreas_codex_352_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_353_1.tif", + "label": "train/pancreas_codex_353_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_357_2.tif", + "label": "train/pancreas_codex_357_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_359_3.tif", + "label": "train/pancreas_codex_359_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_361_0.tif", + "label": "train/pancreas_codex_361_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_363_0.tif", + "label": "train/pancreas_codex_363_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_364_2.tif", + "label": "train/pancreas_codex_364_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_365_0.tif", + "label": "train/pancreas_codex_365_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_367_3.tif", + "label": "train/pancreas_codex_367_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_368_1.tif", + "label": "train/pancreas_codex_368_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_369_1.tif", + "label": "train/pancreas_codex_369_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_369_3.tif", + "label": "train/pancreas_codex_369_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_372_2.tif", + "label": "train/pancreas_codex_372_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_372_3.tif", + "label": "train/pancreas_codex_372_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_374_2.tif", + "label": "train/pancreas_codex_374_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_374_3.tif", + "label": "train/pancreas_codex_374_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_375_0.tif", + "label": "train/pancreas_codex_375_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_377_2.tif", + "label": "train/pancreas_codex_377_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_378_1.tif", + "label": "train/pancreas_codex_378_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_379_0.tif", + "label": "train/pancreas_codex_379_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_379_2.tif", + "label": "train/pancreas_codex_379_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_379_3.tif", + "label": "train/pancreas_codex_379_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_381_2.tif", + "label": "train/pancreas_codex_381_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_382_3.tif", + "label": "train/pancreas_codex_382_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_383_0.tif", + "label": "train/pancreas_codex_383_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_384_1.tif", + "label": "train/pancreas_codex_384_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_385_0.tif", + "label": "train/pancreas_codex_385_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_385_3.tif", + "label": "train/pancreas_codex_385_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_386_3.tif", + "label": "train/pancreas_codex_386_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_389_3.tif", + "label": "train/pancreas_codex_389_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_390_2.tif", + "label": "train/pancreas_codex_390_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_391_1.tif", + "label": "train/pancreas_codex_391_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_391_3.tif", + "label": "train/pancreas_codex_391_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_392_0.tif", + "label": "train/pancreas_codex_392_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_394_0.tif", + "label": "train/pancreas_codex_394_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_394_1.tif", + "label": "train/pancreas_codex_394_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_394_3.tif", + "label": "train/pancreas_codex_394_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_396_0.tif", + "label": "train/pancreas_codex_396_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_396_2.tif", + "label": "train/pancreas_codex_396_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_396_3.tif", + "label": "train/pancreas_codex_396_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_397_1.tif", + "label": "train/pancreas_codex_397_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_397_3.tif", + "label": "train/pancreas_codex_397_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_398_0.tif", + "label": "train/pancreas_codex_398_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_399_2.tif", + "label": "train/pancreas_codex_399_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_400_2.tif", + "label": "train/pancreas_codex_400_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_401_0.tif", + "label": "train/pancreas_codex_401_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_402_0.tif", + "label": "train/pancreas_codex_402_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_403_2.tif", + "label": "train/pancreas_codex_403_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_403_3.tif", + "label": "train/pancreas_codex_403_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_408_1.tif", + "label": "train/pancreas_codex_408_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_409_3.tif", + "label": "train/pancreas_codex_409_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_410_1.tif", + "label": "train/pancreas_codex_410_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_412_2.tif", + "label": "train/pancreas_codex_412_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_413_1.tif", + "label": "train/pancreas_codex_413_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_415_3.tif", + "label": "train/pancreas_codex_415_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_418_0.tif", + "label": "train/pancreas_codex_418_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_418_3.tif", + "label": "train/pancreas_codex_418_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_421_1.tif", + "label": "train/pancreas_codex_421_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_422_0.tif", + "label": "train/pancreas_codex_422_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_423_3.tif", + "label": "train/pancreas_codex_423_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_425_2.tif", + "label": "train/pancreas_codex_425_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_428_2.tif", + "label": "train/pancreas_codex_428_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_428_3.tif", + "label": "train/pancreas_codex_428_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_429_2.tif", + "label": "train/pancreas_codex_429_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_432_0.tif", + "label": "train/pancreas_codex_432_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_434_3.tif", + "label": "train/pancreas_codex_434_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_436_3.tif", + "label": "train/pancreas_codex_436_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_437_0.tif", + "label": "train/pancreas_codex_437_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_437_1.tif", + "label": "train/pancreas_codex_437_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_438_2.tif", + "label": "train/pancreas_codex_438_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_441_0.tif", + "label": "train/pancreas_codex_441_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_441_3.tif", + "label": "train/pancreas_codex_441_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_443_3.tif", + "label": "train/pancreas_codex_443_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_444_2.tif", + "label": "train/pancreas_codex_444_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_446_1.tif", + "label": "train/pancreas_codex_446_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_447_0.tif", + "label": "train/pancreas_codex_447_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_448_0.tif", + "label": "train/pancreas_codex_448_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_448_2.tif", + "label": "train/pancreas_codex_448_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_451_3.tif", + "label": "train/pancreas_codex_451_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_453_1.tif", + "label": "train/pancreas_codex_453_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_453_3.tif", + "label": "train/pancreas_codex_453_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_454_0.tif", + "label": "train/pancreas_codex_454_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_455_2.tif", + "label": "train/pancreas_codex_455_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_456_2.tif", + "label": "train/pancreas_codex_456_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_458_3.tif", + "label": "train/pancreas_codex_458_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_460_3.tif", + "label": "train/pancreas_codex_460_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_463_1.tif", + "label": "train/pancreas_codex_463_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_463_2.tif", + "label": "train/pancreas_codex_463_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_465_0.tif", + "label": "train/pancreas_codex_465_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_465_1.tif", + "label": "train/pancreas_codex_465_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_465_2.tif", + "label": "train/pancreas_codex_465_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_465_3.tif", + "label": "train/pancreas_codex_465_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_471_0.tif", + "label": "train/pancreas_codex_471_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_471_2.tif", + "label": "train/pancreas_codex_471_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_473_0.tif", + "label": "train/pancreas_codex_473_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_473_3.tif", + "label": "train/pancreas_codex_473_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_475_0.tif", + "label": "train/pancreas_codex_475_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_477_0.tif", + "label": "train/pancreas_codex_477_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_478_0.tif", + "label": "train/pancreas_codex_478_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_478_1.tif", + "label": "train/pancreas_codex_478_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_479_0.tif", + "label": "train/pancreas_codex_479_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_479_1.tif", + "label": "train/pancreas_codex_479_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_479_2.tif", + "label": "train/pancreas_codex_479_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_480_3.tif", + "label": "train/pancreas_codex_480_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_481_2.tif", + "label": "train/pancreas_codex_481_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_482_3.tif", + "label": "train/pancreas_codex_482_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_483_1.tif", + "label": "train/pancreas_codex_483_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_484_2.tif", + "label": "train/pancreas_codex_484_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_485_0.tif", + "label": "train/pancreas_codex_485_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_487_0.tif", + "label": "train/pancreas_codex_487_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_488_1.tif", + "label": "train/pancreas_codex_488_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_488_3.tif", + "label": "train/pancreas_codex_488_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_489_0.tif", + "label": "train/pancreas_codex_489_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_489_2.tif", + "label": "train/pancreas_codex_489_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_489_3.tif", + "label": "train/pancreas_codex_489_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_490_0.tif", + "label": "train/pancreas_codex_490_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_490_1.tif", + "label": "train/pancreas_codex_490_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_490_3.tif", + "label": "train/pancreas_codex_490_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_493_3.tif", + "label": "train/pancreas_codex_493_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_496_2.tif", + "label": "train/pancreas_codex_496_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_497_0.tif", + "label": "train/pancreas_codex_497_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_497_2.tif", + "label": "train/pancreas_codex_497_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_498_0.tif", + "label": "train/pancreas_codex_498_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_498_3.tif", + "label": "train/pancreas_codex_498_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_500_3.tif", + "label": "train/pancreas_codex_500_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_501_1.tif", + "label": "train/pancreas_codex_501_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_504_2.tif", + "label": "train/pancreas_codex_504_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_505_3.tif", + "label": "train/pancreas_codex_505_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_507_0.tif", + "label": "train/pancreas_codex_507_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_507_1.tif", + "label": "train/pancreas_codex_507_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_507_2.tif", + "label": "train/pancreas_codex_507_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_509_2.tif", + "label": "train/pancreas_codex_509_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_510_0.tif", + "label": "train/pancreas_codex_510_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_510_1.tif", + "label": "train/pancreas_codex_510_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_511_2.tif", + "label": "train/pancreas_codex_511_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_512_2.tif", + "label": "train/pancreas_codex_512_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_513_0.tif", + "label": "train/pancreas_codex_513_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_513_3.tif", + "label": "train/pancreas_codex_513_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_514_3.tif", + "label": "train/pancreas_codex_514_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_516_0.tif", + "label": "train/pancreas_codex_516_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_519_1.tif", + "label": "train/pancreas_codex_519_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_520_0.tif", + "label": "train/pancreas_codex_520_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_522_2.tif", + "label": "train/pancreas_codex_522_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_523_3.tif", + "label": "train/pancreas_codex_523_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_526_0.tif", + "label": "train/pancreas_codex_526_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_526_1.tif", + "label": "train/pancreas_codex_526_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_526_3.tif", + "label": "train/pancreas_codex_526_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_527_0.tif", + "label": "train/pancreas_codex_527_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_527_1.tif", + "label": "train/pancreas_codex_527_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_529_1.tif", + "label": "train/pancreas_codex_529_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_529_2.tif", + "label": "train/pancreas_codex_529_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_529_3.tif", + "label": "train/pancreas_codex_529_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_530_2.tif", + "label": "train/pancreas_codex_530_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_531_2.tif", + "label": "train/pancreas_codex_531_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_532_1.tif", + "label": "train/pancreas_codex_532_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_534_0.tif", + "label": "train/pancreas_codex_534_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_534_3.tif", + "label": "train/pancreas_codex_534_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_538_0.tif", + "label": "train/pancreas_codex_538_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_539_0.tif", + "label": "train/pancreas_codex_539_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_541_3.tif", + "label": "train/pancreas_codex_541_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_542_3.tif", + "label": "train/pancreas_codex_542_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_545_1.tif", + "label": "train/pancreas_codex_545_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_548_1.tif", + "label": "train/pancreas_codex_548_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_548_2.tif", + "label": "train/pancreas_codex_548_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_548_3.tif", + "label": "train/pancreas_codex_548_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_554_3.tif", + "label": "train/pancreas_codex_554_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_555_0.tif", + "label": "train/pancreas_codex_555_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_557_3.tif", + "label": "train/pancreas_codex_557_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_558_3.tif", + "label": "train/pancreas_codex_558_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_561_2.tif", + "label": "train/pancreas_codex_561_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_562_2.tif", + "label": "train/pancreas_codex_562_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_564_0.tif", + "label": "train/pancreas_codex_564_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_565_3.tif", + "label": "train/pancreas_codex_565_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_566_2.tif", + "label": "train/pancreas_codex_566_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_567_1.tif", + "label": "train/pancreas_codex_567_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_567_3.tif", + "label": "train/pancreas_codex_567_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_569_2.tif", + "label": "train/pancreas_codex_569_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_569_3.tif", + "label": "train/pancreas_codex_569_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_570_3.tif", + "label": "train/pancreas_codex_570_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_576_0.tif", + "label": "train/pancreas_codex_576_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_576_2.tif", + "label": "train/pancreas_codex_576_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_577_2.tif", + "label": "train/pancreas_codex_577_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_578_2.tif", + "label": "train/pancreas_codex_578_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_579_2.tif", + "label": "train/pancreas_codex_579_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_580_0.tif", + "label": "train/pancreas_codex_580_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_580_3.tif", + "label": "train/pancreas_codex_580_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_581_0.tif", + "label": "train/pancreas_codex_581_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_581_2.tif", + "label": "train/pancreas_codex_581_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_583_0.tif", + "label": "train/pancreas_codex_583_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_583_3.tif", + "label": "train/pancreas_codex_583_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_586_3.tif", + "label": "train/pancreas_codex_586_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_588_1.tif", + "label": "train/pancreas_codex_588_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_590_0.tif", + "label": "train/pancreas_codex_590_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_1_0.tif", + "label": "train/pancreas_codex_1_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_1_3.tif", + "label": "train/pancreas_codex_1_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_3_3.tif", + "label": "train/pancreas_codex_3_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_5_0.tif", + "label": "train/pancreas_codex_5_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_6_1.tif", + "label": "train/pancreas_codex_6_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_7_1.tif", + "label": "train/pancreas_codex_7_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_9_0.tif", + "label": "train/pancreas_codex_9_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_10_2.tif", + "label": "train/pancreas_codex_10_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_15_3.tif", + "label": "train/pancreas_codex_15_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_17_2.tif", + "label": "train/pancreas_codex_17_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_17_3.tif", + "label": "train/pancreas_codex_17_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_19_1.tif", + "label": "train/pancreas_codex_19_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_21_2.tif", + "label": "train/pancreas_codex_21_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_24_0.tif", + "label": "train/pancreas_codex_24_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_25_0.tif", + "label": "train/pancreas_codex_25_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_26_1.tif", + "label": "train/pancreas_codex_26_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_27_1.tif", + "label": "train/pancreas_codex_27_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_28_0.tif", + "label": "train/pancreas_codex_28_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_30_2.tif", + "label": "train/pancreas_codex_30_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_31_0.tif", + "label": "train/pancreas_codex_31_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_32_1.tif", + "label": "train/pancreas_codex_32_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_35_3.tif", + "label": "train/pancreas_codex_35_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_36_0.tif", + "label": "train/pancreas_codex_36_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_36_1.tif", + "label": "train/pancreas_codex_36_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_37_2.tif", + "label": "train/pancreas_codex_37_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_38_0.tif", + "label": "train/pancreas_codex_38_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_38_1.tif", + "label": "train/pancreas_codex_38_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_38_3.tif", + "label": "train/pancreas_codex_38_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_39_1.tif", + "label": "train/pancreas_codex_39_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_40_2.tif", + "label": "train/pancreas_codex_40_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_43_2.tif", + "label": "train/pancreas_codex_43_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_45_3.tif", + "label": "train/pancreas_codex_45_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_49_1.tif", + "label": "train/pancreas_codex_49_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_53_1.tif", + "label": "train/pancreas_codex_53_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_54_3.tif", + "label": "train/pancreas_codex_54_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_55_2.tif", + "label": "train/pancreas_codex_55_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_56_1.tif", + "label": "train/pancreas_codex_56_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_58_0.tif", + "label": "train/pancreas_codex_58_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_58_3.tif", + "label": "train/pancreas_codex_58_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_60_3.tif", + "label": "train/pancreas_codex_60_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_62_1.tif", + "label": "train/pancreas_codex_62_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_63_0.tif", + "label": "train/pancreas_codex_63_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_63_1.tif", + "label": "train/pancreas_codex_63_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_66_2.tif", + "label": "train/pancreas_codex_66_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_67_1.tif", + "label": "train/pancreas_codex_67_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_68_0.tif", + "label": "train/pancreas_codex_68_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_71_3.tif", + "label": "train/pancreas_codex_71_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_72_2.tif", + "label": "train/pancreas_codex_72_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_74_0.tif", + "label": "train/pancreas_codex_74_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_78_0.tif", + "label": "train/pancreas_codex_78_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_78_1.tif", + "label": "train/pancreas_codex_78_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_79_0.tif", + "label": "train/pancreas_codex_79_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_79_1.tif", + "label": "train/pancreas_codex_79_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_79_3.tif", + "label": "train/pancreas_codex_79_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_81_0.tif", + "label": "train/pancreas_codex_81_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_81_3.tif", + "label": "train/pancreas_codex_81_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_83_1.tif", + "label": "train/pancreas_codex_83_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_83_2.tif", + "label": "train/pancreas_codex_83_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_84_1.tif", + "label": "train/pancreas_codex_84_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_85_3.tif", + "label": "train/pancreas_codex_85_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_86_2.tif", + "label": "train/pancreas_codex_86_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_88_0.tif", + "label": "train/pancreas_codex_88_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_89_0.tif", + "label": "train/pancreas_codex_89_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_89_1.tif", + "label": "train/pancreas_codex_89_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_90_2.tif", + "label": "train/pancreas_codex_90_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_93_1.tif", + "label": "train/pancreas_codex_93_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_94_0.tif", + "label": "train/pancreas_codex_94_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_94_2.tif", + "label": "train/pancreas_codex_94_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_94_3.tif", + "label": "train/pancreas_codex_94_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_97_3.tif", + "label": "train/pancreas_codex_97_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_98_2.tif", + "label": "train/pancreas_codex_98_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_100_2.tif", + "label": "train/pancreas_codex_100_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_101_1.tif", + "label": "train/pancreas_codex_101_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_102_2.tif", + "label": "train/pancreas_codex_102_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_103_1.tif", + "label": "train/pancreas_codex_103_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_104_1.tif", + "label": "train/pancreas_codex_104_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_105_3.tif", + "label": "train/pancreas_codex_105_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_107_3.tif", + "label": "train/pancreas_codex_107_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_112_2.tif", + "label": "train/pancreas_codex_112_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_112_3.tif", + "label": "train/pancreas_codex_112_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_113_2.tif", + "label": "train/pancreas_codex_113_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_115_1.tif", + "label": "train/pancreas_codex_115_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_116_1.tif", + "label": "train/pancreas_codex_116_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_117_1.tif", + "label": "train/pancreas_codex_117_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_118_3.tif", + "label": "train/pancreas_codex_118_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_122_1.tif", + "label": "train/pancreas_codex_122_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_124_1.tif", + "label": "train/pancreas_codex_124_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_125_1.tif", + "label": "train/pancreas_codex_125_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_126_1.tif", + "label": "train/pancreas_codex_126_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_126_2.tif", + "label": "train/pancreas_codex_126_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_128_3.tif", + "label": "train/pancreas_codex_128_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_129_1.tif", + "label": "train/pancreas_codex_129_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_129_3.tif", + "label": "train/pancreas_codex_129_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_130_2.tif", + "label": "train/pancreas_codex_130_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_131_0.tif", + "label": "train/pancreas_codex_131_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_133_0.tif", + "label": "train/pancreas_codex_133_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_134_3.tif", + "label": "train/pancreas_codex_134_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_135_2.tif", + "label": "train/pancreas_codex_135_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_136_1.tif", + "label": "train/pancreas_codex_136_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_137_3.tif", + "label": "train/pancreas_codex_137_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_140_2.tif", + "label": "train/pancreas_codex_140_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_141_0.tif", + "label": "train/pancreas_codex_141_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_141_1.tif", + "label": "train/pancreas_codex_141_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_141_2.tif", + "label": "train/pancreas_codex_141_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_147_2.tif", + "label": "train/pancreas_codex_147_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_147_3.tif", + "label": "train/pancreas_codex_147_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_150_1.tif", + "label": "train/pancreas_codex_150_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_151_2.tif", + "label": "train/pancreas_codex_151_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_152_1.tif", + "label": "train/pancreas_codex_152_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_152_3.tif", + "label": "train/pancreas_codex_152_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_154_1.tif", + "label": "train/pancreas_codex_154_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_155_1.tif", + "label": "train/pancreas_codex_155_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_156_0.tif", + "label": "train/pancreas_codex_156_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_156_2.tif", + "label": "train/pancreas_codex_156_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_158_1.tif", + "label": "train/pancreas_codex_158_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_159_1.tif", + "label": "train/pancreas_codex_159_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_161_1.tif", + "label": "train/pancreas_codex_161_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_162_0.tif", + "label": "train/pancreas_codex_162_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_163_0.tif", + "label": "train/pancreas_codex_163_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_164_0.tif", + "label": "train/pancreas_codex_164_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_164_1.tif", + "label": "train/pancreas_codex_164_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_164_2.tif", + "label": "train/pancreas_codex_164_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_166_3.tif", + "label": "train/pancreas_codex_166_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_167_0.tif", + "label": "train/pancreas_codex_167_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_169_1.tif", + "label": "train/pancreas_codex_169_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_171_3.tif", + "label": "train/pancreas_codex_171_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_172_2.tif", + "label": "train/pancreas_codex_172_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_172_3.tif", + "label": "train/pancreas_codex_172_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_173_3.tif", + "label": "train/pancreas_codex_173_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_174_0.tif", + "label": "train/pancreas_codex_174_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_176_0.tif", + "label": "train/pancreas_codex_176_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_176_2.tif", + "label": "train/pancreas_codex_176_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_178_2.tif", + "label": "train/pancreas_codex_178_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_178_3.tif", + "label": "train/pancreas_codex_178_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_179_1.tif", + "label": "train/pancreas_codex_179_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_180_1.tif", + "label": "train/pancreas_codex_180_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_180_2.tif", + "label": "train/pancreas_codex_180_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_181_3.tif", + "label": "train/pancreas_codex_181_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_182_0.tif", + "label": "train/pancreas_codex_182_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_183_0.tif", + "label": "train/pancreas_codex_183_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_183_2.tif", + "label": "train/pancreas_codex_183_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_185_3.tif", + "label": "train/pancreas_codex_185_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_188_1.tif", + "label": "train/pancreas_codex_188_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_190_2.tif", + "label": "train/pancreas_codex_190_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_192_2.tif", + "label": "train/pancreas_codex_192_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_196_0.tif", + "label": "train/pancreas_codex_196_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_196_3.tif", + "label": "train/pancreas_codex_196_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_198_0.tif", + "label": "train/pancreas_codex_198_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_198_2.tif", + "label": "train/pancreas_codex_198_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_199_0.tif", + "label": "train/pancreas_codex_199_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_200_3.tif", + "label": "train/pancreas_codex_200_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_201_1.tif", + "label": "train/pancreas_codex_201_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_201_2.tif", + "label": "train/pancreas_codex_201_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_202_3.tif", + "label": "train/pancreas_codex_202_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_203_2.tif", + "label": "train/pancreas_codex_203_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_204_2.tif", + "label": "train/pancreas_codex_204_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_205_2.tif", + "label": "train/pancreas_codex_205_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_208_0.tif", + "label": "train/pancreas_codex_208_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_208_3.tif", + "label": "train/pancreas_codex_208_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_209_0.tif", + "label": "train/pancreas_codex_209_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_209_1.tif", + "label": "train/pancreas_codex_209_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_210_3.tif", + "label": "train/pancreas_codex_210_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_211_0.tif", + "label": "train/pancreas_codex_211_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_212_0.tif", + "label": "train/pancreas_codex_212_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_212_2.tif", + "label": "train/pancreas_codex_212_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_214_0.tif", + "label": "train/pancreas_codex_214_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_216_1.tif", + "label": "train/pancreas_codex_216_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_217_1.tif", + "label": "train/pancreas_codex_217_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_217_3.tif", + "label": "train/pancreas_codex_217_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_218_1.tif", + "label": "train/pancreas_codex_218_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_219_2.tif", + "label": "train/pancreas_codex_219_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_219_3.tif", + "label": "train/pancreas_codex_219_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_220_2.tif", + "label": "train/pancreas_codex_220_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_220_3.tif", + "label": "train/pancreas_codex_220_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_221_0.tif", + "label": "train/pancreas_codex_221_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_221_2.tif", + "label": "train/pancreas_codex_221_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_222_1.tif", + "label": "train/pancreas_codex_222_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_225_1.tif", + "label": "train/pancreas_codex_225_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_225_3.tif", + "label": "train/pancreas_codex_225_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_226_1.tif", + "label": "train/pancreas_codex_226_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_226_3.tif", + "label": "train/pancreas_codex_226_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_227_0.tif", + "label": "train/pancreas_codex_227_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_227_2.tif", + "label": "train/pancreas_codex_227_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_228_2.tif", + "label": "train/pancreas_codex_228_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_228_3.tif", + "label": "train/pancreas_codex_228_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_232_0.tif", + "label": "train/pancreas_codex_232_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_233_0.tif", + "label": "train/pancreas_codex_233_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_234_3.tif", + "label": "train/pancreas_codex_234_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_236_0.tif", + "label": "train/pancreas_codex_236_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_236_2.tif", + "label": "train/pancreas_codex_236_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_237_1.tif", + "label": "train/pancreas_codex_237_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_239_0.tif", + "label": "train/pancreas_codex_239_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_239_2.tif", + "label": "train/pancreas_codex_239_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_240_0.tif", + "label": "train/pancreas_codex_240_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_240_3.tif", + "label": "train/pancreas_codex_240_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_241_0.tif", + "label": "train/pancreas_codex_241_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_242_3.tif", + "label": "train/pancreas_codex_242_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_247_0.tif", + "label": "train/pancreas_codex_247_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_247_1.tif", + "label": "train/pancreas_codex_247_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_249_3.tif", + "label": "train/pancreas_codex_249_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_254_2.tif", + "label": "train/pancreas_codex_254_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_254_3.tif", + "label": "train/pancreas_codex_254_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_256_1.tif", + "label": "train/pancreas_codex_256_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_257_3.tif", + "label": "train/pancreas_codex_257_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_258_1.tif", + "label": "train/pancreas_codex_258_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_260_2.tif", + "label": "train/pancreas_codex_260_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_261_2.tif", + "label": "train/pancreas_codex_261_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_262_1.tif", + "label": "train/pancreas_codex_262_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_263_0.tif", + "label": "train/pancreas_codex_263_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_263_2.tif", + "label": "train/pancreas_codex_263_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_265_1.tif", + "label": "train/pancreas_codex_265_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_265_2.tif", + "label": "train/pancreas_codex_265_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_265_3.tif", + "label": "train/pancreas_codex_265_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_266_3.tif", + "label": "train/pancreas_codex_266_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_268_0.tif", + "label": "train/pancreas_codex_268_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_268_3.tif", + "label": "train/pancreas_codex_268_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_269_0.tif", + "label": "train/pancreas_codex_269_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_272_0.tif", + "label": "train/pancreas_codex_272_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_272_3.tif", + "label": "train/pancreas_codex_272_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_273_3.tif", + "label": "train/pancreas_codex_273_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_274_0.tif", + "label": "train/pancreas_codex_274_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_274_3.tif", + "label": "train/pancreas_codex_274_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_275_1.tif", + "label": "train/pancreas_codex_275_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_276_3.tif", + "label": "train/pancreas_codex_276_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_277_2.tif", + "label": "train/pancreas_codex_277_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_277_3.tif", + "label": "train/pancreas_codex_277_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_280_1.tif", + "label": "train/pancreas_codex_280_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_284_1.tif", + "label": "train/pancreas_codex_284_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_287_2.tif", + "label": "train/pancreas_codex_287_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_288_2.tif", + "label": "train/pancreas_codex_288_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_288_3.tif", + "label": "train/pancreas_codex_288_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_290_0.tif", + "label": "train/pancreas_codex_290_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_291_0.tif", + "label": "train/pancreas_codex_291_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_292_0.tif", + "label": "train/pancreas_codex_292_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_292_1.tif", + "label": "train/pancreas_codex_292_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_293_2.tif", + "label": "train/pancreas_codex_293_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_293_3.tif", + "label": "train/pancreas_codex_293_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_295_2.tif", + "label": "train/pancreas_codex_295_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_296_2.tif", + "label": "train/pancreas_codex_296_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_296_3.tif", + "label": "train/pancreas_codex_296_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_297_3.tif", + "label": "train/pancreas_codex_297_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_298_0.tif", + "label": "train/pancreas_codex_298_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_300_0.tif", + "label": "train/pancreas_codex_300_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_300_2.tif", + "label": "train/pancreas_codex_300_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_301_3.tif", + "label": "train/pancreas_codex_301_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_303_2.tif", + "label": "train/pancreas_codex_303_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_308_3.tif", + "label": "train/pancreas_codex_308_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_312_3.tif", + "label": "train/pancreas_codex_312_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_313_2.tif", + "label": "train/pancreas_codex_313_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_314_2.tif", + "label": "train/pancreas_codex_314_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_315_1.tif", + "label": "train/pancreas_codex_315_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_318_3.tif", + "label": "train/pancreas_codex_318_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_319_1.tif", + "label": "train/pancreas_codex_319_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_319_2.tif", + "label": "train/pancreas_codex_319_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_321_0.tif", + "label": "train/pancreas_codex_321_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_322_0.tif", + "label": "train/pancreas_codex_322_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_323_3.tif", + "label": "train/pancreas_codex_323_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_325_0.tif", + "label": "train/pancreas_codex_325_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_325_3.tif", + "label": "train/pancreas_codex_325_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_326_2.tif", + "label": "train/pancreas_codex_326_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_327_0.tif", + "label": "train/pancreas_codex_327_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_327_3.tif", + "label": "train/pancreas_codex_327_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_328_0.tif", + "label": "train/pancreas_codex_328_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_330_1.tif", + "label": "train/pancreas_codex_330_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_331_0.tif", + "label": "train/pancreas_codex_331_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_331_3.tif", + "label": "train/pancreas_codex_331_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_333_0.tif", + "label": "train/pancreas_codex_333_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_334_1.tif", + "label": "train/pancreas_codex_334_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_335_1.tif", + "label": "train/pancreas_codex_335_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_336_1.tif", + "label": "train/pancreas_codex_336_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_337_2.tif", + "label": "train/pancreas_codex_337_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_340_0.tif", + "label": "train/pancreas_codex_340_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_341_2.tif", + "label": "train/pancreas_codex_341_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_343_0.tif", + "label": "train/pancreas_codex_343_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_344_1.tif", + "label": "train/pancreas_codex_344_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_345_3.tif", + "label": "train/pancreas_codex_345_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_348_1.tif", + "label": "train/pancreas_codex_348_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_352_3.tif", + "label": "train/pancreas_codex_352_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_354_0.tif", + "label": "train/pancreas_codex_354_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_355_0.tif", + "label": "train/pancreas_codex_355_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_355_3.tif", + "label": "train/pancreas_codex_355_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_356_0.tif", + "label": "train/pancreas_codex_356_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_356_1.tif", + "label": "train/pancreas_codex_356_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_357_3.tif", + "label": "train/pancreas_codex_357_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_358_2.tif", + "label": "train/pancreas_codex_358_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_361_1.tif", + "label": "train/pancreas_codex_361_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_362_1.tif", + "label": "train/pancreas_codex_362_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_362_3.tif", + "label": "train/pancreas_codex_362_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_363_3.tif", + "label": "train/pancreas_codex_363_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_366_1.tif", + "label": "train/pancreas_codex_366_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_367_1.tif", + "label": "train/pancreas_codex_367_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_368_0.tif", + "label": "train/pancreas_codex_368_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_368_2.tif", + "label": "train/pancreas_codex_368_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_369_2.tif", + "label": "train/pancreas_codex_369_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_371_0.tif", + "label": "train/pancreas_codex_371_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_371_1.tif", + "label": "train/pancreas_codex_371_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_371_2.tif", + "label": "train/pancreas_codex_371_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_373_0.tif", + "label": "train/pancreas_codex_373_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_373_1.tif", + "label": "train/pancreas_codex_373_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_373_3.tif", + "label": "train/pancreas_codex_373_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_380_1.tif", + "label": "train/pancreas_codex_380_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_380_2.tif", + "label": "train/pancreas_codex_380_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_380_3.tif", + "label": "train/pancreas_codex_380_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_381_3.tif", + "label": "train/pancreas_codex_381_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_382_0.tif", + "label": "train/pancreas_codex_382_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_382_2.tif", + "label": "train/pancreas_codex_382_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_383_2.tif", + "label": "train/pancreas_codex_383_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_384_2.tif", + "label": "train/pancreas_codex_384_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_387_0.tif", + "label": "train/pancreas_codex_387_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_389_1.tif", + "label": "train/pancreas_codex_389_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_390_0.tif", + "label": "train/pancreas_codex_390_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_392_1.tif", + "label": "train/pancreas_codex_392_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_392_3.tif", + "label": "train/pancreas_codex_392_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_393_0.tif", + "label": "train/pancreas_codex_393_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_395_0.tif", + "label": "train/pancreas_codex_395_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_395_1.tif", + "label": "train/pancreas_codex_395_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_395_2.tif", + "label": "train/pancreas_codex_395_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_397_2.tif", + "label": "train/pancreas_codex_397_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_398_2.tif", + "label": "train/pancreas_codex_398_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_403_0.tif", + "label": "train/pancreas_codex_403_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_404_0.tif", + "label": "train/pancreas_codex_404_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_404_3.tif", + "label": "train/pancreas_codex_404_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_405_0.tif", + "label": "train/pancreas_codex_405_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_405_2.tif", + "label": "train/pancreas_codex_405_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_406_3.tif", + "label": "train/pancreas_codex_406_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_407_2.tif", + "label": "train/pancreas_codex_407_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_408_0.tif", + "label": "train/pancreas_codex_408_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_408_3.tif", + "label": "train/pancreas_codex_408_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_409_2.tif", + "label": "train/pancreas_codex_409_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_410_0.tif", + "label": "train/pancreas_codex_410_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_414_3.tif", + "label": "train/pancreas_codex_414_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_416_2.tif", + "label": "train/pancreas_codex_416_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_416_3.tif", + "label": "train/pancreas_codex_416_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_417_1.tif", + "label": "train/pancreas_codex_417_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_419_3.tif", + "label": "train/pancreas_codex_419_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_421_2.tif", + "label": "train/pancreas_codex_421_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_422_1.tif", + "label": "train/pancreas_codex_422_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_423_0.tif", + "label": "train/pancreas_codex_423_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_423_1.tif", + "label": "train/pancreas_codex_423_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_423_2.tif", + "label": "train/pancreas_codex_423_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_425_0.tif", + "label": "train/pancreas_codex_425_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_426_2.tif", + "label": "train/pancreas_codex_426_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_428_0.tif", + "label": "train/pancreas_codex_428_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_429_1.tif", + "label": "train/pancreas_codex_429_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_430_2.tif", + "label": "train/pancreas_codex_430_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_434_0.tif", + "label": "train/pancreas_codex_434_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_434_2.tif", + "label": "train/pancreas_codex_434_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_435_0.tif", + "label": "train/pancreas_codex_435_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_435_1.tif", + "label": "train/pancreas_codex_435_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_436_1.tif", + "label": "train/pancreas_codex_436_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_438_0.tif", + "label": "train/pancreas_codex_438_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_439_0.tif", + "label": "train/pancreas_codex_439_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_439_1.tif", + "label": "train/pancreas_codex_439_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_440_2.tif", + "label": "train/pancreas_codex_440_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_440_3.tif", + "label": "train/pancreas_codex_440_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_442_3.tif", + "label": "train/pancreas_codex_442_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_443_0.tif", + "label": "train/pancreas_codex_443_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_443_2.tif", + "label": "train/pancreas_codex_443_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_448_3.tif", + "label": "train/pancreas_codex_448_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_449_1.tif", + "label": "train/pancreas_codex_449_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_449_2.tif", + "label": "train/pancreas_codex_449_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_449_3.tif", + "label": "train/pancreas_codex_449_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_450_1.tif", + "label": "train/pancreas_codex_450_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_450_3.tif", + "label": "train/pancreas_codex_450_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_451_2.tif", + "label": "train/pancreas_codex_451_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_455_0.tif", + "label": "train/pancreas_codex_455_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_456_0.tif", + "label": "train/pancreas_codex_456_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_457_2.tif", + "label": "train/pancreas_codex_457_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_458_2.tif", + "label": "train/pancreas_codex_458_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_459_2.tif", + "label": "train/pancreas_codex_459_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_460_0.tif", + "label": "train/pancreas_codex_460_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_461_0.tif", + "label": "train/pancreas_codex_461_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_461_1.tif", + "label": "train/pancreas_codex_461_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_462_1.tif", + "label": "train/pancreas_codex_462_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_466_2.tif", + "label": "train/pancreas_codex_466_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_467_1.tif", + "label": "train/pancreas_codex_467_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_467_2.tif", + "label": "train/pancreas_codex_467_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_467_3.tif", + "label": "train/pancreas_codex_467_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_468_1.tif", + "label": "train/pancreas_codex_468_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_468_2.tif", + "label": "train/pancreas_codex_468_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_469_0.tif", + "label": "train/pancreas_codex_469_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_469_3.tif", + "label": "train/pancreas_codex_469_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_470_0.tif", + "label": "train/pancreas_codex_470_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_470_3.tif", + "label": "train/pancreas_codex_470_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_471_3.tif", + "label": "train/pancreas_codex_471_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_472_0.tif", + "label": "train/pancreas_codex_472_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_472_2.tif", + "label": "train/pancreas_codex_472_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_473_2.tif", + "label": "train/pancreas_codex_473_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_474_2.tif", + "label": "train/pancreas_codex_474_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_478_2.tif", + "label": "train/pancreas_codex_478_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_480_0.tif", + "label": "train/pancreas_codex_480_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_480_1.tif", + "label": "train/pancreas_codex_480_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_481_3.tif", + "label": "train/pancreas_codex_481_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_482_2.tif", + "label": "train/pancreas_codex_482_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_484_3.tif", + "label": "train/pancreas_codex_484_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_485_2.tif", + "label": "train/pancreas_codex_485_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_486_0.tif", + "label": "train/pancreas_codex_486_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_487_1.tif", + "label": "train/pancreas_codex_487_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_492_0.tif", + "label": "train/pancreas_codex_492_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_493_0.tif", + "label": "train/pancreas_codex_493_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_493_2.tif", + "label": "train/pancreas_codex_493_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_494_3.tif", + "label": "train/pancreas_codex_494_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_495_2.tif", + "label": "train/pancreas_codex_495_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_496_3.tif", + "label": "train/pancreas_codex_496_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_499_0.tif", + "label": "train/pancreas_codex_499_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_502_0.tif", + "label": "train/pancreas_codex_502_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_503_0.tif", + "label": "train/pancreas_codex_503_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_504_1.tif", + "label": "train/pancreas_codex_504_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_504_3.tif", + "label": "train/pancreas_codex_504_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_506_1.tif", + "label": "train/pancreas_codex_506_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_507_3.tif", + "label": "train/pancreas_codex_507_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_508_1.tif", + "label": "train/pancreas_codex_508_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_517_1.tif", + "label": "train/pancreas_codex_517_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_518_0.tif", + "label": "train/pancreas_codex_518_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_522_3.tif", + "label": "train/pancreas_codex_522_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_523_0.tif", + "label": "train/pancreas_codex_523_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_524_3.tif", + "label": "train/pancreas_codex_524_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_525_3.tif", + "label": "train/pancreas_codex_525_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_529_0.tif", + "label": "train/pancreas_codex_529_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_531_0.tif", + "label": "train/pancreas_codex_531_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_531_1.tif", + "label": "train/pancreas_codex_531_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_531_3.tif", + "label": "train/pancreas_codex_531_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_533_0.tif", + "label": "train/pancreas_codex_533_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_538_2.tif", + "label": "train/pancreas_codex_538_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_539_2.tif", + "label": "train/pancreas_codex_539_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_540_3.tif", + "label": "train/pancreas_codex_540_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_544_1.tif", + "label": "train/pancreas_codex_544_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_544_2.tif", + "label": "train/pancreas_codex_544_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_546_0.tif", + "label": "train/pancreas_codex_546_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_547_1.tif", + "label": "train/pancreas_codex_547_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_549_1.tif", + "label": "train/pancreas_codex_549_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_552_2.tif", + "label": "train/pancreas_codex_552_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_553_0.tif", + "label": "train/pancreas_codex_553_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_554_1.tif", + "label": "train/pancreas_codex_554_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_554_2.tif", + "label": "train/pancreas_codex_554_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_556_0.tif", + "label": "train/pancreas_codex_556_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_557_0.tif", + "label": "train/pancreas_codex_557_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_557_2.tif", + "label": "train/pancreas_codex_557_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_558_0.tif", + "label": "train/pancreas_codex_558_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_559_2.tif", + "label": "train/pancreas_codex_559_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_560_1.tif", + "label": "train/pancreas_codex_560_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_560_2.tif", + "label": "train/pancreas_codex_560_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_560_3.tif", + "label": "train/pancreas_codex_560_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_561_0.tif", + "label": "train/pancreas_codex_561_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_562_1.tif", + "label": "train/pancreas_codex_562_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_564_1.tif", + "label": "train/pancreas_codex_564_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_564_2.tif", + "label": "train/pancreas_codex_564_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_565_0.tif", + "label": "train/pancreas_codex_565_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_565_1.tif", + "label": "train/pancreas_codex_565_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_566_0.tif", + "label": "train/pancreas_codex_566_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_567_0.tif", + "label": "train/pancreas_codex_567_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_568_1.tif", + "label": "train/pancreas_codex_568_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_568_3.tif", + "label": "train/pancreas_codex_568_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_569_0.tif", + "label": "train/pancreas_codex_569_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_572_1.tif", + "label": "train/pancreas_codex_572_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_573_3.tif", + "label": "train/pancreas_codex_573_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_574_3.tif", + "label": "train/pancreas_codex_574_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_575_0.tif", + "label": "train/pancreas_codex_575_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_579_1.tif", + "label": "train/pancreas_codex_579_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_580_1.tif", + "label": "train/pancreas_codex_580_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_581_3.tif", + "label": "train/pancreas_codex_581_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_582_2.tif", + "label": "train/pancreas_codex_582_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_583_2.tif", + "label": "train/pancreas_codex_583_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_584_1.tif", + "label": "train/pancreas_codex_584_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_586_1.tif", + "label": "train/pancreas_codex_586_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_586_2.tif", + "label": "train/pancreas_codex_586_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_587_0.tif", + "label": "train/pancreas_codex_587_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_587_1.tif", + "label": "train/pancreas_codex_587_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_587_3.tif", + "label": "train/pancreas_codex_587_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_588_0.tif", + "label": "train/pancreas_codex_588_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_588_2.tif", + "label": "train/pancreas_codex_588_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_588_3.tif", + "label": "train/pancreas_codex_588_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_590_2.tif", + "label": "train/pancreas_codex_590_2_masks.tif", + "fold": 1 + } + ], + "testing": [ + { + "image": "test/pancreas_codex_4.tif", + "label": "test/pancreas_codex_4_masks.tif" + }, + { + "image": "test/pancreas_codex_5.tif", + "label": "test/pancreas_codex_5_masks.tif" + }, + { + "image": "test/pancreas_codex_11.tif", + "label": "test/pancreas_codex_11_masks.tif" + }, + { + "image": "test/pancreas_codex_12.tif", + "label": "test/pancreas_codex_12_masks.tif" + }, + { + "image": "test/pancreas_codex_17.tif", + "label": "test/pancreas_codex_17_masks.tif" + }, + { + "image": "test/pancreas_codex_18.tif", + "label": "test/pancreas_codex_18_masks.tif" + }, + { + "image": "test/pancreas_codex_27.tif", + "label": "test/pancreas_codex_27_masks.tif" + }, + { + "image": "test/pancreas_codex_39.tif", + "label": "test/pancreas_codex_39_masks.tif" + }, + { + "image": "test/pancreas_codex_42.tif", + "label": "test/pancreas_codex_42_masks.tif" + }, + { + "image": "test/pancreas_codex_51.tif", + "label": "test/pancreas_codex_51_masks.tif" + }, + { + "image": "test/pancreas_codex_58.tif", + "label": "test/pancreas_codex_58_masks.tif" + }, + { + "image": "test/pancreas_codex_59.tif", + "label": "test/pancreas_codex_59_masks.tif" + }, + { + "image": "test/pancreas_codex_62.tif", + "label": "test/pancreas_codex_62_masks.tif" + }, + { + "image": "test/pancreas_codex_70.tif", + "label": "test/pancreas_codex_70_masks.tif" + }, + { + "image": "test/pancreas_codex_73.tif", + "label": "test/pancreas_codex_73_masks.tif" + }, + { + "image": "test/pancreas_codex_88.tif", + "label": "test/pancreas_codex_88_masks.tif" + }, + { + "image": "test/pancreas_codex_89.tif", + "label": "test/pancreas_codex_89_masks.tif" + }, + { + "image": "test/pancreas_codex_90.tif", + "label": "test/pancreas_codex_90_masks.tif" + }, + { + "image": "test/pancreas_codex_95.tif", + "label": "test/pancreas_codex_95_masks.tif" + }, + { + "image": "test/pancreas_codex_99.tif", + "label": "test/pancreas_codex_99_masks.tif" + }, + { + "image": "test/pancreas_codex_102.tif", + "label": "test/pancreas_codex_102_masks.tif" + }, + { + "image": "test/pancreas_codex_105.tif", + "label": "test/pancreas_codex_105_masks.tif" + }, + { + "image": "test/pancreas_codex_107.tif", + "label": "test/pancreas_codex_107_masks.tif" + }, + { + "image": "test/pancreas_codex_110.tif", + "label": "test/pancreas_codex_110_masks.tif" + }, + { + "image": "test/pancreas_codex_112.tif", + "label": "test/pancreas_codex_112_masks.tif" + }, + { + "image": "test/pancreas_codex_122.tif", + "label": "test/pancreas_codex_122_masks.tif" + }, + { + "image": "test/pancreas_codex_123.tif", + "label": "test/pancreas_codex_123_masks.tif" + }, + { + "image": "test/pancreas_codex_132.tif", + "label": "test/pancreas_codex_132_masks.tif" + }, + { + "image": "test/pancreas_codex_134.tif", + "label": "test/pancreas_codex_134_masks.tif" + }, + { + "image": "test/pancreas_codex_137.tif", + "label": "test/pancreas_codex_137_masks.tif" + }, + { + "image": "test/pancreas_codex_139.tif", + "label": "test/pancreas_codex_139_masks.tif" + }, + { + "image": "test/pancreas_codex_142.tif", + "label": "test/pancreas_codex_142_masks.tif" + }, + { + "image": "test/pancreas_codex_147.tif", + "label": "test/pancreas_codex_147_masks.tif" + }, + { + "image": "test/pancreas_codex_163.tif", + "label": "test/pancreas_codex_163_masks.tif" + }, + { + "image": "test/pancreas_codex_169.tif", + "label": "test/pancreas_codex_169_masks.tif" + }, + { + "image": "test/pancreas_codex_172.tif", + "label": "test/pancreas_codex_172_masks.tif" + }, + { + "image": "test/pancreas_codex_174.tif", + "label": "test/pancreas_codex_174_masks.tif" + }, + { + "image": "test/pancreas_codex_176.tif", + "label": "test/pancreas_codex_176_masks.tif" + }, + { + "image": "test/pancreas_codex_180.tif", + "label": "test/pancreas_codex_180_masks.tif" + }, + { + "image": "test/pancreas_codex_184.tif", + "label": "test/pancreas_codex_184_masks.tif" + }, + { + "image": "test/pancreas_codex_191.tif", + "label": "test/pancreas_codex_191_masks.tif" + }, + { + "image": "test/pancreas_codex_192.tif", + "label": "test/pancreas_codex_192_masks.tif" + }, + { + "image": "test/pancreas_codex_197.tif", + "label": "test/pancreas_codex_197_masks.tif" + }, + { + "image": "test/pancreas_codex_205.tif", + "label": "test/pancreas_codex_205_masks.tif" + }, + { + "image": "test/pancreas_codex_208.tif", + "label": "test/pancreas_codex_208_masks.tif" + }, + { + "image": "test/pancreas_codex_213.tif", + "label": "test/pancreas_codex_213_masks.tif" + }, + { + "image": "test/pancreas_codex_218.tif", + "label": "test/pancreas_codex_218_masks.tif" + }, + { + "image": "test/pancreas_codex_222.tif", + "label": "test/pancreas_codex_222_masks.tif" + }, + { + "image": "test/pancreas_codex_224.tif", + "label": "test/pancreas_codex_224_masks.tif" + }, + { + "image": "test/pancreas_codex_231.tif", + "label": "test/pancreas_codex_231_masks.tif" + }, + { + "image": "test/pancreas_codex_232.tif", + "label": "test/pancreas_codex_232_masks.tif" + }, + { + "image": "test/pancreas_codex_240.tif", + "label": "test/pancreas_codex_240_masks.tif" + }, + { + "image": "test/pancreas_codex_246.tif", + "label": "test/pancreas_codex_246_masks.tif" + }, + { + "image": "test/pancreas_codex_262.tif", + "label": "test/pancreas_codex_262_masks.tif" + }, + { + "image": "test/pancreas_codex_271.tif", + "label": "test/pancreas_codex_271_masks.tif" + }, + { + "image": "test/pancreas_codex_277.tif", + "label": "test/pancreas_codex_277_masks.tif" + }, + { + "image": "test/pancreas_codex_278.tif", + "label": "test/pancreas_codex_278_masks.tif" + }, + { + "image": "test/pancreas_codex_0.tif", + "label": "test/pancreas_codex_0_masks.tif" + }, + { + "image": "test/pancreas_codex_8.tif", + "label": "test/pancreas_codex_8_masks.tif" + }, + { + "image": "test/pancreas_codex_14.tif", + "label": "test/pancreas_codex_14_masks.tif" + }, + { + "image": "test/pancreas_codex_19.tif", + "label": "test/pancreas_codex_19_masks.tif" + }, + { + "image": "test/pancreas_codex_28.tif", + "label": "test/pancreas_codex_28_masks.tif" + }, + { + "image": "test/pancreas_codex_29.tif", + "label": "test/pancreas_codex_29_masks.tif" + }, + { + "image": "test/pancreas_codex_31.tif", + "label": "test/pancreas_codex_31_masks.tif" + }, + { + "image": "test/pancreas_codex_33.tif", + "label": "test/pancreas_codex_33_masks.tif" + }, + { + "image": "test/pancreas_codex_34.tif", + "label": "test/pancreas_codex_34_masks.tif" + }, + { + "image": "test/pancreas_codex_35.tif", + "label": "test/pancreas_codex_35_masks.tif" + }, + { + "image": "test/pancreas_codex_38.tif", + "label": "test/pancreas_codex_38_masks.tif" + }, + { + "image": "test/pancreas_codex_44.tif", + "label": "test/pancreas_codex_44_masks.tif" + }, + { + "image": "test/pancreas_codex_48.tif", + "label": "test/pancreas_codex_48_masks.tif" + }, + { + "image": "test/pancreas_codex_55.tif", + "label": "test/pancreas_codex_55_masks.tif" + }, + { + "image": "test/pancreas_codex_63.tif", + "label": "test/pancreas_codex_63_masks.tif" + }, + { + "image": "test/pancreas_codex_66.tif", + "label": "test/pancreas_codex_66_masks.tif" + }, + { + "image": "test/pancreas_codex_67.tif", + "label": "test/pancreas_codex_67_masks.tif" + }, + { + "image": "test/pancreas_codex_79.tif", + "label": "test/pancreas_codex_79_masks.tif" + }, + { + "image": "test/pancreas_codex_85.tif", + "label": "test/pancreas_codex_85_masks.tif" + }, + { + "image": "test/pancreas_codex_93.tif", + "label": "test/pancreas_codex_93_masks.tif" + }, + { + "image": "test/pancreas_codex_106.tif", + "label": "test/pancreas_codex_106_masks.tif" + }, + { + "image": "test/pancreas_codex_108.tif", + "label": "test/pancreas_codex_108_masks.tif" + }, + { + "image": "test/pancreas_codex_117.tif", + "label": "test/pancreas_codex_117_masks.tif" + }, + { + "image": "test/pancreas_codex_119.tif", + "label": "test/pancreas_codex_119_masks.tif" + }, + { + "image": "test/pancreas_codex_127.tif", + "label": "test/pancreas_codex_127_masks.tif" + }, + { + "image": "test/pancreas_codex_146.tif", + "label": "test/pancreas_codex_146_masks.tif" + }, + { + "image": "test/pancreas_codex_150.tif", + "label": "test/pancreas_codex_150_masks.tif" + }, + { + "image": "test/pancreas_codex_157.tif", + "label": "test/pancreas_codex_157_masks.tif" + }, + { + "image": "test/pancreas_codex_159.tif", + "label": "test/pancreas_codex_159_masks.tif" + }, + { + "image": "test/pancreas_codex_161.tif", + "label": "test/pancreas_codex_161_masks.tif" + }, + { + "image": "test/pancreas_codex_164.tif", + "label": "test/pancreas_codex_164_masks.tif" + }, + { + "image": "test/pancreas_codex_168.tif", + "label": "test/pancreas_codex_168_masks.tif" + }, + { + "image": "test/pancreas_codex_170.tif", + "label": "test/pancreas_codex_170_masks.tif" + }, + { + "image": "test/pancreas_codex_181.tif", + "label": "test/pancreas_codex_181_masks.tif" + }, + { + "image": "test/pancreas_codex_185.tif", + "label": "test/pancreas_codex_185_masks.tif" + }, + { + "image": "test/pancreas_codex_188.tif", + "label": "test/pancreas_codex_188_masks.tif" + }, + { + "image": "test/pancreas_codex_193.tif", + "label": "test/pancreas_codex_193_masks.tif" + }, + { + "image": "test/pancreas_codex_194.tif", + "label": "test/pancreas_codex_194_masks.tif" + }, + { + "image": "test/pancreas_codex_201.tif", + "label": "test/pancreas_codex_201_masks.tif" + }, + { + "image": "test/pancreas_codex_202.tif", + "label": "test/pancreas_codex_202_masks.tif" + }, + { + "image": "test/pancreas_codex_204.tif", + "label": "test/pancreas_codex_204_masks.tif" + }, + { + "image": "test/pancreas_codex_211.tif", + "label": "test/pancreas_codex_211_masks.tif" + }, + { + "image": "test/pancreas_codex_212.tif", + "label": "test/pancreas_codex_212_masks.tif" + }, + { + "image": "test/pancreas_codex_214.tif", + "label": "test/pancreas_codex_214_masks.tif" + }, + { + "image": "test/pancreas_codex_219.tif", + "label": "test/pancreas_codex_219_masks.tif" + }, + { + "image": "test/pancreas_codex_228.tif", + "label": "test/pancreas_codex_228_masks.tif" + }, + { + "image": "test/pancreas_codex_230.tif", + "label": "test/pancreas_codex_230_masks.tif" + }, + { + "image": "test/pancreas_codex_238.tif", + "label": "test/pancreas_codex_238_masks.tif" + }, + { + "image": "test/pancreas_codex_266.tif", + "label": "test/pancreas_codex_266_masks.tif" + }, + { + "image": "test/pancreas_codex_269.tif", + "label": "test/pancreas_codex_269_masks.tif" + }, + { + "image": "test/pancreas_codex_270.tif", + "label": "test/pancreas_codex_270_masks.tif" + }, + { + "image": "test/pancreas_codex_273.tif", + "label": "test/pancreas_codex_273_masks.tif" + }, + { + "image": "test/pancreas_codex_274.tif", + "label": "test/pancreas_codex_274_masks.tif" + }, + { + "image": "test/pancreas_codex_280.tif", + "label": "test/pancreas_codex_280_masks.tif" + }, + { + "image": "test/pancreas_codex_282.tif", + "label": "test/pancreas_codex_282_masks.tif" + }, + { + "image": "test/pancreas_codex_283.tif", + "label": "test/pancreas_codex_283_masks.tif" + }, + { + "image": "test/pancreas_codex_284.tif", + "label": "test/pancreas_codex_284_masks.tif" + }, + { + "image": "test/pancreas_codex_16.tif", + "label": "test/pancreas_codex_16_masks.tif" + }, + { + "image": "test/pancreas_codex_21.tif", + "label": "test/pancreas_codex_21_masks.tif" + }, + { + "image": "test/pancreas_codex_40.tif", + "label": "test/pancreas_codex_40_masks.tif" + }, + { + "image": "test/pancreas_codex_47.tif", + "label": "test/pancreas_codex_47_masks.tif" + }, + { + "image": "test/pancreas_codex_53.tif", + "label": "test/pancreas_codex_53_masks.tif" + }, + { + "image": "test/pancreas_codex_54.tif", + "label": "test/pancreas_codex_54_masks.tif" + }, + { + "image": "test/pancreas_codex_56.tif", + "label": "test/pancreas_codex_56_masks.tif" + }, + { + "image": "test/pancreas_codex_60.tif", + "label": "test/pancreas_codex_60_masks.tif" + }, + { + "image": "test/pancreas_codex_61.tif", + "label": "test/pancreas_codex_61_masks.tif" + }, + { + "image": "test/pancreas_codex_69.tif", + "label": "test/pancreas_codex_69_masks.tif" + }, + { + "image": "test/pancreas_codex_78.tif", + "label": "test/pancreas_codex_78_masks.tif" + }, + { + "image": "test/pancreas_codex_81.tif", + "label": "test/pancreas_codex_81_masks.tif" + }, + { + "image": "test/pancreas_codex_82.tif", + "label": "test/pancreas_codex_82_masks.tif" + }, + { + "image": "test/pancreas_codex_84.tif", + "label": "test/pancreas_codex_84_masks.tif" + }, + { + "image": "test/pancreas_codex_91.tif", + "label": "test/pancreas_codex_91_masks.tif" + }, + { + "image": "test/pancreas_codex_94.tif", + "label": "test/pancreas_codex_94_masks.tif" + }, + { + "image": "test/pancreas_codex_97.tif", + "label": "test/pancreas_codex_97_masks.tif" + }, + { + "image": "test/pancreas_codex_98.tif", + "label": "test/pancreas_codex_98_masks.tif" + }, + { + "image": "test/pancreas_codex_101.tif", + "label": "test/pancreas_codex_101_masks.tif" + }, + { + "image": "test/pancreas_codex_114.tif", + "label": "test/pancreas_codex_114_masks.tif" + }, + { + "image": "test/pancreas_codex_116.tif", + "label": "test/pancreas_codex_116_masks.tif" + }, + { + "image": "test/pancreas_codex_118.tif", + "label": "test/pancreas_codex_118_masks.tif" + }, + { + "image": "test/pancreas_codex_120.tif", + "label": "test/pancreas_codex_120_masks.tif" + }, + { + "image": "test/pancreas_codex_130.tif", + "label": "test/pancreas_codex_130_masks.tif" + }, + { + "image": "test/pancreas_codex_138.tif", + "label": "test/pancreas_codex_138_masks.tif" + }, + { + "image": "test/pancreas_codex_140.tif", + "label": "test/pancreas_codex_140_masks.tif" + }, + { + "image": "test/pancreas_codex_145.tif", + "label": "test/pancreas_codex_145_masks.tif" + }, + { + "image": "test/pancreas_codex_148.tif", + "label": "test/pancreas_codex_148_masks.tif" + }, + { + "image": "test/pancreas_codex_152.tif", + "label": "test/pancreas_codex_152_masks.tif" + }, + { + "image": "test/pancreas_codex_154.tif", + "label": "test/pancreas_codex_154_masks.tif" + }, + { + "image": "test/pancreas_codex_158.tif", + "label": "test/pancreas_codex_158_masks.tif" + }, + { + "image": "test/pancreas_codex_167.tif", + "label": "test/pancreas_codex_167_masks.tif" + }, + { + "image": "test/pancreas_codex_171.tif", + "label": "test/pancreas_codex_171_masks.tif" + }, + { + "image": "test/pancreas_codex_173.tif", + "label": "test/pancreas_codex_173_masks.tif" + }, + { + "image": "test/pancreas_codex_175.tif", + "label": "test/pancreas_codex_175_masks.tif" + }, + { + "image": "test/pancreas_codex_177.tif", + "label": "test/pancreas_codex_177_masks.tif" + }, + { + "image": "test/pancreas_codex_179.tif", + "label": "test/pancreas_codex_179_masks.tif" + }, + { + "image": "test/pancreas_codex_182.tif", + "label": "test/pancreas_codex_182_masks.tif" + }, + { + "image": "test/pancreas_codex_186.tif", + "label": "test/pancreas_codex_186_masks.tif" + }, + { + "image": "test/pancreas_codex_200.tif", + "label": "test/pancreas_codex_200_masks.tif" + }, + { + "image": "test/pancreas_codex_206.tif", + "label": "test/pancreas_codex_206_masks.tif" + }, + { + "image": "test/pancreas_codex_207.tif", + "label": "test/pancreas_codex_207_masks.tif" + }, + { + "image": "test/pancreas_codex_217.tif", + "label": "test/pancreas_codex_217_masks.tif" + }, + { + "image": "test/pancreas_codex_220.tif", + "label": "test/pancreas_codex_220_masks.tif" + }, + { + "image": "test/pancreas_codex_225.tif", + "label": "test/pancreas_codex_225_masks.tif" + }, + { + "image": "test/pancreas_codex_227.tif", + "label": "test/pancreas_codex_227_masks.tif" + }, + { + "image": "test/pancreas_codex_229.tif", + "label": "test/pancreas_codex_229_masks.tif" + }, + { + "image": "test/pancreas_codex_234.tif", + "label": "test/pancreas_codex_234_masks.tif" + }, + { + "image": "test/pancreas_codex_236.tif", + "label": "test/pancreas_codex_236_masks.tif" + }, + { + "image": "test/pancreas_codex_239.tif", + "label": "test/pancreas_codex_239_masks.tif" + }, + { + "image": "test/pancreas_codex_247.tif", + "label": "test/pancreas_codex_247_masks.tif" + }, + { + "image": "test/pancreas_codex_251.tif", + "label": "test/pancreas_codex_251_masks.tif" + }, + { + "image": "test/pancreas_codex_253.tif", + "label": "test/pancreas_codex_253_masks.tif" + }, + { + "image": "test/pancreas_codex_257.tif", + "label": "test/pancreas_codex_257_masks.tif" + }, + { + "image": "test/pancreas_codex_259.tif", + "label": "test/pancreas_codex_259_masks.tif" + }, + { + "image": "test/pancreas_codex_279.tif", + "label": "test/pancreas_codex_279_masks.tif" + }, + { + "image": "test/pancreas_codex_281.tif", + "label": "test/pancreas_codex_281_masks.tif" + }, + { + "image": "test/pancreas_codex_2.tif", + "label": "test/pancreas_codex_2_masks.tif" + }, + { + "image": "test/pancreas_codex_6.tif", + "label": "test/pancreas_codex_6_masks.tif" + }, + { + "image": "test/pancreas_codex_9.tif", + "label": "test/pancreas_codex_9_masks.tif" + }, + { + "image": "test/pancreas_codex_10.tif", + "label": "test/pancreas_codex_10_masks.tif" + }, + { + "image": "test/pancreas_codex_13.tif", + "label": "test/pancreas_codex_13_masks.tif" + }, + { + "image": "test/pancreas_codex_20.tif", + "label": "test/pancreas_codex_20_masks.tif" + }, + { + "image": "test/pancreas_codex_23.tif", + "label": "test/pancreas_codex_23_masks.tif" + }, + { + "image": "test/pancreas_codex_32.tif", + "label": "test/pancreas_codex_32_masks.tif" + }, + { + "image": "test/pancreas_codex_36.tif", + "label": "test/pancreas_codex_36_masks.tif" + }, + { + "image": "test/pancreas_codex_45.tif", + "label": "test/pancreas_codex_45_masks.tif" + }, + { + "image": "test/pancreas_codex_46.tif", + "label": "test/pancreas_codex_46_masks.tif" + }, + { + "image": "test/pancreas_codex_65.tif", + "label": "test/pancreas_codex_65_masks.tif" + }, + { + "image": "test/pancreas_codex_74.tif", + "label": "test/pancreas_codex_74_masks.tif" + }, + { + "image": "test/pancreas_codex_75.tif", + "label": "test/pancreas_codex_75_masks.tif" + }, + { + "image": "test/pancreas_codex_77.tif", + "label": "test/pancreas_codex_77_masks.tif" + }, + { + "image": "test/pancreas_codex_83.tif", + "label": "test/pancreas_codex_83_masks.tif" + }, + { + "image": "test/pancreas_codex_87.tif", + "label": "test/pancreas_codex_87_masks.tif" + }, + { + "image": "test/pancreas_codex_92.tif", + "label": "test/pancreas_codex_92_masks.tif" + }, + { + "image": "test/pancreas_codex_96.tif", + "label": "test/pancreas_codex_96_masks.tif" + }, + { + "image": "test/pancreas_codex_100.tif", + "label": "test/pancreas_codex_100_masks.tif" + }, + { + "image": "test/pancreas_codex_103.tif", + "label": "test/pancreas_codex_103_masks.tif" + }, + { + "image": "test/pancreas_codex_104.tif", + "label": "test/pancreas_codex_104_masks.tif" + }, + { + "image": "test/pancreas_codex_113.tif", + "label": "test/pancreas_codex_113_masks.tif" + }, + { + "image": "test/pancreas_codex_124.tif", + "label": "test/pancreas_codex_124_masks.tif" + }, + { + "image": "test/pancreas_codex_125.tif", + "label": "test/pancreas_codex_125_masks.tif" + }, + { + "image": "test/pancreas_codex_126.tif", + "label": "test/pancreas_codex_126_masks.tif" + }, + { + "image": "test/pancreas_codex_128.tif", + "label": "test/pancreas_codex_128_masks.tif" + }, + { + "image": "test/pancreas_codex_136.tif", + "label": "test/pancreas_codex_136_masks.tif" + }, + { + "image": "test/pancreas_codex_143.tif", + "label": "test/pancreas_codex_143_masks.tif" + }, + { + "image": "test/pancreas_codex_151.tif", + "label": "test/pancreas_codex_151_masks.tif" + }, + { + "image": "test/pancreas_codex_153.tif", + "label": "test/pancreas_codex_153_masks.tif" + }, + { + "image": "test/pancreas_codex_155.tif", + "label": "test/pancreas_codex_155_masks.tif" + }, + { + "image": "test/pancreas_codex_160.tif", + "label": "test/pancreas_codex_160_masks.tif" + }, + { + "image": "test/pancreas_codex_162.tif", + "label": "test/pancreas_codex_162_masks.tif" + }, + { + "image": "test/pancreas_codex_165.tif", + "label": "test/pancreas_codex_165_masks.tif" + }, + { + "image": "test/pancreas_codex_166.tif", + "label": "test/pancreas_codex_166_masks.tif" + }, + { + "image": "test/pancreas_codex_183.tif", + "label": "test/pancreas_codex_183_masks.tif" + }, + { + "image": "test/pancreas_codex_187.tif", + "label": "test/pancreas_codex_187_masks.tif" + }, + { + "image": "test/pancreas_codex_189.tif", + "label": "test/pancreas_codex_189_masks.tif" + }, + { + "image": "test/pancreas_codex_190.tif", + "label": "test/pancreas_codex_190_masks.tif" + }, + { + "image": "test/pancreas_codex_195.tif", + "label": "test/pancreas_codex_195_masks.tif" + }, + { + "image": "test/pancreas_codex_199.tif", + "label": "test/pancreas_codex_199_masks.tif" + }, + { + "image": "test/pancreas_codex_221.tif", + "label": "test/pancreas_codex_221_masks.tif" + }, + { + "image": "test/pancreas_codex_223.tif", + "label": "test/pancreas_codex_223_masks.tif" + }, + { + "image": "test/pancreas_codex_233.tif", + "label": "test/pancreas_codex_233_masks.tif" + }, + { + "image": "test/pancreas_codex_242.tif", + "label": "test/pancreas_codex_242_masks.tif" + }, + { + "image": "test/pancreas_codex_244.tif", + "label": "test/pancreas_codex_244_masks.tif" + }, + { + "image": "test/pancreas_codex_245.tif", + "label": "test/pancreas_codex_245_masks.tif" + }, + { + "image": "test/pancreas_codex_249.tif", + "label": "test/pancreas_codex_249_masks.tif" + }, + { + "image": "test/pancreas_codex_250.tif", + "label": "test/pancreas_codex_250_masks.tif" + }, + { + "image": "test/pancreas_codex_256.tif", + "label": "test/pancreas_codex_256_masks.tif" + }, + { + "image": "test/pancreas_codex_260.tif", + "label": "test/pancreas_codex_260_masks.tif" + }, + { + "image": "test/pancreas_codex_261.tif", + "label": "test/pancreas_codex_261_masks.tif" + }, + { + "image": "test/pancreas_codex_263.tif", + "label": "test/pancreas_codex_263_masks.tif" + }, + { + "image": "test/pancreas_codex_264.tif", + "label": "test/pancreas_codex_264_masks.tif" + }, + { + "image": "test/pancreas_codex_272.tif", + "label": "test/pancreas_codex_272_masks.tif" + }, + { + "image": "test/pancreas_codex_275.tif", + "label": "test/pancreas_codex_275_masks.tif" + }, + { + "image": "test/pancreas_codex_1.tif", + "label": "test/pancreas_codex_1_masks.tif" + }, + { + "image": "test/pancreas_codex_3.tif", + "label": "test/pancreas_codex_3_masks.tif" + }, + { + "image": "test/pancreas_codex_7.tif", + "label": "test/pancreas_codex_7_masks.tif" + }, + { + "image": "test/pancreas_codex_15.tif", + "label": "test/pancreas_codex_15_masks.tif" + }, + { + "image": "test/pancreas_codex_22.tif", + "label": "test/pancreas_codex_22_masks.tif" + }, + { + "image": "test/pancreas_codex_24.tif", + "label": "test/pancreas_codex_24_masks.tif" + }, + { + "image": "test/pancreas_codex_25.tif", + "label": "test/pancreas_codex_25_masks.tif" + }, + { + "image": "test/pancreas_codex_26.tif", + "label": "test/pancreas_codex_26_masks.tif" + }, + { + "image": "test/pancreas_codex_30.tif", + "label": "test/pancreas_codex_30_masks.tif" + }, + { + "image": "test/pancreas_codex_37.tif", + "label": "test/pancreas_codex_37_masks.tif" + }, + { + "image": "test/pancreas_codex_41.tif", + "label": "test/pancreas_codex_41_masks.tif" + }, + { + "image": "test/pancreas_codex_43.tif", + "label": "test/pancreas_codex_43_masks.tif" + }, + { + "image": "test/pancreas_codex_49.tif", + "label": "test/pancreas_codex_49_masks.tif" + }, + { + "image": "test/pancreas_codex_50.tif", + "label": "test/pancreas_codex_50_masks.tif" + }, + { + "image": "test/pancreas_codex_52.tif", + "label": "test/pancreas_codex_52_masks.tif" + }, + { + "image": "test/pancreas_codex_57.tif", + "label": "test/pancreas_codex_57_masks.tif" + }, + { + "image": "test/pancreas_codex_64.tif", + "label": "test/pancreas_codex_64_masks.tif" + }, + { + "image": "test/pancreas_codex_68.tif", + "label": "test/pancreas_codex_68_masks.tif" + }, + { + "image": "test/pancreas_codex_71.tif", + "label": "test/pancreas_codex_71_masks.tif" + }, + { + "image": "test/pancreas_codex_72.tif", + "label": "test/pancreas_codex_72_masks.tif" + }, + { + "image": "test/pancreas_codex_76.tif", + "label": "test/pancreas_codex_76_masks.tif" + }, + { + "image": "test/pancreas_codex_80.tif", + "label": "test/pancreas_codex_80_masks.tif" + }, + { + "image": "test/pancreas_codex_86.tif", + "label": "test/pancreas_codex_86_masks.tif" + }, + { + "image": "test/pancreas_codex_109.tif", + "label": "test/pancreas_codex_109_masks.tif" + }, + { + "image": "test/pancreas_codex_111.tif", + "label": "test/pancreas_codex_111_masks.tif" + }, + { + "image": "test/pancreas_codex_115.tif", + "label": "test/pancreas_codex_115_masks.tif" + }, + { + "image": "test/pancreas_codex_121.tif", + "label": "test/pancreas_codex_121_masks.tif" + }, + { + "image": "test/pancreas_codex_129.tif", + "label": "test/pancreas_codex_129_masks.tif" + }, + { + "image": "test/pancreas_codex_131.tif", + "label": "test/pancreas_codex_131_masks.tif" + }, + { + "image": "test/pancreas_codex_133.tif", + "label": "test/pancreas_codex_133_masks.tif" + }, + { + "image": "test/pancreas_codex_135.tif", + "label": "test/pancreas_codex_135_masks.tif" + }, + { + "image": "test/pancreas_codex_141.tif", + "label": "test/pancreas_codex_141_masks.tif" + }, + { + "image": "test/pancreas_codex_144.tif", + "label": "test/pancreas_codex_144_masks.tif" + }, + { + "image": "test/pancreas_codex_149.tif", + "label": "test/pancreas_codex_149_masks.tif" + }, + { + "image": "test/pancreas_codex_156.tif", + "label": "test/pancreas_codex_156_masks.tif" + }, + { + "image": "test/pancreas_codex_178.tif", + "label": "test/pancreas_codex_178_masks.tif" + }, + { + "image": "test/pancreas_codex_196.tif", + "label": "test/pancreas_codex_196_masks.tif" + }, + { + "image": "test/pancreas_codex_198.tif", + "label": "test/pancreas_codex_198_masks.tif" + }, + { + "image": "test/pancreas_codex_203.tif", + "label": "test/pancreas_codex_203_masks.tif" + }, + { + "image": "test/pancreas_codex_209.tif", + "label": "test/pancreas_codex_209_masks.tif" + }, + { + "image": "test/pancreas_codex_210.tif", + "label": "test/pancreas_codex_210_masks.tif" + }, + { + "image": "test/pancreas_codex_215.tif", + "label": "test/pancreas_codex_215_masks.tif" + }, + { + "image": "test/pancreas_codex_216.tif", + "label": "test/pancreas_codex_216_masks.tif" + }, + { + "image": "test/pancreas_codex_226.tif", + "label": "test/pancreas_codex_226_masks.tif" + }, + { + "image": "test/pancreas_codex_235.tif", + "label": "test/pancreas_codex_235_masks.tif" + }, + { + "image": "test/pancreas_codex_237.tif", + "label": "test/pancreas_codex_237_masks.tif" + }, + { + "image": "test/pancreas_codex_241.tif", + "label": "test/pancreas_codex_241_masks.tif" + }, + { + "image": "test/pancreas_codex_243.tif", + "label": "test/pancreas_codex_243_masks.tif" + }, + { + "image": "test/pancreas_codex_248.tif", + "label": "test/pancreas_codex_248_masks.tif" + }, + { + "image": "test/pancreas_codex_252.tif", + "label": "test/pancreas_codex_252_masks.tif" + }, + { + "image": "test/pancreas_codex_254.tif", + "label": "test/pancreas_codex_254_masks.tif" + }, + { + "image": "test/pancreas_codex_255.tif", + "label": "test/pancreas_codex_255_masks.tif" + }, + { + "image": "test/pancreas_codex_258.tif", + "label": "test/pancreas_codex_258_masks.tif" + }, + { + "image": "test/pancreas_codex_265.tif", + "label": "test/pancreas_codex_265_masks.tif" + }, + { + "image": "test/pancreas_codex_267.tif", + "label": "test/pancreas_codex_267_masks.tif" + }, + { + "image": "test/pancreas_codex_268.tif", + "label": "test/pancreas_codex_268_masks.tif" + }, + { + "image": "test/pancreas_codex_276.tif", + "label": "test/pancreas_codex_276_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_pancreas_datalist.json b/vista2d/datalists/tissuenet_pancreas_datalist.json new file mode 100644 index 0000000..9dcdc84 --- /dev/null +++ b/vista2d/datalists/tissuenet_pancreas_datalist.json @@ -0,0 +1,17174 @@ +{ + "training": [ + { + "image": "val/pancreas_codex_0.tif", + "label": "val/pancreas_codex_0_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_3.tif", + "label": "val/pancreas_codex_3_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_8.tif", + "label": "val/pancreas_codex_8_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_13.tif", + "label": "val/pancreas_codex_13_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_16.tif", + "label": "val/pancreas_codex_16_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_19.tif", + "label": "val/pancreas_codex_19_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_23.tif", + "label": "val/pancreas_codex_23_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_35.tif", + "label": "val/pancreas_codex_35_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_41.tif", + "label": "val/pancreas_codex_41_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_47.tif", + "label": "val/pancreas_codex_47_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_50.tif", + "label": "val/pancreas_codex_50_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_56.tif", + "label": "val/pancreas_codex_56_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_57.tif", + "label": "val/pancreas_codex_57_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_59.tif", + "label": "val/pancreas_codex_59_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_60.tif", + "label": "val/pancreas_codex_60_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_61.tif", + "label": "val/pancreas_codex_61_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_65.tif", + "label": "val/pancreas_codex_65_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_66.tif", + "label": "val/pancreas_codex_66_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_69.tif", + "label": "val/pancreas_codex_69_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_74.tif", + "label": "val/pancreas_codex_74_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_81.tif", + "label": "val/pancreas_codex_81_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_84.tif", + "label": "val/pancreas_codex_84_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_85.tif", + "label": "val/pancreas_codex_85_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_90.tif", + "label": "val/pancreas_codex_90_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_101.tif", + "label": "val/pancreas_codex_101_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_104.tif", + "label": "val/pancreas_codex_104_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_108.tif", + "label": "val/pancreas_codex_108_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_111.tif", + "label": "val/pancreas_codex_111_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_117.tif", + "label": "val/pancreas_codex_117_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_120.tif", + "label": "val/pancreas_codex_120_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_134.tif", + "label": "val/pancreas_codex_134_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_135.tif", + "label": "val/pancreas_codex_135_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_148.tif", + "label": "val/pancreas_codex_148_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_154.tif", + "label": "val/pancreas_codex_154_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_159.tif", + "label": "val/pancreas_codex_159_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_161.tif", + "label": "val/pancreas_codex_161_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_180.tif", + "label": "val/pancreas_codex_180_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_181.tif", + "label": "val/pancreas_codex_181_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_185.tif", + "label": "val/pancreas_codex_185_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_187.tif", + "label": "val/pancreas_codex_187_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_189.tif", + "label": "val/pancreas_codex_189_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_194.tif", + "label": "val/pancreas_codex_194_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_195.tif", + "label": "val/pancreas_codex_195_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_201.tif", + "label": "val/pancreas_codex_201_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_202.tif", + "label": "val/pancreas_codex_202_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_207.tif", + "label": "val/pancreas_codex_207_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_214.tif", + "label": "val/pancreas_codex_214_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_216.tif", + "label": "val/pancreas_codex_216_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_218.tif", + "label": "val/pancreas_codex_218_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_224.tif", + "label": "val/pancreas_codex_224_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_233.tif", + "label": "val/pancreas_codex_233_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_241.tif", + "label": "val/pancreas_codex_241_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_248.tif", + "label": "val/pancreas_codex_248_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_255.tif", + "label": "val/pancreas_codex_255_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_257.tif", + "label": "val/pancreas_codex_257_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_262.tif", + "label": "val/pancreas_codex_262_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_268.tif", + "label": "val/pancreas_codex_268_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_273.tif", + "label": "val/pancreas_codex_273_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_274.tif", + "label": "val/pancreas_codex_274_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_277.tif", + "label": "val/pancreas_codex_277_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_293.tif", + "label": "val/pancreas_codex_293_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_298.tif", + "label": "val/pancreas_codex_298_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_305.tif", + "label": "val/pancreas_codex_305_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_310.tif", + "label": "val/pancreas_codex_310_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_311.tif", + "label": "val/pancreas_codex_311_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_314.tif", + "label": "val/pancreas_codex_314_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_318.tif", + "label": "val/pancreas_codex_318_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_323.tif", + "label": "val/pancreas_codex_323_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_329.tif", + "label": "val/pancreas_codex_329_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_333.tif", + "label": "val/pancreas_codex_333_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_334.tif", + "label": "val/pancreas_codex_334_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_339.tif", + "label": "val/pancreas_codex_339_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_352.tif", + "label": "val/pancreas_codex_352_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_364.tif", + "label": "val/pancreas_codex_364_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_368.tif", + "label": "val/pancreas_codex_368_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_371.tif", + "label": "val/pancreas_codex_371_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_373.tif", + "label": "val/pancreas_codex_373_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_379.tif", + "label": "val/pancreas_codex_379_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_382.tif", + "label": "val/pancreas_codex_382_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_385.tif", + "label": "val/pancreas_codex_385_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_386.tif", + "label": "val/pancreas_codex_386_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_392.tif", + "label": "val/pancreas_codex_392_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_403.tif", + "label": "val/pancreas_codex_403_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_404.tif", + "label": "val/pancreas_codex_404_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_408.tif", + "label": "val/pancreas_codex_408_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_419.tif", + "label": "val/pancreas_codex_419_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_421.tif", + "label": "val/pancreas_codex_421_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_422.tif", + "label": "val/pancreas_codex_422_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_426.tif", + "label": "val/pancreas_codex_426_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_437.tif", + "label": "val/pancreas_codex_437_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_439.tif", + "label": "val/pancreas_codex_439_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_446.tif", + "label": "val/pancreas_codex_446_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_447.tif", + "label": "val/pancreas_codex_447_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_452.tif", + "label": "val/pancreas_codex_452_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_459.tif", + "label": "val/pancreas_codex_459_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_480.tif", + "label": "val/pancreas_codex_480_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_488.tif", + "label": "val/pancreas_codex_488_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_498.tif", + "label": "val/pancreas_codex_498_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_501.tif", + "label": "val/pancreas_codex_501_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_504.tif", + "label": "val/pancreas_codex_504_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_516.tif", + "label": "val/pancreas_codex_516_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_519.tif", + "label": "val/pancreas_codex_519_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_521.tif", + "label": "val/pancreas_codex_521_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_524.tif", + "label": "val/pancreas_codex_524_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_525.tif", + "label": "val/pancreas_codex_525_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_530.tif", + "label": "val/pancreas_codex_530_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_531.tif", + "label": "val/pancreas_codex_531_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_535.tif", + "label": "val/pancreas_codex_535_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_537.tif", + "label": "val/pancreas_codex_537_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_538.tif", + "label": "val/pancreas_codex_538_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_541.tif", + "label": "val/pancreas_codex_541_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_549.tif", + "label": "val/pancreas_codex_549_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_552.tif", + "label": "val/pancreas_codex_552_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_555.tif", + "label": "val/pancreas_codex_555_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_558.tif", + "label": "val/pancreas_codex_558_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_565.tif", + "label": "val/pancreas_codex_565_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_574.tif", + "label": "val/pancreas_codex_574_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_579.tif", + "label": "val/pancreas_codex_579_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_589.tif", + "label": "val/pancreas_codex_589_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_590.tif", + "label": "val/pancreas_codex_590_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_593.tif", + "label": "val/pancreas_codex_593_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_599.tif", + "label": "val/pancreas_codex_599_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_602.tif", + "label": "val/pancreas_codex_602_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_603.tif", + "label": "val/pancreas_codex_603_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_604.tif", + "label": "val/pancreas_codex_604_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_617.tif", + "label": "val/pancreas_codex_617_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_626.tif", + "label": "val/pancreas_codex_626_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_632.tif", + "label": "val/pancreas_codex_632_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_639.tif", + "label": "val/pancreas_codex_639_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_646.tif", + "label": "val/pancreas_codex_646_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_647.tif", + "label": "val/pancreas_codex_647_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_649.tif", + "label": "val/pancreas_codex_649_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_658.tif", + "label": "val/pancreas_codex_658_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_659.tif", + "label": "val/pancreas_codex_659_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_666.tif", + "label": "val/pancreas_codex_666_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_671.tif", + "label": "val/pancreas_codex_671_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_673.tif", + "label": "val/pancreas_codex_673_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_683.tif", + "label": "val/pancreas_codex_683_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_685.tif", + "label": "val/pancreas_codex_685_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_688.tif", + "label": "val/pancreas_codex_688_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_690.tif", + "label": "val/pancreas_codex_690_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_691.tif", + "label": "val/pancreas_codex_691_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_716.tif", + "label": "val/pancreas_codex_716_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_718.tif", + "label": "val/pancreas_codex_718_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_719.tif", + "label": "val/pancreas_codex_719_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_0.tif", + "label": "val/pancreas_vectra_0_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_3.tif", + "label": "val/pancreas_vectra_3_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_8.tif", + "label": "val/pancreas_vectra_8_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_12.tif", + "label": "val/pancreas_vectra_12_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_16.tif", + "label": "val/pancreas_vectra_16_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_17.tif", + "label": "val/pancreas_vectra_17_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_4.tif", + "label": "val/pancreas_codex_4_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_5.tif", + "label": "val/pancreas_codex_5_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_9.tif", + "label": "val/pancreas_codex_9_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_11.tif", + "label": "val/pancreas_codex_11_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_17.tif", + "label": "val/pancreas_codex_17_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_29.tif", + "label": "val/pancreas_codex_29_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_31.tif", + "label": "val/pancreas_codex_31_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_33.tif", + "label": "val/pancreas_codex_33_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_34.tif", + "label": "val/pancreas_codex_34_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_38.tif", + "label": "val/pancreas_codex_38_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_39.tif", + "label": "val/pancreas_codex_39_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_40.tif", + "label": "val/pancreas_codex_40_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_45.tif", + "label": "val/pancreas_codex_45_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_49.tif", + "label": "val/pancreas_codex_49_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_62.tif", + "label": "val/pancreas_codex_62_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_67.tif", + "label": "val/pancreas_codex_67_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_68.tif", + "label": "val/pancreas_codex_68_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_76.tif", + "label": "val/pancreas_codex_76_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_80.tif", + "label": "val/pancreas_codex_80_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_82.tif", + "label": "val/pancreas_codex_82_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_88.tif", + "label": "val/pancreas_codex_88_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_92.tif", + "label": "val/pancreas_codex_92_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_95.tif", + "label": "val/pancreas_codex_95_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_103.tif", + "label": "val/pancreas_codex_103_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_107.tif", + "label": "val/pancreas_codex_107_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_116.tif", + "label": "val/pancreas_codex_116_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_118.tif", + "label": "val/pancreas_codex_118_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_119.tif", + "label": "val/pancreas_codex_119_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_121.tif", + "label": "val/pancreas_codex_121_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_124.tif", + "label": "val/pancreas_codex_124_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_132.tif", + "label": "val/pancreas_codex_132_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_139.tif", + "label": "val/pancreas_codex_139_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_146.tif", + "label": "val/pancreas_codex_146_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_147.tif", + "label": "val/pancreas_codex_147_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_160.tif", + "label": "val/pancreas_codex_160_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_162.tif", + "label": "val/pancreas_codex_162_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_165.tif", + "label": "val/pancreas_codex_165_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_172.tif", + "label": "val/pancreas_codex_172_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_173.tif", + "label": "val/pancreas_codex_173_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_175.tif", + "label": "val/pancreas_codex_175_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_179.tif", + "label": "val/pancreas_codex_179_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_197.tif", + "label": "val/pancreas_codex_197_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_223.tif", + "label": "val/pancreas_codex_223_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_242.tif", + "label": "val/pancreas_codex_242_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_245.tif", + "label": "val/pancreas_codex_245_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_247.tif", + "label": "val/pancreas_codex_247_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_259.tif", + "label": "val/pancreas_codex_259_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_261.tif", + "label": "val/pancreas_codex_261_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_265.tif", + "label": "val/pancreas_codex_265_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_280.tif", + "label": "val/pancreas_codex_280_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_285.tif", + "label": "val/pancreas_codex_285_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_286.tif", + "label": "val/pancreas_codex_286_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_289.tif", + "label": "val/pancreas_codex_289_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_299.tif", + "label": "val/pancreas_codex_299_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_301.tif", + "label": "val/pancreas_codex_301_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_307.tif", + "label": "val/pancreas_codex_307_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_320.tif", + "label": "val/pancreas_codex_320_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_331.tif", + "label": "val/pancreas_codex_331_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_335.tif", + "label": "val/pancreas_codex_335_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_341.tif", + "label": "val/pancreas_codex_341_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_345.tif", + "label": "val/pancreas_codex_345_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_346.tif", + "label": "val/pancreas_codex_346_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_349.tif", + "label": "val/pancreas_codex_349_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_350.tif", + "label": "val/pancreas_codex_350_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_353.tif", + "label": "val/pancreas_codex_353_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_354.tif", + "label": "val/pancreas_codex_354_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_355.tif", + "label": "val/pancreas_codex_355_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_358.tif", + "label": "val/pancreas_codex_358_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_361.tif", + "label": "val/pancreas_codex_361_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_372.tif", + "label": "val/pancreas_codex_372_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_374.tif", + "label": "val/pancreas_codex_374_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_375.tif", + "label": "val/pancreas_codex_375_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_378.tif", + "label": "val/pancreas_codex_378_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_383.tif", + "label": "val/pancreas_codex_383_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_388.tif", + "label": "val/pancreas_codex_388_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_400.tif", + "label": "val/pancreas_codex_400_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_402.tif", + "label": "val/pancreas_codex_402_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_414.tif", + "label": "val/pancreas_codex_414_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_425.tif", + "label": "val/pancreas_codex_425_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_427.tif", + "label": "val/pancreas_codex_427_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_428.tif", + "label": "val/pancreas_codex_428_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_429.tif", + "label": "val/pancreas_codex_429_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_433.tif", + "label": "val/pancreas_codex_433_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_434.tif", + "label": "val/pancreas_codex_434_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_435.tif", + "label": "val/pancreas_codex_435_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_436.tif", + "label": "val/pancreas_codex_436_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_441.tif", + "label": "val/pancreas_codex_441_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_443.tif", + "label": "val/pancreas_codex_443_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_449.tif", + "label": "val/pancreas_codex_449_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_457.tif", + "label": "val/pancreas_codex_457_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_464.tif", + "label": "val/pancreas_codex_464_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_467.tif", + "label": "val/pancreas_codex_467_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_474.tif", + "label": "val/pancreas_codex_474_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_483.tif", + "label": "val/pancreas_codex_483_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_484.tif", + "label": "val/pancreas_codex_484_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_491.tif", + "label": "val/pancreas_codex_491_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_495.tif", + "label": "val/pancreas_codex_495_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_496.tif", + "label": "val/pancreas_codex_496_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_502.tif", + "label": "val/pancreas_codex_502_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_509.tif", + "label": "val/pancreas_codex_509_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_510.tif", + "label": "val/pancreas_codex_510_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_517.tif", + "label": "val/pancreas_codex_517_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_522.tif", + "label": "val/pancreas_codex_522_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_527.tif", + "label": "val/pancreas_codex_527_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_529.tif", + "label": "val/pancreas_codex_529_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_539.tif", + "label": "val/pancreas_codex_539_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_543.tif", + "label": "val/pancreas_codex_543_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_553.tif", + "label": "val/pancreas_codex_553_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_559.tif", + "label": "val/pancreas_codex_559_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_571.tif", + "label": "val/pancreas_codex_571_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_575.tif", + "label": "val/pancreas_codex_575_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_576.tif", + "label": "val/pancreas_codex_576_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_577.tif", + "label": "val/pancreas_codex_577_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_581.tif", + "label": "val/pancreas_codex_581_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_587.tif", + "label": "val/pancreas_codex_587_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_591.tif", + "label": "val/pancreas_codex_591_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_592.tif", + "label": "val/pancreas_codex_592_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_597.tif", + "label": "val/pancreas_codex_597_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_611.tif", + "label": "val/pancreas_codex_611_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_620.tif", + "label": "val/pancreas_codex_620_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_623.tif", + "label": "val/pancreas_codex_623_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_624.tif", + "label": "val/pancreas_codex_624_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_625.tif", + "label": "val/pancreas_codex_625_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_629.tif", + "label": "val/pancreas_codex_629_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_636.tif", + "label": "val/pancreas_codex_636_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_656.tif", + "label": "val/pancreas_codex_656_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_657.tif", + "label": "val/pancreas_codex_657_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_670.tif", + "label": "val/pancreas_codex_670_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_675.tif", + "label": "val/pancreas_codex_675_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_679.tif", + "label": "val/pancreas_codex_679_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_682.tif", + "label": "val/pancreas_codex_682_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_686.tif", + "label": "val/pancreas_codex_686_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_687.tif", + "label": "val/pancreas_codex_687_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_693.tif", + "label": "val/pancreas_codex_693_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_696.tif", + "label": "val/pancreas_codex_696_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_697.tif", + "label": "val/pancreas_codex_697_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_700.tif", + "label": "val/pancreas_codex_700_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_704.tif", + "label": "val/pancreas_codex_704_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_706.tif", + "label": "val/pancreas_codex_706_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_708.tif", + "label": "val/pancreas_codex_708_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_711.tif", + "label": "val/pancreas_codex_711_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_714.tif", + "label": "val/pancreas_codex_714_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_721.tif", + "label": "val/pancreas_codex_721_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_1.tif", + "label": "val/pancreas_vectra_1_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_2.tif", + "label": "val/pancreas_vectra_2_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_6.tif", + "label": "val/pancreas_vectra_6_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_7.tif", + "label": "val/pancreas_vectra_7_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_9.tif", + "label": "val/pancreas_vectra_9_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_10.tif", + "label": "val/pancreas_vectra_10_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_13.tif", + "label": "val/pancreas_vectra_13_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_15.tif", + "label": "val/pancreas_vectra_15_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_2.tif", + "label": "val/pancreas_codex_2_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_6.tif", + "label": "val/pancreas_codex_6_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_18.tif", + "label": "val/pancreas_codex_18_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_30.tif", + "label": "val/pancreas_codex_30_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_36.tif", + "label": "val/pancreas_codex_36_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_42.tif", + "label": "val/pancreas_codex_42_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_46.tif", + "label": "val/pancreas_codex_46_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_52.tif", + "label": "val/pancreas_codex_52_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_58.tif", + "label": "val/pancreas_codex_58_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_70.tif", + "label": "val/pancreas_codex_70_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_78.tif", + "label": "val/pancreas_codex_78_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_83.tif", + "label": "val/pancreas_codex_83_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_93.tif", + "label": "val/pancreas_codex_93_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_94.tif", + "label": "val/pancreas_codex_94_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_97.tif", + "label": "val/pancreas_codex_97_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_98.tif", + "label": "val/pancreas_codex_98_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_99.tif", + "label": "val/pancreas_codex_99_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_102.tif", + "label": "val/pancreas_codex_102_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_105.tif", + "label": "val/pancreas_codex_105_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_106.tif", + "label": "val/pancreas_codex_106_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_110.tif", + "label": "val/pancreas_codex_110_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_115.tif", + "label": "val/pancreas_codex_115_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_122.tif", + "label": "val/pancreas_codex_122_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_128.tif", + "label": "val/pancreas_codex_128_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_133.tif", + "label": "val/pancreas_codex_133_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_142.tif", + "label": "val/pancreas_codex_142_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_153.tif", + "label": "val/pancreas_codex_153_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_156.tif", + "label": "val/pancreas_codex_156_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_157.tif", + "label": "val/pancreas_codex_157_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_158.tif", + "label": "val/pancreas_codex_158_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_164.tif", + "label": "val/pancreas_codex_164_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_168.tif", + "label": "val/pancreas_codex_168_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_177.tif", + "label": "val/pancreas_codex_177_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_186.tif", + "label": "val/pancreas_codex_186_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_192.tif", + "label": "val/pancreas_codex_192_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_200.tif", + "label": "val/pancreas_codex_200_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_203.tif", + "label": "val/pancreas_codex_203_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_204.tif", + "label": "val/pancreas_codex_204_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_213.tif", + "label": "val/pancreas_codex_213_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_217.tif", + "label": "val/pancreas_codex_217_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_220.tif", + "label": "val/pancreas_codex_220_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_221.tif", + "label": "val/pancreas_codex_221_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_225.tif", + "label": "val/pancreas_codex_225_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_227.tif", + "label": "val/pancreas_codex_227_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_228.tif", + "label": "val/pancreas_codex_228_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_232.tif", + "label": "val/pancreas_codex_232_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_236.tif", + "label": "val/pancreas_codex_236_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_237.tif", + "label": "val/pancreas_codex_237_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_239.tif", + "label": "val/pancreas_codex_239_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_244.tif", + "label": "val/pancreas_codex_244_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_246.tif", + "label": "val/pancreas_codex_246_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_249.tif", + "label": "val/pancreas_codex_249_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_250.tif", + "label": "val/pancreas_codex_250_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_258.tif", + "label": "val/pancreas_codex_258_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_260.tif", + "label": "val/pancreas_codex_260_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_267.tif", + "label": "val/pancreas_codex_267_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_272.tif", + "label": "val/pancreas_codex_272_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_283.tif", + "label": "val/pancreas_codex_283_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_284.tif", + "label": "val/pancreas_codex_284_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_291.tif", + "label": "val/pancreas_codex_291_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_292.tif", + "label": "val/pancreas_codex_292_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_295.tif", + "label": "val/pancreas_codex_295_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_304.tif", + "label": "val/pancreas_codex_304_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_306.tif", + "label": "val/pancreas_codex_306_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_312.tif", + "label": "val/pancreas_codex_312_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_328.tif", + "label": "val/pancreas_codex_328_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_337.tif", + "label": "val/pancreas_codex_337_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_340.tif", + "label": "val/pancreas_codex_340_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_343.tif", + "label": "val/pancreas_codex_343_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_347.tif", + "label": "val/pancreas_codex_347_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_351.tif", + "label": "val/pancreas_codex_351_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_359.tif", + "label": "val/pancreas_codex_359_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_360.tif", + "label": "val/pancreas_codex_360_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_362.tif", + "label": "val/pancreas_codex_362_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_363.tif", + "label": "val/pancreas_codex_363_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_365.tif", + "label": "val/pancreas_codex_365_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_366.tif", + "label": "val/pancreas_codex_366_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_377.tif", + "label": "val/pancreas_codex_377_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_389.tif", + "label": "val/pancreas_codex_389_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_394.tif", + "label": "val/pancreas_codex_394_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_395.tif", + "label": "val/pancreas_codex_395_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_396.tif", + "label": "val/pancreas_codex_396_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_397.tif", + "label": "val/pancreas_codex_397_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_399.tif", + "label": "val/pancreas_codex_399_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_406.tif", + "label": "val/pancreas_codex_406_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_411.tif", + "label": "val/pancreas_codex_411_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_412.tif", + "label": "val/pancreas_codex_412_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_415.tif", + "label": "val/pancreas_codex_415_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_432.tif", + "label": "val/pancreas_codex_432_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_445.tif", + "label": "val/pancreas_codex_445_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_448.tif", + "label": "val/pancreas_codex_448_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_472.tif", + "label": "val/pancreas_codex_472_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_481.tif", + "label": "val/pancreas_codex_481_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_482.tif", + "label": "val/pancreas_codex_482_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_486.tif", + "label": "val/pancreas_codex_486_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_487.tif", + "label": "val/pancreas_codex_487_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_493.tif", + "label": "val/pancreas_codex_493_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_494.tif", + "label": "val/pancreas_codex_494_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_506.tif", + "label": "val/pancreas_codex_506_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_507.tif", + "label": "val/pancreas_codex_507_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_511.tif", + "label": "val/pancreas_codex_511_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_512.tif", + "label": "val/pancreas_codex_512_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_518.tif", + "label": "val/pancreas_codex_518_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_523.tif", + "label": "val/pancreas_codex_523_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_526.tif", + "label": "val/pancreas_codex_526_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_528.tif", + "label": "val/pancreas_codex_528_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_533.tif", + "label": "val/pancreas_codex_533_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_540.tif", + "label": "val/pancreas_codex_540_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_544.tif", + "label": "val/pancreas_codex_544_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_546.tif", + "label": "val/pancreas_codex_546_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_550.tif", + "label": "val/pancreas_codex_550_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_551.tif", + "label": "val/pancreas_codex_551_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_560.tif", + "label": "val/pancreas_codex_560_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_563.tif", + "label": "val/pancreas_codex_563_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_567.tif", + "label": "val/pancreas_codex_567_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_573.tif", + "label": "val/pancreas_codex_573_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_584.tif", + "label": "val/pancreas_codex_584_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_598.tif", + "label": "val/pancreas_codex_598_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_605.tif", + "label": "val/pancreas_codex_605_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_608.tif", + "label": "val/pancreas_codex_608_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_610.tif", + "label": "val/pancreas_codex_610_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_613.tif", + "label": "val/pancreas_codex_613_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_614.tif", + "label": "val/pancreas_codex_614_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_618.tif", + "label": "val/pancreas_codex_618_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_619.tif", + "label": "val/pancreas_codex_619_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_622.tif", + "label": "val/pancreas_codex_622_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_628.tif", + "label": "val/pancreas_codex_628_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_630.tif", + "label": "val/pancreas_codex_630_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_635.tif", + "label": "val/pancreas_codex_635_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_637.tif", + "label": "val/pancreas_codex_637_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_641.tif", + "label": "val/pancreas_codex_641_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_643.tif", + "label": "val/pancreas_codex_643_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_650.tif", + "label": "val/pancreas_codex_650_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_661.tif", + "label": "val/pancreas_codex_661_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_669.tif", + "label": "val/pancreas_codex_669_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_677.tif", + "label": "val/pancreas_codex_677_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_680.tif", + "label": "val/pancreas_codex_680_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_681.tif", + "label": "val/pancreas_codex_681_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_689.tif", + "label": "val/pancreas_codex_689_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_694.tif", + "label": "val/pancreas_codex_694_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_698.tif", + "label": "val/pancreas_codex_698_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_699.tif", + "label": "val/pancreas_codex_699_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_717.tif", + "label": "val/pancreas_codex_717_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_722.tif", + "label": "val/pancreas_codex_722_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_723.tif", + "label": "val/pancreas_codex_723_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_724.tif", + "label": "val/pancreas_codex_724_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_730.tif", + "label": "val/pancreas_codex_730_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_731.tif", + "label": "val/pancreas_codex_731_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_5.tif", + "label": "val/pancreas_vectra_5_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_14.tif", + "label": "val/pancreas_vectra_14_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_1.tif", + "label": "val/pancreas_codex_1_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_12.tif", + "label": "val/pancreas_codex_12_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_14.tif", + "label": "val/pancreas_codex_14_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_21.tif", + "label": "val/pancreas_codex_21_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_24.tif", + "label": "val/pancreas_codex_24_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_27.tif", + "label": "val/pancreas_codex_27_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_28.tif", + "label": "val/pancreas_codex_28_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_32.tif", + "label": "val/pancreas_codex_32_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_44.tif", + "label": "val/pancreas_codex_44_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_48.tif", + "label": "val/pancreas_codex_48_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_51.tif", + "label": "val/pancreas_codex_51_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_53.tif", + "label": "val/pancreas_codex_53_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_54.tif", + "label": "val/pancreas_codex_54_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_55.tif", + "label": "val/pancreas_codex_55_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_63.tif", + "label": "val/pancreas_codex_63_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_73.tif", + "label": "val/pancreas_codex_73_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_79.tif", + "label": "val/pancreas_codex_79_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_89.tif", + "label": "val/pancreas_codex_89_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_91.tif", + "label": "val/pancreas_codex_91_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_100.tif", + "label": "val/pancreas_codex_100_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_109.tif", + "label": "val/pancreas_codex_109_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_112.tif", + "label": "val/pancreas_codex_112_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_113.tif", + "label": "val/pancreas_codex_113_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_114.tif", + "label": "val/pancreas_codex_114_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_123.tif", + "label": "val/pancreas_codex_123_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_125.tif", + "label": "val/pancreas_codex_125_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_127.tif", + "label": "val/pancreas_codex_127_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_131.tif", + "label": "val/pancreas_codex_131_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_136.tif", + "label": "val/pancreas_codex_136_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_137.tif", + "label": "val/pancreas_codex_137_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_138.tif", + "label": "val/pancreas_codex_138_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_143.tif", + "label": "val/pancreas_codex_143_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_145.tif", + "label": "val/pancreas_codex_145_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_150.tif", + "label": "val/pancreas_codex_150_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_163.tif", + "label": "val/pancreas_codex_163_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_167.tif", + "label": "val/pancreas_codex_167_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_169.tif", + "label": "val/pancreas_codex_169_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_171.tif", + "label": "val/pancreas_codex_171_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_174.tif", + "label": "val/pancreas_codex_174_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_182.tif", + "label": "val/pancreas_codex_182_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_184.tif", + "label": "val/pancreas_codex_184_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_188.tif", + "label": "val/pancreas_codex_188_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_191.tif", + "label": "val/pancreas_codex_191_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_199.tif", + "label": "val/pancreas_codex_199_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_205.tif", + "label": "val/pancreas_codex_205_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_206.tif", + "label": "val/pancreas_codex_206_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_208.tif", + "label": "val/pancreas_codex_208_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_211.tif", + "label": "val/pancreas_codex_211_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_212.tif", + "label": "val/pancreas_codex_212_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_219.tif", + "label": "val/pancreas_codex_219_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_222.tif", + "label": "val/pancreas_codex_222_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_226.tif", + "label": "val/pancreas_codex_226_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_229.tif", + "label": "val/pancreas_codex_229_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_230.tif", + "label": "val/pancreas_codex_230_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_234.tif", + "label": "val/pancreas_codex_234_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_238.tif", + "label": "val/pancreas_codex_238_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_240.tif", + "label": "val/pancreas_codex_240_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_251.tif", + "label": "val/pancreas_codex_251_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_256.tif", + "label": "val/pancreas_codex_256_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_270.tif", + "label": "val/pancreas_codex_270_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_271.tif", + "label": "val/pancreas_codex_271_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_275.tif", + "label": "val/pancreas_codex_275_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_287.tif", + "label": "val/pancreas_codex_287_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_290.tif", + "label": "val/pancreas_codex_290_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_294.tif", + "label": "val/pancreas_codex_294_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_296.tif", + "label": "val/pancreas_codex_296_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_300.tif", + "label": "val/pancreas_codex_300_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_303.tif", + "label": "val/pancreas_codex_303_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_308.tif", + "label": "val/pancreas_codex_308_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_309.tif", + "label": "val/pancreas_codex_309_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_315.tif", + "label": "val/pancreas_codex_315_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_322.tif", + "label": "val/pancreas_codex_322_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_324.tif", + "label": "val/pancreas_codex_324_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_325.tif", + "label": "val/pancreas_codex_325_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_326.tif", + "label": "val/pancreas_codex_326_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_330.tif", + "label": "val/pancreas_codex_330_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_342.tif", + "label": "val/pancreas_codex_342_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_344.tif", + "label": "val/pancreas_codex_344_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_370.tif", + "label": "val/pancreas_codex_370_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_376.tif", + "label": "val/pancreas_codex_376_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_380.tif", + "label": "val/pancreas_codex_380_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_384.tif", + "label": "val/pancreas_codex_384_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_391.tif", + "label": "val/pancreas_codex_391_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_407.tif", + "label": "val/pancreas_codex_407_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_409.tif", + "label": "val/pancreas_codex_409_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_410.tif", + "label": "val/pancreas_codex_410_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_413.tif", + "label": "val/pancreas_codex_413_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_417.tif", + "label": "val/pancreas_codex_417_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_420.tif", + "label": "val/pancreas_codex_420_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_423.tif", + "label": "val/pancreas_codex_423_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_424.tif", + "label": "val/pancreas_codex_424_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_430.tif", + "label": "val/pancreas_codex_430_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_438.tif", + "label": "val/pancreas_codex_438_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_440.tif", + "label": "val/pancreas_codex_440_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_442.tif", + "label": "val/pancreas_codex_442_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_444.tif", + "label": "val/pancreas_codex_444_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_450.tif", + "label": "val/pancreas_codex_450_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_451.tif", + "label": "val/pancreas_codex_451_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_453.tif", + "label": "val/pancreas_codex_453_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_455.tif", + "label": "val/pancreas_codex_455_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_458.tif", + "label": "val/pancreas_codex_458_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_460.tif", + "label": "val/pancreas_codex_460_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_462.tif", + "label": "val/pancreas_codex_462_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_463.tif", + "label": "val/pancreas_codex_463_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_465.tif", + "label": "val/pancreas_codex_465_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_473.tif", + "label": "val/pancreas_codex_473_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_475.tif", + "label": "val/pancreas_codex_475_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_477.tif", + "label": "val/pancreas_codex_477_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_479.tif", + "label": "val/pancreas_codex_479_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_499.tif", + "label": "val/pancreas_codex_499_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_500.tif", + "label": "val/pancreas_codex_500_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_520.tif", + "label": "val/pancreas_codex_520_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_536.tif", + "label": "val/pancreas_codex_536_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_545.tif", + "label": "val/pancreas_codex_545_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_547.tif", + "label": "val/pancreas_codex_547_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_554.tif", + "label": "val/pancreas_codex_554_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_556.tif", + "label": "val/pancreas_codex_556_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_557.tif", + "label": "val/pancreas_codex_557_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_570.tif", + "label": "val/pancreas_codex_570_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_578.tif", + "label": "val/pancreas_codex_578_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_582.tif", + "label": "val/pancreas_codex_582_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_585.tif", + "label": "val/pancreas_codex_585_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_594.tif", + "label": "val/pancreas_codex_594_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_596.tif", + "label": "val/pancreas_codex_596_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_600.tif", + "label": "val/pancreas_codex_600_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_601.tif", + "label": "val/pancreas_codex_601_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_607.tif", + "label": "val/pancreas_codex_607_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_631.tif", + "label": "val/pancreas_codex_631_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_634.tif", + "label": "val/pancreas_codex_634_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_638.tif", + "label": "val/pancreas_codex_638_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_651.tif", + "label": "val/pancreas_codex_651_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_652.tif", + "label": "val/pancreas_codex_652_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_654.tif", + "label": "val/pancreas_codex_654_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_660.tif", + "label": "val/pancreas_codex_660_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_662.tif", + "label": "val/pancreas_codex_662_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_663.tif", + "label": "val/pancreas_codex_663_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_664.tif", + "label": "val/pancreas_codex_664_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_667.tif", + "label": "val/pancreas_codex_667_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_672.tif", + "label": "val/pancreas_codex_672_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_676.tif", + "label": "val/pancreas_codex_676_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_678.tif", + "label": "val/pancreas_codex_678_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_709.tif", + "label": "val/pancreas_codex_709_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_713.tif", + "label": "val/pancreas_codex_713_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_726.tif", + "label": "val/pancreas_codex_726_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_727.tif", + "label": "val/pancreas_codex_727_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_728.tif", + "label": "val/pancreas_codex_728_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_729.tif", + "label": "val/pancreas_codex_729_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_4.tif", + "label": "val/pancreas_vectra_4_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_18.tif", + "label": "val/pancreas_vectra_18_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_19.tif", + "label": "val/pancreas_vectra_19_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_7.tif", + "label": "val/pancreas_codex_7_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_10.tif", + "label": "val/pancreas_codex_10_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_15.tif", + "label": "val/pancreas_codex_15_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_20.tif", + "label": "val/pancreas_codex_20_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_22.tif", + "label": "val/pancreas_codex_22_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_25.tif", + "label": "val/pancreas_codex_25_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_26.tif", + "label": "val/pancreas_codex_26_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_37.tif", + "label": "val/pancreas_codex_37_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_43.tif", + "label": "val/pancreas_codex_43_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_64.tif", + "label": "val/pancreas_codex_64_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_71.tif", + "label": "val/pancreas_codex_71_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_72.tif", + "label": "val/pancreas_codex_72_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_75.tif", + "label": "val/pancreas_codex_75_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_77.tif", + "label": "val/pancreas_codex_77_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_86.tif", + "label": "val/pancreas_codex_86_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_87.tif", + "label": "val/pancreas_codex_87_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_96.tif", + "label": "val/pancreas_codex_96_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_126.tif", + "label": "val/pancreas_codex_126_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_129.tif", + "label": "val/pancreas_codex_129_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_130.tif", + "label": "val/pancreas_codex_130_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_140.tif", + "label": "val/pancreas_codex_140_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_141.tif", + "label": "val/pancreas_codex_141_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_144.tif", + "label": "val/pancreas_codex_144_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_149.tif", + "label": "val/pancreas_codex_149_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_151.tif", + "label": "val/pancreas_codex_151_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_152.tif", + "label": "val/pancreas_codex_152_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_155.tif", + "label": "val/pancreas_codex_155_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_166.tif", + "label": "val/pancreas_codex_166_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_170.tif", + "label": "val/pancreas_codex_170_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_176.tif", + "label": "val/pancreas_codex_176_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_178.tif", + "label": "val/pancreas_codex_178_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_183.tif", + "label": "val/pancreas_codex_183_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_190.tif", + "label": "val/pancreas_codex_190_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_193.tif", + "label": "val/pancreas_codex_193_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_196.tif", + "label": "val/pancreas_codex_196_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_198.tif", + "label": "val/pancreas_codex_198_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_209.tif", + "label": "val/pancreas_codex_209_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_210.tif", + "label": "val/pancreas_codex_210_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_215.tif", + "label": "val/pancreas_codex_215_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_231.tif", + "label": "val/pancreas_codex_231_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_235.tif", + "label": "val/pancreas_codex_235_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_243.tif", + "label": "val/pancreas_codex_243_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_252.tif", + "label": "val/pancreas_codex_252_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_253.tif", + "label": "val/pancreas_codex_253_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_254.tif", + "label": "val/pancreas_codex_254_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_263.tif", + "label": "val/pancreas_codex_263_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_264.tif", + "label": "val/pancreas_codex_264_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_266.tif", + "label": "val/pancreas_codex_266_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_269.tif", + "label": "val/pancreas_codex_269_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_276.tif", + "label": "val/pancreas_codex_276_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_278.tif", + "label": "val/pancreas_codex_278_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_279.tif", + "label": "val/pancreas_codex_279_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_281.tif", + "label": "val/pancreas_codex_281_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_282.tif", + "label": "val/pancreas_codex_282_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_288.tif", + "label": "val/pancreas_codex_288_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_297.tif", + "label": "val/pancreas_codex_297_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_302.tif", + "label": "val/pancreas_codex_302_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_313.tif", + "label": "val/pancreas_codex_313_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_316.tif", + "label": "val/pancreas_codex_316_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_317.tif", + "label": "val/pancreas_codex_317_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_319.tif", + "label": "val/pancreas_codex_319_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_321.tif", + "label": "val/pancreas_codex_321_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_327.tif", + "label": "val/pancreas_codex_327_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_332.tif", + "label": "val/pancreas_codex_332_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_336.tif", + "label": "val/pancreas_codex_336_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_338.tif", + "label": "val/pancreas_codex_338_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_348.tif", + "label": "val/pancreas_codex_348_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_356.tif", + "label": "val/pancreas_codex_356_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_357.tif", + "label": "val/pancreas_codex_357_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_367.tif", + "label": "val/pancreas_codex_367_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_369.tif", + "label": "val/pancreas_codex_369_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_381.tif", + "label": "val/pancreas_codex_381_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_387.tif", + "label": "val/pancreas_codex_387_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_390.tif", + "label": "val/pancreas_codex_390_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_393.tif", + "label": "val/pancreas_codex_393_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_398.tif", + "label": "val/pancreas_codex_398_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_401.tif", + "label": "val/pancreas_codex_401_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_405.tif", + "label": "val/pancreas_codex_405_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_416.tif", + "label": "val/pancreas_codex_416_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_418.tif", + "label": "val/pancreas_codex_418_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_431.tif", + "label": "val/pancreas_codex_431_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_454.tif", + "label": "val/pancreas_codex_454_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_456.tif", + "label": "val/pancreas_codex_456_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_461.tif", + "label": "val/pancreas_codex_461_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_466.tif", + "label": "val/pancreas_codex_466_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_468.tif", + "label": "val/pancreas_codex_468_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_469.tif", + "label": "val/pancreas_codex_469_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_470.tif", + "label": "val/pancreas_codex_470_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_471.tif", + "label": "val/pancreas_codex_471_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_476.tif", + "label": "val/pancreas_codex_476_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_478.tif", + "label": "val/pancreas_codex_478_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_485.tif", + "label": "val/pancreas_codex_485_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_489.tif", + "label": "val/pancreas_codex_489_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_490.tif", + "label": "val/pancreas_codex_490_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_492.tif", + "label": "val/pancreas_codex_492_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_497.tif", + "label": "val/pancreas_codex_497_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_503.tif", + "label": "val/pancreas_codex_503_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_505.tif", + "label": "val/pancreas_codex_505_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_508.tif", + "label": "val/pancreas_codex_508_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_513.tif", + "label": "val/pancreas_codex_513_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_514.tif", + "label": "val/pancreas_codex_514_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_515.tif", + "label": "val/pancreas_codex_515_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_532.tif", + "label": "val/pancreas_codex_532_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_534.tif", + "label": "val/pancreas_codex_534_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_542.tif", + "label": "val/pancreas_codex_542_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_548.tif", + "label": "val/pancreas_codex_548_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_561.tif", + "label": "val/pancreas_codex_561_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_562.tif", + "label": "val/pancreas_codex_562_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_564.tif", + "label": "val/pancreas_codex_564_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_566.tif", + "label": "val/pancreas_codex_566_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_568.tif", + "label": "val/pancreas_codex_568_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_569.tif", + "label": "val/pancreas_codex_569_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_572.tif", + "label": "val/pancreas_codex_572_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_580.tif", + "label": "val/pancreas_codex_580_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_583.tif", + "label": "val/pancreas_codex_583_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_586.tif", + "label": "val/pancreas_codex_586_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_588.tif", + "label": "val/pancreas_codex_588_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_595.tif", + "label": "val/pancreas_codex_595_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_606.tif", + "label": "val/pancreas_codex_606_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_609.tif", + "label": "val/pancreas_codex_609_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_612.tif", + "label": "val/pancreas_codex_612_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_615.tif", + "label": "val/pancreas_codex_615_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_616.tif", + "label": "val/pancreas_codex_616_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_621.tif", + "label": "val/pancreas_codex_621_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_627.tif", + "label": "val/pancreas_codex_627_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_633.tif", + "label": "val/pancreas_codex_633_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_640.tif", + "label": "val/pancreas_codex_640_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_642.tif", + "label": "val/pancreas_codex_642_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_644.tif", + "label": "val/pancreas_codex_644_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_645.tif", + "label": "val/pancreas_codex_645_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_648.tif", + "label": "val/pancreas_codex_648_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_653.tif", + "label": "val/pancreas_codex_653_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_655.tif", + "label": "val/pancreas_codex_655_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_665.tif", + "label": "val/pancreas_codex_665_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_668.tif", + "label": "val/pancreas_codex_668_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_674.tif", + "label": "val/pancreas_codex_674_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_684.tif", + "label": "val/pancreas_codex_684_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_692.tif", + "label": "val/pancreas_codex_692_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_695.tif", + "label": "val/pancreas_codex_695_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_701.tif", + "label": "val/pancreas_codex_701_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_702.tif", + "label": "val/pancreas_codex_702_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_703.tif", + "label": "val/pancreas_codex_703_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_705.tif", + "label": "val/pancreas_codex_705_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_707.tif", + "label": "val/pancreas_codex_707_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_710.tif", + "label": "val/pancreas_codex_710_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_712.tif", + "label": "val/pancreas_codex_712_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_715.tif", + "label": "val/pancreas_codex_715_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_720.tif", + "label": "val/pancreas_codex_720_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_codex_725.tif", + "label": "val/pancreas_codex_725_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_11.tif", + "label": "val/pancreas_vectra_11_masks.tif", + "fold": 0 + }, + { + "image": "train/pancreas_codex_1_0.tif", + "label": "train/pancreas_codex_1_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_1_2.tif", + "label": "train/pancreas_codex_1_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_4_0.tif", + "label": "train/pancreas_codex_4_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_4_1.tif", + "label": "train/pancreas_codex_4_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_10_0.tif", + "label": "train/pancreas_codex_10_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_11_3.tif", + "label": "train/pancreas_codex_11_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_12_2.tif", + "label": "train/pancreas_codex_12_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_13_2.tif", + "label": "train/pancreas_codex_13_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_14_0.tif", + "label": "train/pancreas_codex_14_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_14_2.tif", + "label": "train/pancreas_codex_14_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_16_1.tif", + "label": "train/pancreas_codex_16_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_18_3.tif", + "label": "train/pancreas_codex_18_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_20_1.tif", + "label": "train/pancreas_codex_20_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_23_1.tif", + "label": "train/pancreas_codex_23_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_25_2.tif", + "label": "train/pancreas_codex_25_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_26_3.tif", + "label": "train/pancreas_codex_26_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_27_0.tif", + "label": "train/pancreas_codex_27_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_27_3.tif", + "label": "train/pancreas_codex_27_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_29_3.tif", + "label": "train/pancreas_codex_29_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_30_0.tif", + "label": "train/pancreas_codex_30_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_30_3.tif", + "label": "train/pancreas_codex_30_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_31_0.tif", + "label": "train/pancreas_codex_31_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_31_2.tif", + "label": "train/pancreas_codex_31_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_32_2.tif", + "label": "train/pancreas_codex_32_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_33_2.tif", + "label": "train/pancreas_codex_33_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_41_1.tif", + "label": "train/pancreas_codex_41_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_42_1.tif", + "label": "train/pancreas_codex_42_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_42_3.tif", + "label": "train/pancreas_codex_42_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_44_1.tif", + "label": "train/pancreas_codex_44_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_46_2.tif", + "label": "train/pancreas_codex_46_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_48_0.tif", + "label": "train/pancreas_codex_48_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_48_2.tif", + "label": "train/pancreas_codex_48_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_48_3.tif", + "label": "train/pancreas_codex_48_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_50_1.tif", + "label": "train/pancreas_codex_50_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_51_1.tif", + "label": "train/pancreas_codex_51_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_52_0.tif", + "label": "train/pancreas_codex_52_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_54_0.tif", + "label": "train/pancreas_codex_54_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_57_0.tif", + "label": "train/pancreas_codex_57_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_57_3.tif", + "label": "train/pancreas_codex_57_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_59_0.tif", + "label": "train/pancreas_codex_59_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_60_1.tif", + "label": "train/pancreas_codex_60_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_60_2.tif", + "label": "train/pancreas_codex_60_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_63_3.tif", + "label": "train/pancreas_codex_63_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_64_2.tif", + "label": "train/pancreas_codex_64_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_67_2.tif", + "label": "train/pancreas_codex_67_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_68_3.tif", + "label": "train/pancreas_codex_68_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_70_0.tif", + "label": "train/pancreas_codex_70_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_70_2.tif", + "label": "train/pancreas_codex_70_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_71_1.tif", + "label": "train/pancreas_codex_71_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_71_3.tif", + "label": "train/pancreas_codex_71_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_73_0.tif", + "label": "train/pancreas_codex_73_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_74_1.tif", + "label": "train/pancreas_codex_74_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_76_0.tif", + "label": "train/pancreas_codex_76_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_76_2.tif", + "label": "train/pancreas_codex_76_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_78_2.tif", + "label": "train/pancreas_codex_78_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_80_1.tif", + "label": "train/pancreas_codex_80_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_82_1.tif", + "label": "train/pancreas_codex_82_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_83_3.tif", + "label": "train/pancreas_codex_83_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_85_0.tif", + "label": "train/pancreas_codex_85_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_87_0.tif", + "label": "train/pancreas_codex_87_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_91_2.tif", + "label": "train/pancreas_codex_91_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_91_3.tif", + "label": "train/pancreas_codex_91_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_92_0.tif", + "label": "train/pancreas_codex_92_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_92_2.tif", + "label": "train/pancreas_codex_92_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_99_0.tif", + "label": "train/pancreas_codex_99_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_99_1.tif", + "label": "train/pancreas_codex_99_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_100_3.tif", + "label": "train/pancreas_codex_100_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_103_3.tif", + "label": "train/pancreas_codex_103_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_105_1.tif", + "label": "train/pancreas_codex_105_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_106_1.tif", + "label": "train/pancreas_codex_106_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_107_0.tif", + "label": "train/pancreas_codex_107_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_108_0.tif", + "label": "train/pancreas_codex_108_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_109_3.tif", + "label": "train/pancreas_codex_109_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_110_0.tif", + "label": "train/pancreas_codex_110_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_110_2.tif", + "label": "train/pancreas_codex_110_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_110_3.tif", + "label": "train/pancreas_codex_110_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_111_0.tif", + "label": "train/pancreas_codex_111_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_113_1.tif", + "label": "train/pancreas_codex_113_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_116_0.tif", + "label": "train/pancreas_codex_116_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_117_0.tif", + "label": "train/pancreas_codex_117_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_119_1.tif", + "label": "train/pancreas_codex_119_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_120_0.tif", + "label": "train/pancreas_codex_120_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_120_1.tif", + "label": "train/pancreas_codex_120_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_121_2.tif", + "label": "train/pancreas_codex_121_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_121_3.tif", + "label": "train/pancreas_codex_121_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_123_3.tif", + "label": "train/pancreas_codex_123_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_124_3.tif", + "label": "train/pancreas_codex_124_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_127_0.tif", + "label": "train/pancreas_codex_127_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_128_2.tif", + "label": "train/pancreas_codex_128_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_129_1.tif", + "label": "train/pancreas_codex_129_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_130_1.tif", + "label": "train/pancreas_codex_130_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_131_1.tif", + "label": "train/pancreas_codex_131_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_131_3.tif", + "label": "train/pancreas_codex_131_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_133_3.tif", + "label": "train/pancreas_codex_133_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_135_0.tif", + "label": "train/pancreas_codex_135_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_136_0.tif", + "label": "train/pancreas_codex_136_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_138_1.tif", + "label": "train/pancreas_codex_138_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_138_3.tif", + "label": "train/pancreas_codex_138_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_139_1.tif", + "label": "train/pancreas_codex_139_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_139_3.tif", + "label": "train/pancreas_codex_139_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_140_0.tif", + "label": "train/pancreas_codex_140_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_140_1.tif", + "label": "train/pancreas_codex_140_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_140_3.tif", + "label": "train/pancreas_codex_140_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_142_1.tif", + "label": "train/pancreas_codex_142_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_143_0.tif", + "label": "train/pancreas_codex_143_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_144_3.tif", + "label": "train/pancreas_codex_144_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_146_2.tif", + "label": "train/pancreas_codex_146_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_146_3.tif", + "label": "train/pancreas_codex_146_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_147_1.tif", + "label": "train/pancreas_codex_147_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_148_0.tif", + "label": "train/pancreas_codex_148_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_149_2.tif", + "label": "train/pancreas_codex_149_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_150_2.tif", + "label": "train/pancreas_codex_150_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_151_3.tif", + "label": "train/pancreas_codex_151_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_152_0.tif", + "label": "train/pancreas_codex_152_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_152_2.tif", + "label": "train/pancreas_codex_152_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_153_0.tif", + "label": "train/pancreas_codex_153_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_153_1.tif", + "label": "train/pancreas_codex_153_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_155_0.tif", + "label": "train/pancreas_codex_155_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_155_3.tif", + "label": "train/pancreas_codex_155_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_159_0.tif", + "label": "train/pancreas_codex_159_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_159_2.tif", + "label": "train/pancreas_codex_159_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_159_3.tif", + "label": "train/pancreas_codex_159_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_160_2.tif", + "label": "train/pancreas_codex_160_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_161_0.tif", + "label": "train/pancreas_codex_161_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_161_1.tif", + "label": "train/pancreas_codex_161_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_162_2.tif", + "label": "train/pancreas_codex_162_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_163_2.tif", + "label": "train/pancreas_codex_163_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_163_3.tif", + "label": "train/pancreas_codex_163_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_165_0.tif", + "label": "train/pancreas_codex_165_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_166_0.tif", + "label": "train/pancreas_codex_166_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_167_3.tif", + "label": "train/pancreas_codex_167_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_168_2.tif", + "label": "train/pancreas_codex_168_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_168_3.tif", + "label": "train/pancreas_codex_168_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_169_3.tif", + "label": "train/pancreas_codex_169_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_170_3.tif", + "label": "train/pancreas_codex_170_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_171_1.tif", + "label": "train/pancreas_codex_171_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_173_1.tif", + "label": "train/pancreas_codex_173_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_174_1.tif", + "label": "train/pancreas_codex_174_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_175_0.tif", + "label": "train/pancreas_codex_175_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_176_1.tif", + "label": "train/pancreas_codex_176_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_181_0.tif", + "label": "train/pancreas_codex_181_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_182_2.tif", + "label": "train/pancreas_codex_182_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_184_0.tif", + "label": "train/pancreas_codex_184_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_184_1.tif", + "label": "train/pancreas_codex_184_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_185_3.tif", + "label": "train/pancreas_codex_185_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_186_1.tif", + "label": "train/pancreas_codex_186_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_187_1.tif", + "label": "train/pancreas_codex_187_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_189_0.tif", + "label": "train/pancreas_codex_189_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_189_1.tif", + "label": "train/pancreas_codex_189_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_190_0.tif", + "label": "train/pancreas_codex_190_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_190_1.tif", + "label": "train/pancreas_codex_190_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_190_3.tif", + "label": "train/pancreas_codex_190_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_191_0.tif", + "label": "train/pancreas_codex_191_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_191_3.tif", + "label": "train/pancreas_codex_191_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_192_0.tif", + "label": "train/pancreas_codex_192_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_193_0.tif", + "label": "train/pancreas_codex_193_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_196_1.tif", + "label": "train/pancreas_codex_196_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_197_2.tif", + "label": "train/pancreas_codex_197_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_197_3.tif", + "label": "train/pancreas_codex_197_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_200_2.tif", + "label": "train/pancreas_codex_200_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_201_3.tif", + "label": "train/pancreas_codex_201_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_203_0.tif", + "label": "train/pancreas_codex_203_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_206_1.tif", + "label": "train/pancreas_codex_206_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_207_1.tif", + "label": "train/pancreas_codex_207_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_209_0.tif", + "label": "train/pancreas_codex_209_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_209_3.tif", + "label": "train/pancreas_codex_209_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_210_0.tif", + "label": "train/pancreas_codex_210_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_211_2.tif", + "label": "train/pancreas_codex_211_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_212_3.tif", + "label": "train/pancreas_codex_212_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_213_0.tif", + "label": "train/pancreas_codex_213_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_214_3.tif", + "label": "train/pancreas_codex_214_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_216_2.tif", + "label": "train/pancreas_codex_216_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_217_2.tif", + "label": "train/pancreas_codex_217_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_220_0.tif", + "label": "train/pancreas_codex_220_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_222_3.tif", + "label": "train/pancreas_codex_222_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_223_1.tif", + "label": "train/pancreas_codex_223_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_223_3.tif", + "label": "train/pancreas_codex_223_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_224_2.tif", + "label": "train/pancreas_codex_224_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_224_3.tif", + "label": "train/pancreas_codex_224_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_225_0.tif", + "label": "train/pancreas_codex_225_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_227_3.tif", + "label": "train/pancreas_codex_227_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_229_0.tif", + "label": "train/pancreas_codex_229_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_229_1.tif", + "label": "train/pancreas_codex_229_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_230_1.tif", + "label": "train/pancreas_codex_230_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_231_3.tif", + "label": "train/pancreas_codex_231_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_233_2.tif", + "label": "train/pancreas_codex_233_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_235_3.tif", + "label": "train/pancreas_codex_235_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_237_0.tif", + "label": "train/pancreas_codex_237_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_238_2.tif", + "label": "train/pancreas_codex_238_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_238_3.tif", + "label": "train/pancreas_codex_238_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_242_2.tif", + "label": "train/pancreas_codex_242_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_243_3.tif", + "label": "train/pancreas_codex_243_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_244_1.tif", + "label": "train/pancreas_codex_244_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_245_2.tif", + "label": "train/pancreas_codex_245_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_246_0.tif", + "label": "train/pancreas_codex_246_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_248_1.tif", + "label": "train/pancreas_codex_248_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_248_3.tif", + "label": "train/pancreas_codex_248_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_250_0.tif", + "label": "train/pancreas_codex_250_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_253_0.tif", + "label": "train/pancreas_codex_253_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_255_0.tif", + "label": "train/pancreas_codex_255_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_256_2.tif", + "label": "train/pancreas_codex_256_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_256_3.tif", + "label": "train/pancreas_codex_256_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_258_2.tif", + "label": "train/pancreas_codex_258_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_259_0.tif", + "label": "train/pancreas_codex_259_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_259_1.tif", + "label": "train/pancreas_codex_259_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_260_3.tif", + "label": "train/pancreas_codex_260_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_261_1.tif", + "label": "train/pancreas_codex_261_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_263_1.tif", + "label": "train/pancreas_codex_263_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_263_2.tif", + "label": "train/pancreas_codex_263_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_264_3.tif", + "label": "train/pancreas_codex_264_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_267_0.tif", + "label": "train/pancreas_codex_267_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_267_2.tif", + "label": "train/pancreas_codex_267_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_270_2.tif", + "label": "train/pancreas_codex_270_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_271_0.tif", + "label": "train/pancreas_codex_271_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_275_2.tif", + "label": "train/pancreas_codex_275_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_277_1.tif", + "label": "train/pancreas_codex_277_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_278_2.tif", + "label": "train/pancreas_codex_278_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_278_3.tif", + "label": "train/pancreas_codex_278_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_280_2.tif", + "label": "train/pancreas_codex_280_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_280_3.tif", + "label": "train/pancreas_codex_280_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_281_0.tif", + "label": "train/pancreas_codex_281_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_282_1.tif", + "label": "train/pancreas_codex_282_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_282_3.tif", + "label": "train/pancreas_codex_282_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_283_3.tif", + "label": "train/pancreas_codex_283_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_285_1.tif", + "label": "train/pancreas_codex_285_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_286_2.tif", + "label": "train/pancreas_codex_286_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_289_0.tif", + "label": "train/pancreas_codex_289_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_289_1.tif", + "label": "train/pancreas_codex_289_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_290_3.tif", + "label": "train/pancreas_codex_290_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_291_1.tif", + "label": "train/pancreas_codex_291_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_291_3.tif", + "label": "train/pancreas_codex_291_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_293_0.tif", + "label": "train/pancreas_codex_293_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_294_0.tif", + "label": "train/pancreas_codex_294_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_294_1.tif", + "label": "train/pancreas_codex_294_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_295_1.tif", + "label": "train/pancreas_codex_295_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_295_3.tif", + "label": "train/pancreas_codex_295_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_296_2.tif", + "label": "train/pancreas_codex_296_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_297_0.tif", + "label": "train/pancreas_codex_297_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_298_1.tif", + "label": "train/pancreas_codex_298_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_298_3.tif", + "label": "train/pancreas_codex_298_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_299_0.tif", + "label": "train/pancreas_codex_299_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_301_0.tif", + "label": "train/pancreas_codex_301_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_301_1.tif", + "label": "train/pancreas_codex_301_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_302_0.tif", + "label": "train/pancreas_codex_302_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_303_3.tif", + "label": "train/pancreas_codex_303_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_304_2.tif", + "label": "train/pancreas_codex_304_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_305_1.tif", + "label": "train/pancreas_codex_305_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_307_2.tif", + "label": "train/pancreas_codex_307_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_308_1.tif", + "label": "train/pancreas_codex_308_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_309_0.tif", + "label": "train/pancreas_codex_309_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_312_0.tif", + "label": "train/pancreas_codex_312_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_316_1.tif", + "label": "train/pancreas_codex_316_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_317_0.tif", + "label": "train/pancreas_codex_317_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_317_1.tif", + "label": "train/pancreas_codex_317_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_317_3.tif", + "label": "train/pancreas_codex_317_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_318_0.tif", + "label": "train/pancreas_codex_318_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_319_0.tif", + "label": "train/pancreas_codex_319_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_320_3.tif", + "label": "train/pancreas_codex_320_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_321_3.tif", + "label": "train/pancreas_codex_321_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_322_2.tif", + "label": "train/pancreas_codex_322_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_324_0.tif", + "label": "train/pancreas_codex_324_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_324_1.tif", + "label": "train/pancreas_codex_324_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_324_3.tif", + "label": "train/pancreas_codex_324_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_325_1.tif", + "label": "train/pancreas_codex_325_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_326_0.tif", + "label": "train/pancreas_codex_326_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_329_0.tif", + "label": "train/pancreas_codex_329_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_329_2.tif", + "label": "train/pancreas_codex_329_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_330_3.tif", + "label": "train/pancreas_codex_330_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_331_1.tif", + "label": "train/pancreas_codex_331_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_333_1.tif", + "label": "train/pancreas_codex_333_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_333_2.tif", + "label": "train/pancreas_codex_333_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_334_2.tif", + "label": "train/pancreas_codex_334_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_335_3.tif", + "label": "train/pancreas_codex_335_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_337_0.tif", + "label": "train/pancreas_codex_337_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_337_1.tif", + "label": "train/pancreas_codex_337_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_342_1.tif", + "label": "train/pancreas_codex_342_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_342_2.tif", + "label": "train/pancreas_codex_342_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_343_1.tif", + "label": "train/pancreas_codex_343_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_343_3.tif", + "label": "train/pancreas_codex_343_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_344_2.tif", + "label": "train/pancreas_codex_344_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_345_0.tif", + "label": "train/pancreas_codex_345_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_345_1.tif", + "label": "train/pancreas_codex_345_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_346_2.tif", + "label": "train/pancreas_codex_346_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_349_2.tif", + "label": "train/pancreas_codex_349_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_350_1.tif", + "label": "train/pancreas_codex_350_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_350_3.tif", + "label": "train/pancreas_codex_350_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_351_2.tif", + "label": "train/pancreas_codex_351_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_352_0.tif", + "label": "train/pancreas_codex_352_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_353_3.tif", + "label": "train/pancreas_codex_353_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_354_1.tif", + "label": "train/pancreas_codex_354_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_356_2.tif", + "label": "train/pancreas_codex_356_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_356_3.tif", + "label": "train/pancreas_codex_356_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_357_1.tif", + "label": "train/pancreas_codex_357_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_358_0.tif", + "label": "train/pancreas_codex_358_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_359_2.tif", + "label": "train/pancreas_codex_359_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_360_2.tif", + "label": "train/pancreas_codex_360_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_360_3.tif", + "label": "train/pancreas_codex_360_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_362_0.tif", + "label": "train/pancreas_codex_362_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_362_2.tif", + "label": "train/pancreas_codex_362_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_363_2.tif", + "label": "train/pancreas_codex_363_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_364_0.tif", + "label": "train/pancreas_codex_364_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_364_3.tif", + "label": "train/pancreas_codex_364_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_365_2.tif", + "label": "train/pancreas_codex_365_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_367_0.tif", + "label": "train/pancreas_codex_367_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_367_2.tif", + "label": "train/pancreas_codex_367_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_368_3.tif", + "label": "train/pancreas_codex_368_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_369_0.tif", + "label": "train/pancreas_codex_369_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_370_0.tif", + "label": "train/pancreas_codex_370_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_371_3.tif", + "label": "train/pancreas_codex_371_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_372_0.tif", + "label": "train/pancreas_codex_372_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_373_2.tif", + "label": "train/pancreas_codex_373_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_375_1.tif", + "label": "train/pancreas_codex_375_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_375_2.tif", + "label": "train/pancreas_codex_375_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_377_0.tif", + "label": "train/pancreas_codex_377_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_378_0.tif", + "label": "train/pancreas_codex_378_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_379_2.tif", + "label": "train/pancreas_codex_379_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_381_0.tif", + "label": "train/pancreas_codex_381_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_384_3.tif", + "label": "train/pancreas_codex_384_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_385_3.tif", + "label": "train/pancreas_codex_385_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_386_1.tif", + "label": "train/pancreas_codex_386_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_387_2.tif", + "label": "train/pancreas_codex_387_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_388_1.tif", + "label": "train/pancreas_codex_388_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_388_3.tif", + "label": "train/pancreas_codex_388_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_389_3.tif", + "label": "train/pancreas_codex_389_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_392_1.tif", + "label": "train/pancreas_codex_392_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_393_1.tif", + "label": "train/pancreas_codex_393_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_396_2.tif", + "label": "train/pancreas_codex_396_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_398_3.tif", + "label": "train/pancreas_codex_398_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_401_1.tif", + "label": "train/pancreas_codex_401_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_402_2.tif", + "label": "train/pancreas_codex_402_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_402_3.tif", + "label": "train/pancreas_codex_402_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_403_1.tif", + "label": "train/pancreas_codex_403_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_403_2.tif", + "label": "train/pancreas_codex_403_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_405_1.tif", + "label": "train/pancreas_codex_405_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_407_3.tif", + "label": "train/pancreas_codex_407_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_409_0.tif", + "label": "train/pancreas_codex_409_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_410_1.tif", + "label": "train/pancreas_codex_410_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_411_2.tif", + "label": "train/pancreas_codex_411_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_413_2.tif", + "label": "train/pancreas_codex_413_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_413_3.tif", + "label": "train/pancreas_codex_413_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_414_1.tif", + "label": "train/pancreas_codex_414_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_418_1.tif", + "label": "train/pancreas_codex_418_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_418_2.tif", + "label": "train/pancreas_codex_418_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_420_1.tif", + "label": "train/pancreas_codex_420_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_420_2.tif", + "label": "train/pancreas_codex_420_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_422_0.tif", + "label": "train/pancreas_codex_422_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_423_3.tif", + "label": "train/pancreas_codex_423_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_426_0.tif", + "label": "train/pancreas_codex_426_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_427_0.tif", + "label": "train/pancreas_codex_427_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_427_1.tif", + "label": "train/pancreas_codex_427_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_427_3.tif", + "label": "train/pancreas_codex_427_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_428_1.tif", + "label": "train/pancreas_codex_428_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_429_3.tif", + "label": "train/pancreas_codex_429_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_432_1.tif", + "label": "train/pancreas_codex_432_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_435_3.tif", + "label": "train/pancreas_codex_435_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_437_0.tif", + "label": "train/pancreas_codex_437_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_437_1.tif", + "label": "train/pancreas_codex_437_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_439_2.tif", + "label": "train/pancreas_codex_439_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_439_3.tif", + "label": "train/pancreas_codex_439_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_442_1.tif", + "label": "train/pancreas_codex_442_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_442_2.tif", + "label": "train/pancreas_codex_442_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_443_1.tif", + "label": "train/pancreas_codex_443_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_444_2.tif", + "label": "train/pancreas_codex_444_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_445_0.tif", + "label": "train/pancreas_codex_445_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_445_1.tif", + "label": "train/pancreas_codex_445_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_451_0.tif", + "label": "train/pancreas_codex_451_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_452_2.tif", + "label": "train/pancreas_codex_452_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_452_3.tif", + "label": "train/pancreas_codex_452_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_454_1.tif", + "label": "train/pancreas_codex_454_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_454_3.tif", + "label": "train/pancreas_codex_454_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_455_3.tif", + "label": "train/pancreas_codex_455_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_456_3.tif", + "label": "train/pancreas_codex_456_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_458_1.tif", + "label": "train/pancreas_codex_458_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_460_1.tif", + "label": "train/pancreas_codex_460_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_462_0.tif", + "label": "train/pancreas_codex_462_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_462_2.tif", + "label": "train/pancreas_codex_462_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_462_3.tif", + "label": "train/pancreas_codex_462_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_464_1.tif", + "label": "train/pancreas_codex_464_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_464_2.tif", + "label": "train/pancreas_codex_464_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_465_0.tif", + "label": "train/pancreas_codex_465_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_465_3.tif", + "label": "train/pancreas_codex_465_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_466_0.tif", + "label": "train/pancreas_codex_466_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_468_3.tif", + "label": "train/pancreas_codex_468_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_474_1.tif", + "label": "train/pancreas_codex_474_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_474_3.tif", + "label": "train/pancreas_codex_474_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_475_0.tif", + "label": "train/pancreas_codex_475_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_475_1.tif", + "label": "train/pancreas_codex_475_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_475_2.tif", + "label": "train/pancreas_codex_475_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_477_0.tif", + "label": "train/pancreas_codex_477_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_478_1.tif", + "label": "train/pancreas_codex_478_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_480_2.tif", + "label": "train/pancreas_codex_480_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_481_0.tif", + "label": "train/pancreas_codex_481_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_482_2.tif", + "label": "train/pancreas_codex_482_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_482_3.tif", + "label": "train/pancreas_codex_482_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_483_1.tif", + "label": "train/pancreas_codex_483_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_484_1.tif", + "label": "train/pancreas_codex_484_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_485_1.tif", + "label": "train/pancreas_codex_485_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_486_1.tif", + "label": "train/pancreas_codex_486_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_486_2.tif", + "label": "train/pancreas_codex_486_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_487_0.tif", + "label": "train/pancreas_codex_487_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_488_3.tif", + "label": "train/pancreas_codex_488_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_492_2.tif", + "label": "train/pancreas_codex_492_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_493_2.tif", + "label": "train/pancreas_codex_493_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_495_0.tif", + "label": "train/pancreas_codex_495_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_496_3.tif", + "label": "train/pancreas_codex_496_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_500_2.tif", + "label": "train/pancreas_codex_500_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_502_3.tif", + "label": "train/pancreas_codex_502_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_506_2.tif", + "label": "train/pancreas_codex_506_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_508_3.tif", + "label": "train/pancreas_codex_508_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_509_2.tif", + "label": "train/pancreas_codex_509_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_509_3.tif", + "label": "train/pancreas_codex_509_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_510_1.tif", + "label": "train/pancreas_codex_510_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_511_1.tif", + "label": "train/pancreas_codex_511_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_514_3.tif", + "label": "train/pancreas_codex_514_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_516_3.tif", + "label": "train/pancreas_codex_516_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_518_3.tif", + "label": "train/pancreas_codex_518_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_519_1.tif", + "label": "train/pancreas_codex_519_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_520_2.tif", + "label": "train/pancreas_codex_520_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_522_2.tif", + "label": "train/pancreas_codex_522_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_523_2.tif", + "label": "train/pancreas_codex_523_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_524_1.tif", + "label": "train/pancreas_codex_524_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_525_2.tif", + "label": "train/pancreas_codex_525_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_530_2.tif", + "label": "train/pancreas_codex_530_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_533_1.tif", + "label": "train/pancreas_codex_533_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_533_3.tif", + "label": "train/pancreas_codex_533_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_534_2.tif", + "label": "train/pancreas_codex_534_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_538_2.tif", + "label": "train/pancreas_codex_538_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_538_3.tif", + "label": "train/pancreas_codex_538_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_540_3.tif", + "label": "train/pancreas_codex_540_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_541_0.tif", + "label": "train/pancreas_codex_541_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_541_1.tif", + "label": "train/pancreas_codex_541_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_541_3.tif", + "label": "train/pancreas_codex_541_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_542_0.tif", + "label": "train/pancreas_codex_542_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_542_2.tif", + "label": "train/pancreas_codex_542_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_544_1.tif", + "label": "train/pancreas_codex_544_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_547_3.tif", + "label": "train/pancreas_codex_547_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_548_3.tif", + "label": "train/pancreas_codex_548_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_549_0.tif", + "label": "train/pancreas_codex_549_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_550_1.tif", + "label": "train/pancreas_codex_550_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_551_2.tif", + "label": "train/pancreas_codex_551_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_551_3.tif", + "label": "train/pancreas_codex_551_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_552_0.tif", + "label": "train/pancreas_codex_552_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_553_1.tif", + "label": "train/pancreas_codex_553_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_558_3.tif", + "label": "train/pancreas_codex_558_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_559_0.tif", + "label": "train/pancreas_codex_559_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_560_2.tif", + "label": "train/pancreas_codex_560_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_561_1.tif", + "label": "train/pancreas_codex_561_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_561_2.tif", + "label": "train/pancreas_codex_561_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_562_3.tif", + "label": "train/pancreas_codex_562_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_563_0.tif", + "label": "train/pancreas_codex_563_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_563_3.tif", + "label": "train/pancreas_codex_563_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_565_0.tif", + "label": "train/pancreas_codex_565_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_570_0.tif", + "label": "train/pancreas_codex_570_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_570_2.tif", + "label": "train/pancreas_codex_570_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_571_1.tif", + "label": "train/pancreas_codex_571_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_571_2.tif", + "label": "train/pancreas_codex_571_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_574_1.tif", + "label": "train/pancreas_codex_574_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_576_0.tif", + "label": "train/pancreas_codex_576_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_576_2.tif", + "label": "train/pancreas_codex_576_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_578_0.tif", + "label": "train/pancreas_codex_578_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_580_0.tif", + "label": "train/pancreas_codex_580_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_581_1.tif", + "label": "train/pancreas_codex_581_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_582_0.tif", + "label": "train/pancreas_codex_582_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_582_1.tif", + "label": "train/pancreas_codex_582_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_583_1.tif", + "label": "train/pancreas_codex_583_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_585_1.tif", + "label": "train/pancreas_codex_585_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_585_2.tif", + "label": "train/pancreas_codex_585_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_588_0.tif", + "label": "train/pancreas_codex_588_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_590_2.tif", + "label": "train/pancreas_codex_590_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_591_0.tif", + "label": "train/pancreas_codex_591_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_1_2.tif", + "label": "train/pancreas_vectra_1_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_2_2.tif", + "label": "train/pancreas_vectra_2_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_2_3.tif", + "label": "train/pancreas_vectra_2_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_3_1.tif", + "label": "train/pancreas_vectra_3_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_3_3.tif", + "label": "train/pancreas_vectra_3_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_4_0.tif", + "label": "train/pancreas_vectra_4_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_4_3.tif", + "label": "train/pancreas_vectra_4_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_5_1.tif", + "label": "train/pancreas_vectra_5_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_6_0.tif", + "label": "train/pancreas_vectra_6_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_6_3.tif", + "label": "train/pancreas_vectra_6_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_9_0.tif", + "label": "train/pancreas_vectra_9_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_9_1.tif", + "label": "train/pancreas_vectra_9_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_11_3.tif", + "label": "train/pancreas_vectra_11_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_12_0.tif", + "label": "train/pancreas_vectra_12_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_12_1.tif", + "label": "train/pancreas_vectra_12_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_18_0.tif", + "label": "train/pancreas_vectra_18_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_18_1.tif", + "label": "train/pancreas_vectra_18_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_18_2.tif", + "label": "train/pancreas_vectra_18_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_18_3.tif", + "label": "train/pancreas_vectra_18_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_0_0.tif", + "label": "train/pancreas_codex_0_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_0_1.tif", + "label": "train/pancreas_codex_0_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_0_3.tif", + "label": "train/pancreas_codex_0_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_2_0.tif", + "label": "train/pancreas_codex_2_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_2_3.tif", + "label": "train/pancreas_codex_2_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_6_0.tif", + "label": "train/pancreas_codex_6_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_9_1.tif", + "label": "train/pancreas_codex_9_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_11_1.tif", + "label": "train/pancreas_codex_11_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_12_0.tif", + "label": "train/pancreas_codex_12_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_12_1.tif", + "label": "train/pancreas_codex_12_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_12_3.tif", + "label": "train/pancreas_codex_12_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_13_1.tif", + "label": "train/pancreas_codex_13_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_14_3.tif", + "label": "train/pancreas_codex_14_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_15_0.tif", + "label": "train/pancreas_codex_15_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_16_3.tif", + "label": "train/pancreas_codex_16_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_19_0.tif", + "label": "train/pancreas_codex_19_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_20_2.tif", + "label": "train/pancreas_codex_20_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_21_3.tif", + "label": "train/pancreas_codex_21_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_22_3.tif", + "label": "train/pancreas_codex_22_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_23_2.tif", + "label": "train/pancreas_codex_23_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_24_2.tif", + "label": "train/pancreas_codex_24_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_25_1.tif", + "label": "train/pancreas_codex_25_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_26_0.tif", + "label": "train/pancreas_codex_26_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_27_2.tif", + "label": "train/pancreas_codex_27_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_31_1.tif", + "label": "train/pancreas_codex_31_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_33_1.tif", + "label": "train/pancreas_codex_33_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_34_1.tif", + "label": "train/pancreas_codex_34_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_35_0.tif", + "label": "train/pancreas_codex_35_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_37_1.tif", + "label": "train/pancreas_codex_37_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_39_2.tif", + "label": "train/pancreas_codex_39_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_40_1.tif", + "label": "train/pancreas_codex_40_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_41_3.tif", + "label": "train/pancreas_codex_41_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_44_0.tif", + "label": "train/pancreas_codex_44_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_45_1.tif", + "label": "train/pancreas_codex_45_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_45_2.tif", + "label": "train/pancreas_codex_45_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_47_0.tif", + "label": "train/pancreas_codex_47_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_47_2.tif", + "label": "train/pancreas_codex_47_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_50_0.tif", + "label": "train/pancreas_codex_50_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_50_2.tif", + "label": "train/pancreas_codex_50_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_50_3.tif", + "label": "train/pancreas_codex_50_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_51_2.tif", + "label": "train/pancreas_codex_51_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_52_2.tif", + "label": "train/pancreas_codex_52_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_53_0.tif", + "label": "train/pancreas_codex_53_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_55_0.tif", + "label": "train/pancreas_codex_55_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_55_3.tif", + "label": "train/pancreas_codex_55_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_56_2.tif", + "label": "train/pancreas_codex_56_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_56_3.tif", + "label": "train/pancreas_codex_56_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_57_1.tif", + "label": "train/pancreas_codex_57_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_58_1.tif", + "label": "train/pancreas_codex_58_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_62_0.tif", + "label": "train/pancreas_codex_62_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_62_2.tif", + "label": "train/pancreas_codex_62_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_64_3.tif", + "label": "train/pancreas_codex_64_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_65_0.tif", + "label": "train/pancreas_codex_65_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_66_0.tif", + "label": "train/pancreas_codex_66_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_66_3.tif", + "label": "train/pancreas_codex_66_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_67_0.tif", + "label": "train/pancreas_codex_67_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_70_1.tif", + "label": "train/pancreas_codex_70_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_72_0.tif", + "label": "train/pancreas_codex_72_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_74_3.tif", + "label": "train/pancreas_codex_74_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_75_1.tif", + "label": "train/pancreas_codex_75_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_75_2.tif", + "label": "train/pancreas_codex_75_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_75_3.tif", + "label": "train/pancreas_codex_75_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_77_1.tif", + "label": "train/pancreas_codex_77_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_81_1.tif", + "label": "train/pancreas_codex_81_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_82_2.tif", + "label": "train/pancreas_codex_82_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_82_3.tif", + "label": "train/pancreas_codex_82_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_84_2.tif", + "label": "train/pancreas_codex_84_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_85_1.tif", + "label": "train/pancreas_codex_85_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_86_3.tif", + "label": "train/pancreas_codex_86_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_87_3.tif", + "label": "train/pancreas_codex_87_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_88_1.tif", + "label": "train/pancreas_codex_88_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_90_3.tif", + "label": "train/pancreas_codex_90_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_92_1.tif", + "label": "train/pancreas_codex_92_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_93_0.tif", + "label": "train/pancreas_codex_93_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_93_3.tif", + "label": "train/pancreas_codex_93_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_95_2.tif", + "label": "train/pancreas_codex_95_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_96_1.tif", + "label": "train/pancreas_codex_96_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_96_2.tif", + "label": "train/pancreas_codex_96_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_97_1.tif", + "label": "train/pancreas_codex_97_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_99_2.tif", + "label": "train/pancreas_codex_99_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_100_0.tif", + "label": "train/pancreas_codex_100_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_101_2.tif", + "label": "train/pancreas_codex_101_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_103_2.tif", + "label": "train/pancreas_codex_103_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_104_0.tif", + "label": "train/pancreas_codex_104_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_104_2.tif", + "label": "train/pancreas_codex_104_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_105_2.tif", + "label": "train/pancreas_codex_105_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_106_0.tif", + "label": "train/pancreas_codex_106_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_108_3.tif", + "label": "train/pancreas_codex_108_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_110_1.tif", + "label": "train/pancreas_codex_110_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_111_2.tif", + "label": "train/pancreas_codex_111_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_111_3.tif", + "label": "train/pancreas_codex_111_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_113_0.tif", + "label": "train/pancreas_codex_113_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_114_0.tif", + "label": "train/pancreas_codex_114_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_117_2.tif", + "label": "train/pancreas_codex_117_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_119_0.tif", + "label": "train/pancreas_codex_119_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_121_0.tif", + "label": "train/pancreas_codex_121_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_121_1.tif", + "label": "train/pancreas_codex_121_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_122_2.tif", + "label": "train/pancreas_codex_122_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_127_2.tif", + "label": "train/pancreas_codex_127_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_128_0.tif", + "label": "train/pancreas_codex_128_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_128_1.tif", + "label": "train/pancreas_codex_128_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_129_2.tif", + "label": "train/pancreas_codex_129_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_132_1.tif", + "label": "train/pancreas_codex_132_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_133_2.tif", + "label": "train/pancreas_codex_133_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_134_1.tif", + "label": "train/pancreas_codex_134_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_136_2.tif", + "label": "train/pancreas_codex_136_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_136_3.tif", + "label": "train/pancreas_codex_136_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_137_1.tif", + "label": "train/pancreas_codex_137_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_139_2.tif", + "label": "train/pancreas_codex_139_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_143_1.tif", + "label": "train/pancreas_codex_143_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_143_3.tif", + "label": "train/pancreas_codex_143_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_144_0.tif", + "label": "train/pancreas_codex_144_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_144_1.tif", + "label": "train/pancreas_codex_144_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_145_2.tif", + "label": "train/pancreas_codex_145_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_145_3.tif", + "label": "train/pancreas_codex_145_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_146_1.tif", + "label": "train/pancreas_codex_146_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_149_0.tif", + "label": "train/pancreas_codex_149_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_153_2.tif", + "label": "train/pancreas_codex_153_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_153_3.tif", + "label": "train/pancreas_codex_153_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_154_3.tif", + "label": "train/pancreas_codex_154_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_156_3.tif", + "label": "train/pancreas_codex_156_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_157_0.tif", + "label": "train/pancreas_codex_157_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_157_2.tif", + "label": "train/pancreas_codex_157_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_157_3.tif", + "label": "train/pancreas_codex_157_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_158_0.tif", + "label": "train/pancreas_codex_158_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_158_2.tif", + "label": "train/pancreas_codex_158_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_160_3.tif", + "label": "train/pancreas_codex_160_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_163_1.tif", + "label": "train/pancreas_codex_163_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_165_1.tif", + "label": "train/pancreas_codex_165_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_165_2.tif", + "label": "train/pancreas_codex_165_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_167_1.tif", + "label": "train/pancreas_codex_167_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_168_0.tif", + "label": "train/pancreas_codex_168_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_169_2.tif", + "label": "train/pancreas_codex_169_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_170_0.tif", + "label": "train/pancreas_codex_170_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_173_0.tif", + "label": "train/pancreas_codex_173_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_175_1.tif", + "label": "train/pancreas_codex_175_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_175_2.tif", + "label": "train/pancreas_codex_175_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_175_3.tif", + "label": "train/pancreas_codex_175_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_176_3.tif", + "label": "train/pancreas_codex_176_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_177_0.tif", + "label": "train/pancreas_codex_177_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_178_0.tif", + "label": "train/pancreas_codex_178_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_181_1.tif", + "label": "train/pancreas_codex_181_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_181_2.tif", + "label": "train/pancreas_codex_181_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_183_1.tif", + "label": "train/pancreas_codex_183_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_187_0.tif", + "label": "train/pancreas_codex_187_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_189_2.tif", + "label": "train/pancreas_codex_189_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_192_3.tif", + "label": "train/pancreas_codex_192_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_193_2.tif", + "label": "train/pancreas_codex_193_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_194_2.tif", + "label": "train/pancreas_codex_194_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_194_3.tif", + "label": "train/pancreas_codex_194_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_196_0.tif", + "label": "train/pancreas_codex_196_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_198_1.tif", + "label": "train/pancreas_codex_198_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_200_1.tif", + "label": "train/pancreas_codex_200_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_201_0.tif", + "label": "train/pancreas_codex_201_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_201_1.tif", + "label": "train/pancreas_codex_201_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_202_0.tif", + "label": "train/pancreas_codex_202_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_203_1.tif", + "label": "train/pancreas_codex_203_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_204_0.tif", + "label": "train/pancreas_codex_204_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_205_0.tif", + "label": "train/pancreas_codex_205_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_205_1.tif", + "label": "train/pancreas_codex_205_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_207_0.tif", + "label": "train/pancreas_codex_207_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_208_2.tif", + "label": "train/pancreas_codex_208_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_211_1.tif", + "label": "train/pancreas_codex_211_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_212_1.tif", + "label": "train/pancreas_codex_212_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_213_2.tif", + "label": "train/pancreas_codex_213_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_214_1.tif", + "label": "train/pancreas_codex_214_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_214_2.tif", + "label": "train/pancreas_codex_214_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_219_1.tif", + "label": "train/pancreas_codex_219_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_220_1.tif", + "label": "train/pancreas_codex_220_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_221_1.tif", + "label": "train/pancreas_codex_221_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_223_2.tif", + "label": "train/pancreas_codex_223_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_225_2.tif", + "label": "train/pancreas_codex_225_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_226_2.tif", + "label": "train/pancreas_codex_226_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_229_2.tif", + "label": "train/pancreas_codex_229_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_230_0.tif", + "label": "train/pancreas_codex_230_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_231_0.tif", + "label": "train/pancreas_codex_231_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_231_1.tif", + "label": "train/pancreas_codex_231_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_234_0.tif", + "label": "train/pancreas_codex_234_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_239_1.tif", + "label": "train/pancreas_codex_239_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_239_3.tif", + "label": "train/pancreas_codex_239_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_241_1.tif", + "label": "train/pancreas_codex_241_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_242_0.tif", + "label": "train/pancreas_codex_242_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_243_0.tif", + "label": "train/pancreas_codex_243_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_245_3.tif", + "label": "train/pancreas_codex_245_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_246_1.tif", + "label": "train/pancreas_codex_246_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_246_3.tif", + "label": "train/pancreas_codex_246_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_248_0.tif", + "label": "train/pancreas_codex_248_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_248_2.tif", + "label": "train/pancreas_codex_248_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_249_0.tif", + "label": "train/pancreas_codex_249_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_250_2.tif", + "label": "train/pancreas_codex_250_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_252_1.tif", + "label": "train/pancreas_codex_252_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_252_3.tif", + "label": "train/pancreas_codex_252_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_257_0.tif", + "label": "train/pancreas_codex_257_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_258_0.tif", + "label": "train/pancreas_codex_258_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_259_3.tif", + "label": "train/pancreas_codex_259_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_261_0.tif", + "label": "train/pancreas_codex_261_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_265_0.tif", + "label": "train/pancreas_codex_265_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_266_1.tif", + "label": "train/pancreas_codex_266_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_267_3.tif", + "label": "train/pancreas_codex_267_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_270_0.tif", + "label": "train/pancreas_codex_270_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_270_1.tif", + "label": "train/pancreas_codex_270_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_271_2.tif", + "label": "train/pancreas_codex_271_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_271_3.tif", + "label": "train/pancreas_codex_271_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_272_1.tif", + "label": "train/pancreas_codex_272_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_273_2.tif", + "label": "train/pancreas_codex_273_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_276_0.tif", + "label": "train/pancreas_codex_276_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_276_1.tif", + "label": "train/pancreas_codex_276_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_278_0.tif", + "label": "train/pancreas_codex_278_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_279_2.tif", + "label": "train/pancreas_codex_279_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_284_2.tif", + "label": "train/pancreas_codex_284_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_284_3.tif", + "label": "train/pancreas_codex_284_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_285_3.tif", + "label": "train/pancreas_codex_285_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_286_1.tif", + "label": "train/pancreas_codex_286_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_286_3.tif", + "label": "train/pancreas_codex_286_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_289_3.tif", + "label": "train/pancreas_codex_289_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_290_2.tif", + "label": "train/pancreas_codex_290_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_291_0.tif", + "label": "train/pancreas_codex_291_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_292_3.tif", + "label": "train/pancreas_codex_292_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_298_2.tif", + "label": "train/pancreas_codex_298_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_299_1.tif", + "label": "train/pancreas_codex_299_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_300_1.tif", + "label": "train/pancreas_codex_300_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_301_2.tif", + "label": "train/pancreas_codex_301_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_302_2.tif", + "label": "train/pancreas_codex_302_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_304_1.tif", + "label": "train/pancreas_codex_304_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_305_0.tif", + "label": "train/pancreas_codex_305_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_305_2.tif", + "label": "train/pancreas_codex_305_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_306_1.tif", + "label": "train/pancreas_codex_306_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_306_2.tif", + "label": "train/pancreas_codex_306_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_306_3.tif", + "label": "train/pancreas_codex_306_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_307_3.tif", + "label": "train/pancreas_codex_307_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_308_0.tif", + "label": "train/pancreas_codex_308_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_309_1.tif", + "label": "train/pancreas_codex_309_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_309_3.tif", + "label": "train/pancreas_codex_309_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_310_1.tif", + "label": "train/pancreas_codex_310_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_311_1.tif", + "label": "train/pancreas_codex_311_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_311_3.tif", + "label": "train/pancreas_codex_311_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_312_1.tif", + "label": "train/pancreas_codex_312_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_313_3.tif", + "label": "train/pancreas_codex_313_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_319_3.tif", + "label": "train/pancreas_codex_319_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_320_1.tif", + "label": "train/pancreas_codex_320_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_320_2.tif", + "label": "train/pancreas_codex_320_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_322_3.tif", + "label": "train/pancreas_codex_322_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_323_0.tif", + "label": "train/pancreas_codex_323_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_323_1.tif", + "label": "train/pancreas_codex_323_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_323_2.tif", + "label": "train/pancreas_codex_323_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_327_2.tif", + "label": "train/pancreas_codex_327_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_328_2.tif", + "label": "train/pancreas_codex_328_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_330_2.tif", + "label": "train/pancreas_codex_330_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_331_2.tif", + "label": "train/pancreas_codex_331_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_332_0.tif", + "label": "train/pancreas_codex_332_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_334_0.tif", + "label": "train/pancreas_codex_334_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_336_0.tif", + "label": "train/pancreas_codex_336_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_336_3.tif", + "label": "train/pancreas_codex_336_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_338_0.tif", + "label": "train/pancreas_codex_338_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_338_3.tif", + "label": "train/pancreas_codex_338_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_339_3.tif", + "label": "train/pancreas_codex_339_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_340_3.tif", + "label": "train/pancreas_codex_340_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_341_1.tif", + "label": "train/pancreas_codex_341_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_343_2.tif", + "label": "train/pancreas_codex_343_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_344_3.tif", + "label": "train/pancreas_codex_344_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_345_2.tif", + "label": "train/pancreas_codex_345_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_347_0.tif", + "label": "train/pancreas_codex_347_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_348_0.tif", + "label": "train/pancreas_codex_348_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_349_1.tif", + "label": "train/pancreas_codex_349_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_349_3.tif", + "label": "train/pancreas_codex_349_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_350_0.tif", + "label": "train/pancreas_codex_350_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_353_0.tif", + "label": "train/pancreas_codex_353_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_353_2.tif", + "label": "train/pancreas_codex_353_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_355_1.tif", + "label": "train/pancreas_codex_355_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_355_2.tif", + "label": "train/pancreas_codex_355_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_358_3.tif", + "label": "train/pancreas_codex_358_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_360_1.tif", + "label": "train/pancreas_codex_360_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_361_2.tif", + "label": "train/pancreas_codex_361_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_364_1.tif", + "label": "train/pancreas_codex_364_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_365_1.tif", + "label": "train/pancreas_codex_365_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_366_2.tif", + "label": "train/pancreas_codex_366_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_366_3.tif", + "label": "train/pancreas_codex_366_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_370_1.tif", + "label": "train/pancreas_codex_370_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_370_2.tif", + "label": "train/pancreas_codex_370_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_372_1.tif", + "label": "train/pancreas_codex_372_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_374_0.tif", + "label": "train/pancreas_codex_374_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_375_3.tif", + "label": "train/pancreas_codex_375_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_376_1.tif", + "label": "train/pancreas_codex_376_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_376_2.tif", + "label": "train/pancreas_codex_376_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_377_1.tif", + "label": "train/pancreas_codex_377_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_377_3.tif", + "label": "train/pancreas_codex_377_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_378_3.tif", + "label": "train/pancreas_codex_378_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_379_1.tif", + "label": "train/pancreas_codex_379_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_379_3.tif", + "label": "train/pancreas_codex_379_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_383_3.tif", + "label": "train/pancreas_codex_383_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_384_1.tif", + "label": "train/pancreas_codex_384_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_385_0.tif", + "label": "train/pancreas_codex_385_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_385_2.tif", + "label": "train/pancreas_codex_385_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_386_0.tif", + "label": "train/pancreas_codex_386_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_386_2.tif", + "label": "train/pancreas_codex_386_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_389_0.tif", + "label": "train/pancreas_codex_389_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_389_2.tif", + "label": "train/pancreas_codex_389_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_390_1.tif", + "label": "train/pancreas_codex_390_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_390_2.tif", + "label": "train/pancreas_codex_390_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_390_3.tif", + "label": "train/pancreas_codex_390_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_391_0.tif", + "label": "train/pancreas_codex_391_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_392_2.tif", + "label": "train/pancreas_codex_392_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_393_2.tif", + "label": "train/pancreas_codex_393_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_394_0.tif", + "label": "train/pancreas_codex_394_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_395_3.tif", + "label": "train/pancreas_codex_395_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_396_1.tif", + "label": "train/pancreas_codex_396_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_399_3.tif", + "label": "train/pancreas_codex_399_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_400_1.tif", + "label": "train/pancreas_codex_400_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_401_3.tif", + "label": "train/pancreas_codex_401_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_402_0.tif", + "label": "train/pancreas_codex_402_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_406_1.tif", + "label": "train/pancreas_codex_406_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_407_0.tif", + "label": "train/pancreas_codex_407_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_409_1.tif", + "label": "train/pancreas_codex_409_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_411_3.tif", + "label": "train/pancreas_codex_411_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_412_1.tif", + "label": "train/pancreas_codex_412_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_413_0.tif", + "label": "train/pancreas_codex_413_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_414_2.tif", + "label": "train/pancreas_codex_414_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_415_0.tif", + "label": "train/pancreas_codex_415_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_415_1.tif", + "label": "train/pancreas_codex_415_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_415_3.tif", + "label": "train/pancreas_codex_415_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_417_3.tif", + "label": "train/pancreas_codex_417_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_419_0.tif", + "label": "train/pancreas_codex_419_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_421_1.tif", + "label": "train/pancreas_codex_421_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_421_3.tif", + "label": "train/pancreas_codex_421_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_424_1.tif", + "label": "train/pancreas_codex_424_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_424_2.tif", + "label": "train/pancreas_codex_424_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_429_2.tif", + "label": "train/pancreas_codex_429_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_430_3.tif", + "label": "train/pancreas_codex_430_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_432_2.tif", + "label": "train/pancreas_codex_432_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_432_3.tif", + "label": "train/pancreas_codex_432_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_433_0.tif", + "label": "train/pancreas_codex_433_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_434_0.tif", + "label": "train/pancreas_codex_434_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_434_1.tif", + "label": "train/pancreas_codex_434_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_435_2.tif", + "label": "train/pancreas_codex_435_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_438_2.tif", + "label": "train/pancreas_codex_438_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_440_1.tif", + "label": "train/pancreas_codex_440_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_441_0.tif", + "label": "train/pancreas_codex_441_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_441_3.tif", + "label": "train/pancreas_codex_441_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_443_0.tif", + "label": "train/pancreas_codex_443_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_445_3.tif", + "label": "train/pancreas_codex_445_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_446_0.tif", + "label": "train/pancreas_codex_446_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_447_0.tif", + "label": "train/pancreas_codex_447_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_447_3.tif", + "label": "train/pancreas_codex_447_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_448_0.tif", + "label": "train/pancreas_codex_448_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_449_0.tif", + "label": "train/pancreas_codex_449_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_450_0.tif", + "label": "train/pancreas_codex_450_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_453_1.tif", + "label": "train/pancreas_codex_453_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_456_1.tif", + "label": "train/pancreas_codex_456_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_457_0.tif", + "label": "train/pancreas_codex_457_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_458_0.tif", + "label": "train/pancreas_codex_458_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_460_2.tif", + "label": "train/pancreas_codex_460_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_461_3.tif", + "label": "train/pancreas_codex_461_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_463_0.tif", + "label": "train/pancreas_codex_463_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_463_1.tif", + "label": "train/pancreas_codex_463_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_463_3.tif", + "label": "train/pancreas_codex_463_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_464_0.tif", + "label": "train/pancreas_codex_464_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_465_2.tif", + "label": "train/pancreas_codex_465_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_466_3.tif", + "label": "train/pancreas_codex_466_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_467_0.tif", + "label": "train/pancreas_codex_467_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_467_2.tif", + "label": "train/pancreas_codex_467_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_468_0.tif", + "label": "train/pancreas_codex_468_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_468_1.tif", + "label": "train/pancreas_codex_468_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_469_1.tif", + "label": "train/pancreas_codex_469_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_471_0.tif", + "label": "train/pancreas_codex_471_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_472_3.tif", + "label": "train/pancreas_codex_472_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_476_0.tif", + "label": "train/pancreas_codex_476_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_476_1.tif", + "label": "train/pancreas_codex_476_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_476_3.tif", + "label": "train/pancreas_codex_476_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_477_1.tif", + "label": "train/pancreas_codex_477_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_479_1.tif", + "label": "train/pancreas_codex_479_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_479_2.tif", + "label": "train/pancreas_codex_479_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_480_1.tif", + "label": "train/pancreas_codex_480_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_480_3.tif", + "label": "train/pancreas_codex_480_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_481_2.tif", + "label": "train/pancreas_codex_481_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_482_1.tif", + "label": "train/pancreas_codex_482_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_485_0.tif", + "label": "train/pancreas_codex_485_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_485_3.tif", + "label": "train/pancreas_codex_485_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_487_2.tif", + "label": "train/pancreas_codex_487_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_487_3.tif", + "label": "train/pancreas_codex_487_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_489_0.tif", + "label": "train/pancreas_codex_489_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_490_2.tif", + "label": "train/pancreas_codex_490_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_491_0.tif", + "label": "train/pancreas_codex_491_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_492_1.tif", + "label": "train/pancreas_codex_492_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_497_0.tif", + "label": "train/pancreas_codex_497_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_497_2.tif", + "label": "train/pancreas_codex_497_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_498_2.tif", + "label": "train/pancreas_codex_498_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_499_2.tif", + "label": "train/pancreas_codex_499_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_499_3.tif", + "label": "train/pancreas_codex_499_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_500_1.tif", + "label": "train/pancreas_codex_500_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_501_2.tif", + "label": "train/pancreas_codex_501_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_502_2.tif", + "label": "train/pancreas_codex_502_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_504_0.tif", + "label": "train/pancreas_codex_504_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_504_1.tif", + "label": "train/pancreas_codex_504_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_504_3.tif", + "label": "train/pancreas_codex_504_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_505_0.tif", + "label": "train/pancreas_codex_505_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_505_3.tif", + "label": "train/pancreas_codex_505_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_506_3.tif", + "label": "train/pancreas_codex_506_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_507_0.tif", + "label": "train/pancreas_codex_507_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_507_2.tif", + "label": "train/pancreas_codex_507_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_508_2.tif", + "label": "train/pancreas_codex_508_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_511_3.tif", + "label": "train/pancreas_codex_511_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_512_2.tif", + "label": "train/pancreas_codex_512_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_515_2.tif", + "label": "train/pancreas_codex_515_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_518_2.tif", + "label": "train/pancreas_codex_518_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_519_3.tif", + "label": "train/pancreas_codex_519_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_521_0.tif", + "label": "train/pancreas_codex_521_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_521_2.tif", + "label": "train/pancreas_codex_521_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_521_3.tif", + "label": "train/pancreas_codex_521_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_523_1.tif", + "label": "train/pancreas_codex_523_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_524_3.tif", + "label": "train/pancreas_codex_524_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_525_1.tif", + "label": "train/pancreas_codex_525_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_526_0.tif", + "label": "train/pancreas_codex_526_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_527_3.tif", + "label": "train/pancreas_codex_527_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_530_3.tif", + "label": "train/pancreas_codex_530_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_531_0.tif", + "label": "train/pancreas_codex_531_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_531_2.tif", + "label": "train/pancreas_codex_531_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_532_1.tif", + "label": "train/pancreas_codex_532_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_535_0.tif", + "label": "train/pancreas_codex_535_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_535_2.tif", + "label": "train/pancreas_codex_535_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_536_1.tif", + "label": "train/pancreas_codex_536_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_536_2.tif", + "label": "train/pancreas_codex_536_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_537_3.tif", + "label": "train/pancreas_codex_537_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_538_0.tif", + "label": "train/pancreas_codex_538_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_538_1.tif", + "label": "train/pancreas_codex_538_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_539_1.tif", + "label": "train/pancreas_codex_539_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_540_0.tif", + "label": "train/pancreas_codex_540_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_540_1.tif", + "label": "train/pancreas_codex_540_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_544_3.tif", + "label": "train/pancreas_codex_544_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_545_0.tif", + "label": "train/pancreas_codex_545_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_545_1.tif", + "label": "train/pancreas_codex_545_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_545_2.tif", + "label": "train/pancreas_codex_545_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_546_3.tif", + "label": "train/pancreas_codex_546_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_549_2.tif", + "label": "train/pancreas_codex_549_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_550_0.tif", + "label": "train/pancreas_codex_550_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_550_2.tif", + "label": "train/pancreas_codex_550_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_551_0.tif", + "label": "train/pancreas_codex_551_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_553_0.tif", + "label": "train/pancreas_codex_553_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_555_0.tif", + "label": "train/pancreas_codex_555_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_557_1.tif", + "label": "train/pancreas_codex_557_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_558_2.tif", + "label": "train/pancreas_codex_558_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_559_2.tif", + "label": "train/pancreas_codex_559_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_559_3.tif", + "label": "train/pancreas_codex_559_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_560_3.tif", + "label": "train/pancreas_codex_560_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_562_1.tif", + "label": "train/pancreas_codex_562_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_563_1.tif", + "label": "train/pancreas_codex_563_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_563_2.tif", + "label": "train/pancreas_codex_563_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_564_0.tif", + "label": "train/pancreas_codex_564_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_564_3.tif", + "label": "train/pancreas_codex_564_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_565_1.tif", + "label": "train/pancreas_codex_565_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_565_2.tif", + "label": "train/pancreas_codex_565_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_565_3.tif", + "label": "train/pancreas_codex_565_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_567_0.tif", + "label": "train/pancreas_codex_567_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_567_3.tif", + "label": "train/pancreas_codex_567_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_568_1.tif", + "label": "train/pancreas_codex_568_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_568_2.tif", + "label": "train/pancreas_codex_568_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_569_0.tif", + "label": "train/pancreas_codex_569_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_569_1.tif", + "label": "train/pancreas_codex_569_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_571_0.tif", + "label": "train/pancreas_codex_571_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_573_1.tif", + "label": "train/pancreas_codex_573_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_574_0.tif", + "label": "train/pancreas_codex_574_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_574_2.tif", + "label": "train/pancreas_codex_574_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_575_1.tif", + "label": "train/pancreas_codex_575_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_577_1.tif", + "label": "train/pancreas_codex_577_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_578_2.tif", + "label": "train/pancreas_codex_578_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_581_0.tif", + "label": "train/pancreas_codex_581_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_582_2.tif", + "label": "train/pancreas_codex_582_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_583_0.tif", + "label": "train/pancreas_codex_583_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_584_0.tif", + "label": "train/pancreas_codex_584_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_585_0.tif", + "label": "train/pancreas_codex_585_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_586_2.tif", + "label": "train/pancreas_codex_586_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_587_0.tif", + "label": "train/pancreas_codex_587_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_587_2.tif", + "label": "train/pancreas_codex_587_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_587_3.tif", + "label": "train/pancreas_codex_587_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_588_3.tif", + "label": "train/pancreas_codex_588_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_589_1.tif", + "label": "train/pancreas_codex_589_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_591_2.tif", + "label": "train/pancreas_codex_591_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_0_2.tif", + "label": "train/pancreas_vectra_0_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_1_1.tif", + "label": "train/pancreas_vectra_1_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_2_0.tif", + "label": "train/pancreas_vectra_2_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_2_1.tif", + "label": "train/pancreas_vectra_2_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_5_0.tif", + "label": "train/pancreas_vectra_5_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_5_3.tif", + "label": "train/pancreas_vectra_5_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_7_2.tif", + "label": "train/pancreas_vectra_7_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_10_1.tif", + "label": "train/pancreas_vectra_10_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_11_0.tif", + "label": "train/pancreas_vectra_11_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_14_2.tif", + "label": "train/pancreas_vectra_14_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_16_0.tif", + "label": "train/pancreas_vectra_16_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_16_2.tif", + "label": "train/pancreas_vectra_16_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_17_1.tif", + "label": "train/pancreas_vectra_17_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_3_0.tif", + "label": "train/pancreas_codex_3_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_4_3.tif", + "label": "train/pancreas_codex_4_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_5_2.tif", + "label": "train/pancreas_codex_5_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_6_2.tif", + "label": "train/pancreas_codex_6_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_6_3.tif", + "label": "train/pancreas_codex_6_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_7_2.tif", + "label": "train/pancreas_codex_7_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_8_2.tif", + "label": "train/pancreas_codex_8_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_8_3.tif", + "label": "train/pancreas_codex_8_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_9_3.tif", + "label": "train/pancreas_codex_9_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_10_1.tif", + "label": "train/pancreas_codex_10_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_11_0.tif", + "label": "train/pancreas_codex_11_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_15_2.tif", + "label": "train/pancreas_codex_15_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_16_0.tif", + "label": "train/pancreas_codex_16_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_18_1.tif", + "label": "train/pancreas_codex_18_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_19_2.tif", + "label": "train/pancreas_codex_19_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_19_3.tif", + "label": "train/pancreas_codex_19_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_20_0.tif", + "label": "train/pancreas_codex_20_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_20_3.tif", + "label": "train/pancreas_codex_20_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_21_1.tif", + "label": "train/pancreas_codex_21_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_22_0.tif", + "label": "train/pancreas_codex_22_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_22_2.tif", + "label": "train/pancreas_codex_22_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_24_3.tif", + "label": "train/pancreas_codex_24_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_25_3.tif", + "label": "train/pancreas_codex_25_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_28_3.tif", + "label": "train/pancreas_codex_28_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_32_0.tif", + "label": "train/pancreas_codex_32_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_32_3.tif", + "label": "train/pancreas_codex_32_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_33_3.tif", + "label": "train/pancreas_codex_33_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_34_0.tif", + "label": "train/pancreas_codex_34_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_34_2.tif", + "label": "train/pancreas_codex_34_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_35_2.tif", + "label": "train/pancreas_codex_35_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_36_2.tif", + "label": "train/pancreas_codex_36_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_37_0.tif", + "label": "train/pancreas_codex_37_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_38_2.tif", + "label": "train/pancreas_codex_38_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_39_0.tif", + "label": "train/pancreas_codex_39_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_39_3.tif", + "label": "train/pancreas_codex_39_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_40_0.tif", + "label": "train/pancreas_codex_40_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_40_3.tif", + "label": "train/pancreas_codex_40_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_41_2.tif", + "label": "train/pancreas_codex_41_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_43_3.tif", + "label": "train/pancreas_codex_43_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_45_0.tif", + "label": "train/pancreas_codex_45_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_47_1.tif", + "label": "train/pancreas_codex_47_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_49_2.tif", + "label": "train/pancreas_codex_49_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_51_0.tif", + "label": "train/pancreas_codex_51_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_52_3.tif", + "label": "train/pancreas_codex_52_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_53_3.tif", + "label": "train/pancreas_codex_53_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_54_3.tif", + "label": "train/pancreas_codex_54_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_57_2.tif", + "label": "train/pancreas_codex_57_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_58_2.tif", + "label": "train/pancreas_codex_58_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_59_3.tif", + "label": "train/pancreas_codex_59_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_61_0.tif", + "label": "train/pancreas_codex_61_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_62_3.tif", + "label": "train/pancreas_codex_62_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_64_0.tif", + "label": "train/pancreas_codex_64_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_65_2.tif", + "label": "train/pancreas_codex_65_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_68_2.tif", + "label": "train/pancreas_codex_68_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_69_2.tif", + "label": "train/pancreas_codex_69_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_69_3.tif", + "label": "train/pancreas_codex_69_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_70_3.tif", + "label": "train/pancreas_codex_70_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_71_2.tif", + "label": "train/pancreas_codex_71_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_72_1.tif", + "label": "train/pancreas_codex_72_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_73_1.tif", + "label": "train/pancreas_codex_73_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_73_3.tif", + "label": "train/pancreas_codex_73_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_74_2.tif", + "label": "train/pancreas_codex_74_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_76_1.tif", + "label": "train/pancreas_codex_76_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_77_0.tif", + "label": "train/pancreas_codex_77_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_77_2.tif", + "label": "train/pancreas_codex_77_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_77_3.tif", + "label": "train/pancreas_codex_77_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_78_3.tif", + "label": "train/pancreas_codex_78_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_79_2.tif", + "label": "train/pancreas_codex_79_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_80_3.tif", + "label": "train/pancreas_codex_80_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_83_0.tif", + "label": "train/pancreas_codex_83_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_84_0.tif", + "label": "train/pancreas_codex_84_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_87_1.tif", + "label": "train/pancreas_codex_87_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_87_2.tif", + "label": "train/pancreas_codex_87_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_88_0.tif", + "label": "train/pancreas_codex_88_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_88_3.tif", + "label": "train/pancreas_codex_88_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_89_3.tif", + "label": "train/pancreas_codex_89_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_90_1.tif", + "label": "train/pancreas_codex_90_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_91_1.tif", + "label": "train/pancreas_codex_91_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_95_0.tif", + "label": "train/pancreas_codex_95_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_95_3.tif", + "label": "train/pancreas_codex_95_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_97_2.tif", + "label": "train/pancreas_codex_97_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_98_0.tif", + "label": "train/pancreas_codex_98_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_98_3.tif", + "label": "train/pancreas_codex_98_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_99_3.tif", + "label": "train/pancreas_codex_99_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_100_1.tif", + "label": "train/pancreas_codex_100_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_101_0.tif", + "label": "train/pancreas_codex_101_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_101_3.tif", + "label": "train/pancreas_codex_101_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_102_0.tif", + "label": "train/pancreas_codex_102_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_102_1.tif", + "label": "train/pancreas_codex_102_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_104_3.tif", + "label": "train/pancreas_codex_104_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_105_0.tif", + "label": "train/pancreas_codex_105_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_106_2.tif", + "label": "train/pancreas_codex_106_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_106_3.tif", + "label": "train/pancreas_codex_106_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_108_2.tif", + "label": "train/pancreas_codex_108_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_109_0.tif", + "label": "train/pancreas_codex_109_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_109_2.tif", + "label": "train/pancreas_codex_109_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_112_0.tif", + "label": "train/pancreas_codex_112_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_115_0.tif", + "label": "train/pancreas_codex_115_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_115_2.tif", + "label": "train/pancreas_codex_115_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_117_3.tif", + "label": "train/pancreas_codex_117_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_119_2.tif", + "label": "train/pancreas_codex_119_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_122_0.tif", + "label": "train/pancreas_codex_122_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_122_3.tif", + "label": "train/pancreas_codex_122_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_123_1.tif", + "label": "train/pancreas_codex_123_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_123_2.tif", + "label": "train/pancreas_codex_123_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_124_0.tif", + "label": "train/pancreas_codex_124_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_124_2.tif", + "label": "train/pancreas_codex_124_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_125_2.tif", + "label": "train/pancreas_codex_125_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_125_3.tif", + "label": "train/pancreas_codex_125_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_126_3.tif", + "label": "train/pancreas_codex_126_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_129_0.tif", + "label": "train/pancreas_codex_129_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_130_0.tif", + "label": "train/pancreas_codex_130_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_131_2.tif", + "label": "train/pancreas_codex_131_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_132_0.tif", + "label": "train/pancreas_codex_132_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_132_3.tif", + "label": "train/pancreas_codex_132_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_134_0.tif", + "label": "train/pancreas_codex_134_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_134_2.tif", + "label": "train/pancreas_codex_134_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_135_1.tif", + "label": "train/pancreas_codex_135_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_135_3.tif", + "label": "train/pancreas_codex_135_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_139_0.tif", + "label": "train/pancreas_codex_139_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_142_2.tif", + "label": "train/pancreas_codex_142_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_142_3.tif", + "label": "train/pancreas_codex_142_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_143_2.tif", + "label": "train/pancreas_codex_143_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_145_1.tif", + "label": "train/pancreas_codex_145_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_146_0.tif", + "label": "train/pancreas_codex_146_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_147_2.tif", + "label": "train/pancreas_codex_147_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_148_1.tif", + "label": "train/pancreas_codex_148_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_148_2.tif", + "label": "train/pancreas_codex_148_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_148_3.tif", + "label": "train/pancreas_codex_148_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_149_1.tif", + "label": "train/pancreas_codex_149_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_149_3.tif", + "label": "train/pancreas_codex_149_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_154_2.tif", + "label": "train/pancreas_codex_154_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_155_2.tif", + "label": "train/pancreas_codex_155_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_156_1.tif", + "label": "train/pancreas_codex_156_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_157_1.tif", + "label": "train/pancreas_codex_157_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_158_3.tif", + "label": "train/pancreas_codex_158_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_160_0.tif", + "label": "train/pancreas_codex_160_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_160_1.tif", + "label": "train/pancreas_codex_160_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_161_3.tif", + "label": "train/pancreas_codex_161_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_162_1.tif", + "label": "train/pancreas_codex_162_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_164_3.tif", + "label": "train/pancreas_codex_164_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_165_3.tif", + "label": "train/pancreas_codex_165_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_166_2.tif", + "label": "train/pancreas_codex_166_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_170_2.tif", + "label": "train/pancreas_codex_170_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_172_0.tif", + "label": "train/pancreas_codex_172_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_174_2.tif", + "label": "train/pancreas_codex_174_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_177_3.tif", + "label": "train/pancreas_codex_177_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_178_1.tif", + "label": "train/pancreas_codex_178_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_179_2.tif", + "label": "train/pancreas_codex_179_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_179_3.tif", + "label": "train/pancreas_codex_179_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_180_0.tif", + "label": "train/pancreas_codex_180_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_180_2.tif", + "label": "train/pancreas_codex_180_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_180_3.tif", + "label": "train/pancreas_codex_180_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_182_1.tif", + "label": "train/pancreas_codex_182_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_184_3.tif", + "label": "train/pancreas_codex_184_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_185_0.tif", + "label": "train/pancreas_codex_185_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_185_2.tif", + "label": "train/pancreas_codex_185_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_186_2.tif", + "label": "train/pancreas_codex_186_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_187_2.tif", + "label": "train/pancreas_codex_187_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_189_3.tif", + "label": "train/pancreas_codex_189_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_191_2.tif", + "label": "train/pancreas_codex_191_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_192_1.tif", + "label": "train/pancreas_codex_192_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_194_1.tif", + "label": "train/pancreas_codex_194_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_195_1.tif", + "label": "train/pancreas_codex_195_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_196_2.tif", + "label": "train/pancreas_codex_196_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_197_0.tif", + "label": "train/pancreas_codex_197_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_197_1.tif", + "label": "train/pancreas_codex_197_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_198_0.tif", + "label": "train/pancreas_codex_198_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_199_3.tif", + "label": "train/pancreas_codex_199_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_202_2.tif", + "label": "train/pancreas_codex_202_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_203_3.tif", + "label": "train/pancreas_codex_203_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_204_3.tif", + "label": "train/pancreas_codex_204_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_205_3.tif", + "label": "train/pancreas_codex_205_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_206_0.tif", + "label": "train/pancreas_codex_206_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_206_3.tif", + "label": "train/pancreas_codex_206_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_207_3.tif", + "label": "train/pancreas_codex_207_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_208_1.tif", + "label": "train/pancreas_codex_208_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_211_3.tif", + "label": "train/pancreas_codex_211_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_215_0.tif", + "label": "train/pancreas_codex_215_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_215_1.tif", + "label": "train/pancreas_codex_215_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_215_3.tif", + "label": "train/pancreas_codex_215_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_217_0.tif", + "label": "train/pancreas_codex_217_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_218_0.tif", + "label": "train/pancreas_codex_218_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_218_2.tif", + "label": "train/pancreas_codex_218_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_221_3.tif", + "label": "train/pancreas_codex_221_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_222_0.tif", + "label": "train/pancreas_codex_222_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_222_2.tif", + "label": "train/pancreas_codex_222_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_226_0.tif", + "label": "train/pancreas_codex_226_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_228_0.tif", + "label": "train/pancreas_codex_228_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_228_1.tif", + "label": "train/pancreas_codex_228_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_228_2.tif", + "label": "train/pancreas_codex_228_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_229_3.tif", + "label": "train/pancreas_codex_229_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_230_2.tif", + "label": "train/pancreas_codex_230_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_231_2.tif", + "label": "train/pancreas_codex_231_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_232_3.tif", + "label": "train/pancreas_codex_232_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_233_3.tif", + "label": "train/pancreas_codex_233_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_235_0.tif", + "label": "train/pancreas_codex_235_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_235_1.tif", + "label": "train/pancreas_codex_235_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_236_2.tif", + "label": "train/pancreas_codex_236_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_237_2.tif", + "label": "train/pancreas_codex_237_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_237_3.tif", + "label": "train/pancreas_codex_237_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_238_0.tif", + "label": "train/pancreas_codex_238_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_238_1.tif", + "label": "train/pancreas_codex_238_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_240_1.tif", + "label": "train/pancreas_codex_240_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_241_2.tif", + "label": "train/pancreas_codex_241_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_242_1.tif", + "label": "train/pancreas_codex_242_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_243_2.tif", + "label": "train/pancreas_codex_243_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_244_0.tif", + "label": "train/pancreas_codex_244_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_244_3.tif", + "label": "train/pancreas_codex_244_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_245_1.tif", + "label": "train/pancreas_codex_245_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_246_2.tif", + "label": "train/pancreas_codex_246_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_247_2.tif", + "label": "train/pancreas_codex_247_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_247_3.tif", + "label": "train/pancreas_codex_247_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_249_1.tif", + "label": "train/pancreas_codex_249_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_250_1.tif", + "label": "train/pancreas_codex_250_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_251_0.tif", + "label": "train/pancreas_codex_251_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_251_1.tif", + "label": "train/pancreas_codex_251_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_251_2.tif", + "label": "train/pancreas_codex_251_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_252_0.tif", + "label": "train/pancreas_codex_252_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_252_2.tif", + "label": "train/pancreas_codex_252_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_253_3.tif", + "label": "train/pancreas_codex_253_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_254_1.tif", + "label": "train/pancreas_codex_254_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_257_2.tif", + "label": "train/pancreas_codex_257_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_259_2.tif", + "label": "train/pancreas_codex_259_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_261_3.tif", + "label": "train/pancreas_codex_261_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_262_0.tif", + "label": "train/pancreas_codex_262_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_262_3.tif", + "label": "train/pancreas_codex_262_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_264_0.tif", + "label": "train/pancreas_codex_264_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_264_1.tif", + "label": "train/pancreas_codex_264_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_264_2.tif", + "label": "train/pancreas_codex_264_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_268_1.tif", + "label": "train/pancreas_codex_268_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_269_1.tif", + "label": "train/pancreas_codex_269_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_269_3.tif", + "label": "train/pancreas_codex_269_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_272_2.tif", + "label": "train/pancreas_codex_272_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_273_1.tif", + "label": "train/pancreas_codex_273_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_274_1.tif", + "label": "train/pancreas_codex_274_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_275_0.tif", + "label": "train/pancreas_codex_275_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_275_3.tif", + "label": "train/pancreas_codex_275_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_279_0.tif", + "label": "train/pancreas_codex_279_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_279_1.tif", + "label": "train/pancreas_codex_279_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_281_1.tif", + "label": "train/pancreas_codex_281_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_282_0.tif", + "label": "train/pancreas_codex_282_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_282_2.tif", + "label": "train/pancreas_codex_282_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_283_0.tif", + "label": "train/pancreas_codex_283_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_286_0.tif", + "label": "train/pancreas_codex_286_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_288_0.tif", + "label": "train/pancreas_codex_288_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_291_2.tif", + "label": "train/pancreas_codex_291_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_294_2.tif", + "label": "train/pancreas_codex_294_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_294_3.tif", + "label": "train/pancreas_codex_294_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_295_0.tif", + "label": "train/pancreas_codex_295_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_302_1.tif", + "label": "train/pancreas_codex_302_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_303_0.tif", + "label": "train/pancreas_codex_303_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_303_1.tif", + "label": "train/pancreas_codex_303_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_304_3.tif", + "label": "train/pancreas_codex_304_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_306_0.tif", + "label": "train/pancreas_codex_306_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_307_0.tif", + "label": "train/pancreas_codex_307_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_307_1.tif", + "label": "train/pancreas_codex_307_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_310_0.tif", + "label": "train/pancreas_codex_310_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_310_3.tif", + "label": "train/pancreas_codex_310_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_311_0.tif", + "label": "train/pancreas_codex_311_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_311_2.tif", + "label": "train/pancreas_codex_311_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_313_0.tif", + "label": "train/pancreas_codex_313_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_315_0.tif", + "label": "train/pancreas_codex_315_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_315_2.tif", + "label": "train/pancreas_codex_315_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_315_3.tif", + "label": "train/pancreas_codex_315_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_316_0.tif", + "label": "train/pancreas_codex_316_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_316_2.tif", + "label": "train/pancreas_codex_316_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_318_1.tif", + "label": "train/pancreas_codex_318_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_318_2.tif", + "label": "train/pancreas_codex_318_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_321_2.tif", + "label": "train/pancreas_codex_321_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_322_1.tif", + "label": "train/pancreas_codex_322_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_324_2.tif", + "label": "train/pancreas_codex_324_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_326_3.tif", + "label": "train/pancreas_codex_326_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_327_0.tif", + "label": "train/pancreas_codex_327_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_328_3.tif", + "label": "train/pancreas_codex_328_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_333_3.tif", + "label": "train/pancreas_codex_333_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_334_3.tif", + "label": "train/pancreas_codex_334_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_336_2.tif", + "label": "train/pancreas_codex_336_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_338_2.tif", + "label": "train/pancreas_codex_338_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_339_1.tif", + "label": "train/pancreas_codex_339_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_339_2.tif", + "label": "train/pancreas_codex_339_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_340_2.tif", + "label": "train/pancreas_codex_340_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_341_3.tif", + "label": "train/pancreas_codex_341_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_346_0.tif", + "label": "train/pancreas_codex_346_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_346_3.tif", + "label": "train/pancreas_codex_346_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_348_3.tif", + "label": "train/pancreas_codex_348_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_349_0.tif", + "label": "train/pancreas_codex_349_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_350_2.tif", + "label": "train/pancreas_codex_350_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_351_3.tif", + "label": "train/pancreas_codex_351_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_352_2.tif", + "label": "train/pancreas_codex_352_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_354_0.tif", + "label": "train/pancreas_codex_354_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_354_2.tif", + "label": "train/pancreas_codex_354_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_354_3.tif", + "label": "train/pancreas_codex_354_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_357_0.tif", + "label": "train/pancreas_codex_357_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_358_1.tif", + "label": "train/pancreas_codex_358_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_359_0.tif", + "label": "train/pancreas_codex_359_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_361_3.tif", + "label": "train/pancreas_codex_361_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_363_0.tif", + "label": "train/pancreas_codex_363_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_363_1.tif", + "label": "train/pancreas_codex_363_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_365_3.tif", + "label": "train/pancreas_codex_365_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_369_1.tif", + "label": "train/pancreas_codex_369_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_370_3.tif", + "label": "train/pancreas_codex_370_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_376_0.tif", + "label": "train/pancreas_codex_376_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_378_2.tif", + "label": "train/pancreas_codex_378_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_380_0.tif", + "label": "train/pancreas_codex_380_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_381_1.tif", + "label": "train/pancreas_codex_381_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_383_1.tif", + "label": "train/pancreas_codex_383_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_384_0.tif", + "label": "train/pancreas_codex_384_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_385_1.tif", + "label": "train/pancreas_codex_385_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_387_1.tif", + "label": "train/pancreas_codex_387_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_387_3.tif", + "label": "train/pancreas_codex_387_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_388_2.tif", + "label": "train/pancreas_codex_388_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_391_1.tif", + "label": "train/pancreas_codex_391_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_391_2.tif", + "label": "train/pancreas_codex_391_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_394_1.tif", + "label": "train/pancreas_codex_394_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_397_0.tif", + "label": "train/pancreas_codex_397_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_398_0.tif", + "label": "train/pancreas_codex_398_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_399_0.tif", + "label": "train/pancreas_codex_399_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_399_1.tif", + "label": "train/pancreas_codex_399_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_400_3.tif", + "label": "train/pancreas_codex_400_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_404_1.tif", + "label": "train/pancreas_codex_404_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_406_2.tif", + "label": "train/pancreas_codex_406_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_407_1.tif", + "label": "train/pancreas_codex_407_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_408_2.tif", + "label": "train/pancreas_codex_408_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_412_3.tif", + "label": "train/pancreas_codex_412_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_413_1.tif", + "label": "train/pancreas_codex_413_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_414_0.tif", + "label": "train/pancreas_codex_414_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_415_2.tif", + "label": "train/pancreas_codex_415_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_416_0.tif", + "label": "train/pancreas_codex_416_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_416_1.tif", + "label": "train/pancreas_codex_416_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_417_0.tif", + "label": "train/pancreas_codex_417_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_417_2.tif", + "label": "train/pancreas_codex_417_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_419_1.tif", + "label": "train/pancreas_codex_419_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_420_0.tif", + "label": "train/pancreas_codex_420_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_422_2.tif", + "label": "train/pancreas_codex_422_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_424_3.tif", + "label": "train/pancreas_codex_424_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_425_1.tif", + "label": "train/pancreas_codex_425_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_425_3.tif", + "label": "train/pancreas_codex_425_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_426_1.tif", + "label": "train/pancreas_codex_426_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_426_3.tif", + "label": "train/pancreas_codex_426_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_427_2.tif", + "label": "train/pancreas_codex_427_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_428_2.tif", + "label": "train/pancreas_codex_428_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_429_0.tif", + "label": "train/pancreas_codex_429_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_430_1.tif", + "label": "train/pancreas_codex_430_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_431_0.tif", + "label": "train/pancreas_codex_431_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_431_1.tif", + "label": "train/pancreas_codex_431_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_431_3.tif", + "label": "train/pancreas_codex_431_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_433_1.tif", + "label": "train/pancreas_codex_433_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_433_3.tif", + "label": "train/pancreas_codex_433_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_436_0.tif", + "label": "train/pancreas_codex_436_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_436_2.tif", + "label": "train/pancreas_codex_436_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_437_3.tif", + "label": "train/pancreas_codex_437_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_438_3.tif", + "label": "train/pancreas_codex_438_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_440_0.tif", + "label": "train/pancreas_codex_440_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_441_2.tif", + "label": "train/pancreas_codex_441_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_444_3.tif", + "label": "train/pancreas_codex_444_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_445_2.tif", + "label": "train/pancreas_codex_445_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_446_2.tif", + "label": "train/pancreas_codex_446_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_446_3.tif", + "label": "train/pancreas_codex_446_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_447_1.tif", + "label": "train/pancreas_codex_447_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_447_2.tif", + "label": "train/pancreas_codex_447_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_448_2.tif", + "label": "train/pancreas_codex_448_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_449_1.tif", + "label": "train/pancreas_codex_449_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_451_1.tif", + "label": "train/pancreas_codex_451_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_451_3.tif", + "label": "train/pancreas_codex_451_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_452_1.tif", + "label": "train/pancreas_codex_452_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_453_0.tif", + "label": "train/pancreas_codex_453_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_453_2.tif", + "label": "train/pancreas_codex_453_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_453_3.tif", + "label": "train/pancreas_codex_453_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_455_2.tif", + "label": "train/pancreas_codex_455_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_457_3.tif", + "label": "train/pancreas_codex_457_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_459_0.tif", + "label": "train/pancreas_codex_459_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_459_1.tif", + "label": "train/pancreas_codex_459_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_459_3.tif", + "label": "train/pancreas_codex_459_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_461_2.tif", + "label": "train/pancreas_codex_461_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_463_2.tif", + "label": "train/pancreas_codex_463_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_471_2.tif", + "label": "train/pancreas_codex_471_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_472_1.tif", + "label": "train/pancreas_codex_472_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_473_0.tif", + "label": "train/pancreas_codex_473_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_473_3.tif", + "label": "train/pancreas_codex_473_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_478_3.tif", + "label": "train/pancreas_codex_478_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_479_0.tif", + "label": "train/pancreas_codex_479_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_479_3.tif", + "label": "train/pancreas_codex_479_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_482_0.tif", + "label": "train/pancreas_codex_482_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_484_2.tif", + "label": "train/pancreas_codex_484_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_486_0.tif", + "label": "train/pancreas_codex_486_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_488_2.tif", + "label": "train/pancreas_codex_488_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_489_3.tif", + "label": "train/pancreas_codex_489_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_490_0.tif", + "label": "train/pancreas_codex_490_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_490_3.tif", + "label": "train/pancreas_codex_490_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_491_1.tif", + "label": "train/pancreas_codex_491_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_491_3.tif", + "label": "train/pancreas_codex_491_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_492_3.tif", + "label": "train/pancreas_codex_492_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_493_0.tif", + "label": "train/pancreas_codex_493_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_493_1.tif", + "label": "train/pancreas_codex_493_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_494_2.tif", + "label": "train/pancreas_codex_494_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_495_1.tif", + "label": "train/pancreas_codex_495_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_496_0.tif", + "label": "train/pancreas_codex_496_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_497_3.tif", + "label": "train/pancreas_codex_497_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_498_1.tif", + "label": "train/pancreas_codex_498_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_498_3.tif", + "label": "train/pancreas_codex_498_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_500_0.tif", + "label": "train/pancreas_codex_500_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_501_0.tif", + "label": "train/pancreas_codex_501_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_501_1.tif", + "label": "train/pancreas_codex_501_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_502_0.tif", + "label": "train/pancreas_codex_502_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_503_2.tif", + "label": "train/pancreas_codex_503_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_505_2.tif", + "label": "train/pancreas_codex_505_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_506_0.tif", + "label": "train/pancreas_codex_506_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_507_1.tif", + "label": "train/pancreas_codex_507_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_510_0.tif", + "label": "train/pancreas_codex_510_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_511_0.tif", + "label": "train/pancreas_codex_511_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_512_1.tif", + "label": "train/pancreas_codex_512_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_513_1.tif", + "label": "train/pancreas_codex_513_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_513_2.tif", + "label": "train/pancreas_codex_513_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_514_0.tif", + "label": "train/pancreas_codex_514_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_514_2.tif", + "label": "train/pancreas_codex_514_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_515_0.tif", + "label": "train/pancreas_codex_515_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_516_0.tif", + "label": "train/pancreas_codex_516_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_516_1.tif", + "label": "train/pancreas_codex_516_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_517_0.tif", + "label": "train/pancreas_codex_517_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_518_1.tif", + "label": "train/pancreas_codex_518_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_519_2.tif", + "label": "train/pancreas_codex_519_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_522_0.tif", + "label": "train/pancreas_codex_522_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_522_1.tif", + "label": "train/pancreas_codex_522_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_524_0.tif", + "label": "train/pancreas_codex_524_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_526_2.tif", + "label": "train/pancreas_codex_526_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_527_0.tif", + "label": "train/pancreas_codex_527_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_528_0.tif", + "label": "train/pancreas_codex_528_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_528_3.tif", + "label": "train/pancreas_codex_528_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_529_3.tif", + "label": "train/pancreas_codex_529_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_530_0.tif", + "label": "train/pancreas_codex_530_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_532_0.tif", + "label": "train/pancreas_codex_532_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_533_0.tif", + "label": "train/pancreas_codex_533_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_533_2.tif", + "label": "train/pancreas_codex_533_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_534_0.tif", + "label": "train/pancreas_codex_534_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_534_3.tif", + "label": "train/pancreas_codex_534_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_536_3.tif", + "label": "train/pancreas_codex_536_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_537_0.tif", + "label": "train/pancreas_codex_537_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_537_1.tif", + "label": "train/pancreas_codex_537_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_537_2.tif", + "label": "train/pancreas_codex_537_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_539_3.tif", + "label": "train/pancreas_codex_539_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_547_0.tif", + "label": "train/pancreas_codex_547_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_547_2.tif", + "label": "train/pancreas_codex_547_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_548_2.tif", + "label": "train/pancreas_codex_548_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_551_1.tif", + "label": "train/pancreas_codex_551_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_552_1.tif", + "label": "train/pancreas_codex_552_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_552_2.tif", + "label": "train/pancreas_codex_552_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_552_3.tif", + "label": "train/pancreas_codex_552_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_553_3.tif", + "label": "train/pancreas_codex_553_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_554_0.tif", + "label": "train/pancreas_codex_554_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_554_1.tif", + "label": "train/pancreas_codex_554_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_555_2.tif", + "label": "train/pancreas_codex_555_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_556_2.tif", + "label": "train/pancreas_codex_556_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_557_3.tif", + "label": "train/pancreas_codex_557_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_558_0.tif", + "label": "train/pancreas_codex_558_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_560_0.tif", + "label": "train/pancreas_codex_560_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_562_2.tif", + "label": "train/pancreas_codex_562_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_567_1.tif", + "label": "train/pancreas_codex_567_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_567_2.tif", + "label": "train/pancreas_codex_567_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_568_0.tif", + "label": "train/pancreas_codex_568_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_568_3.tif", + "label": "train/pancreas_codex_568_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_569_2.tif", + "label": "train/pancreas_codex_569_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_569_3.tif", + "label": "train/pancreas_codex_569_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_571_3.tif", + "label": "train/pancreas_codex_571_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_572_1.tif", + "label": "train/pancreas_codex_572_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_573_0.tif", + "label": "train/pancreas_codex_573_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_573_2.tif", + "label": "train/pancreas_codex_573_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_575_0.tif", + "label": "train/pancreas_codex_575_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_576_1.tif", + "label": "train/pancreas_codex_576_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_578_1.tif", + "label": "train/pancreas_codex_578_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_580_1.tif", + "label": "train/pancreas_codex_580_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_582_3.tif", + "label": "train/pancreas_codex_582_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_584_3.tif", + "label": "train/pancreas_codex_584_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_589_0.tif", + "label": "train/pancreas_codex_589_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_590_0.tif", + "label": "train/pancreas_codex_590_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_591_3.tif", + "label": "train/pancreas_codex_591_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_0_0.tif", + "label": "train/pancreas_vectra_0_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_0_1.tif", + "label": "train/pancreas_vectra_0_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_1_3.tif", + "label": "train/pancreas_vectra_1_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_4_1.tif", + "label": "train/pancreas_vectra_4_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_8_0.tif", + "label": "train/pancreas_vectra_8_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_8_1.tif", + "label": "train/pancreas_vectra_8_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_9_3.tif", + "label": "train/pancreas_vectra_9_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_11_2.tif", + "label": "train/pancreas_vectra_11_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_12_2.tif", + "label": "train/pancreas_vectra_12_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_12_3.tif", + "label": "train/pancreas_vectra_12_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_16_1.tif", + "label": "train/pancreas_vectra_16_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_16_3.tif", + "label": "train/pancreas_vectra_16_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_17_3.tif", + "label": "train/pancreas_vectra_17_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_0_2.tif", + "label": "train/pancreas_codex_0_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_1_1.tif", + "label": "train/pancreas_codex_1_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_1_3.tif", + "label": "train/pancreas_codex_1_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_2_1.tif", + "label": "train/pancreas_codex_2_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_2_2.tif", + "label": "train/pancreas_codex_2_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_3_1.tif", + "label": "train/pancreas_codex_3_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_3_2.tif", + "label": "train/pancreas_codex_3_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_5_1.tif", + "label": "train/pancreas_codex_5_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_5_3.tif", + "label": "train/pancreas_codex_5_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_7_0.tif", + "label": "train/pancreas_codex_7_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_7_3.tif", + "label": "train/pancreas_codex_7_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_8_0.tif", + "label": "train/pancreas_codex_8_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_8_1.tif", + "label": "train/pancreas_codex_8_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_9_2.tif", + "label": "train/pancreas_codex_9_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_10_3.tif", + "label": "train/pancreas_codex_10_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_11_2.tif", + "label": "train/pancreas_codex_11_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_13_3.tif", + "label": "train/pancreas_codex_13_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_14_1.tif", + "label": "train/pancreas_codex_14_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_15_1.tif", + "label": "train/pancreas_codex_15_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_16_2.tif", + "label": "train/pancreas_codex_16_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_17_0.tif", + "label": "train/pancreas_codex_17_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_17_1.tif", + "label": "train/pancreas_codex_17_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_18_0.tif", + "label": "train/pancreas_codex_18_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_18_2.tif", + "label": "train/pancreas_codex_18_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_21_0.tif", + "label": "train/pancreas_codex_21_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_22_1.tif", + "label": "train/pancreas_codex_22_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_23_0.tif", + "label": "train/pancreas_codex_23_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_24_1.tif", + "label": "train/pancreas_codex_24_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_26_2.tif", + "label": "train/pancreas_codex_26_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_28_1.tif", + "label": "train/pancreas_codex_28_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_28_2.tif", + "label": "train/pancreas_codex_28_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_29_0.tif", + "label": "train/pancreas_codex_29_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_29_1.tif", + "label": "train/pancreas_codex_29_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_29_2.tif", + "label": "train/pancreas_codex_29_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_30_1.tif", + "label": "train/pancreas_codex_30_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_31_3.tif", + "label": "train/pancreas_codex_31_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_33_0.tif", + "label": "train/pancreas_codex_33_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_34_3.tif", + "label": "train/pancreas_codex_34_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_35_1.tif", + "label": "train/pancreas_codex_35_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_37_3.tif", + "label": "train/pancreas_codex_37_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_40_2.tif", + "label": "train/pancreas_codex_40_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_41_0.tif", + "label": "train/pancreas_codex_41_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_42_0.tif", + "label": "train/pancreas_codex_42_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_42_2.tif", + "label": "train/pancreas_codex_42_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_43_0.tif", + "label": "train/pancreas_codex_43_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_44_2.tif", + "label": "train/pancreas_codex_44_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_46_1.tif", + "label": "train/pancreas_codex_46_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_46_3.tif", + "label": "train/pancreas_codex_46_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_47_3.tif", + "label": "train/pancreas_codex_47_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_48_1.tif", + "label": "train/pancreas_codex_48_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_49_0.tif", + "label": "train/pancreas_codex_49_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_49_3.tif", + "label": "train/pancreas_codex_49_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_51_3.tif", + "label": "train/pancreas_codex_51_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_52_1.tif", + "label": "train/pancreas_codex_52_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_54_1.tif", + "label": "train/pancreas_codex_54_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_54_2.tif", + "label": "train/pancreas_codex_54_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_56_0.tif", + "label": "train/pancreas_codex_56_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_59_1.tif", + "label": "train/pancreas_codex_59_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_59_2.tif", + "label": "train/pancreas_codex_59_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_60_0.tif", + "label": "train/pancreas_codex_60_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_61_1.tif", + "label": "train/pancreas_codex_61_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_61_2.tif", + "label": "train/pancreas_codex_61_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_61_3.tif", + "label": "train/pancreas_codex_61_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_63_2.tif", + "label": "train/pancreas_codex_63_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_64_1.tif", + "label": "train/pancreas_codex_64_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_65_3.tif", + "label": "train/pancreas_codex_65_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_66_1.tif", + "label": "train/pancreas_codex_66_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_68_1.tif", + "label": "train/pancreas_codex_68_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_69_0.tif", + "label": "train/pancreas_codex_69_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_69_1.tif", + "label": "train/pancreas_codex_69_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_71_0.tif", + "label": "train/pancreas_codex_71_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_72_3.tif", + "label": "train/pancreas_codex_72_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_73_2.tif", + "label": "train/pancreas_codex_73_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_75_0.tif", + "label": "train/pancreas_codex_75_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_76_3.tif", + "label": "train/pancreas_codex_76_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_80_0.tif", + "label": "train/pancreas_codex_80_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_80_2.tif", + "label": "train/pancreas_codex_80_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_81_2.tif", + "label": "train/pancreas_codex_81_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_82_0.tif", + "label": "train/pancreas_codex_82_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_84_3.tif", + "label": "train/pancreas_codex_84_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_86_1.tif", + "label": "train/pancreas_codex_86_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_88_2.tif", + "label": "train/pancreas_codex_88_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_89_2.tif", + "label": "train/pancreas_codex_89_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_90_0.tif", + "label": "train/pancreas_codex_90_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_91_0.tif", + "label": "train/pancreas_codex_91_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_93_2.tif", + "label": "train/pancreas_codex_93_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_95_1.tif", + "label": "train/pancreas_codex_95_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_96_0.tif", + "label": "train/pancreas_codex_96_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_96_3.tif", + "label": "train/pancreas_codex_96_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_97_0.tif", + "label": "train/pancreas_codex_97_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_98_1.tif", + "label": "train/pancreas_codex_98_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_102_3.tif", + "label": "train/pancreas_codex_102_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_107_1.tif", + "label": "train/pancreas_codex_107_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_107_2.tif", + "label": "train/pancreas_codex_107_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_108_1.tif", + "label": "train/pancreas_codex_108_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_109_1.tif", + "label": "train/pancreas_codex_109_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_111_1.tif", + "label": "train/pancreas_codex_111_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_112_1.tif", + "label": "train/pancreas_codex_112_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_113_3.tif", + "label": "train/pancreas_codex_113_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_114_1.tif", + "label": "train/pancreas_codex_114_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_114_2.tif", + "label": "train/pancreas_codex_114_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_114_3.tif", + "label": "train/pancreas_codex_114_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_115_3.tif", + "label": "train/pancreas_codex_115_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_116_2.tif", + "label": "train/pancreas_codex_116_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_118_0.tif", + "label": "train/pancreas_codex_118_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_118_1.tif", + "label": "train/pancreas_codex_118_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_118_2.tif", + "label": "train/pancreas_codex_118_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_119_3.tif", + "label": "train/pancreas_codex_119_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_120_2.tif", + "label": "train/pancreas_codex_120_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_120_3.tif", + "label": "train/pancreas_codex_120_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_123_0.tif", + "label": "train/pancreas_codex_123_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_125_0.tif", + "label": "train/pancreas_codex_125_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_125_1.tif", + "label": "train/pancreas_codex_125_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_126_0.tif", + "label": "train/pancreas_codex_126_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_127_1.tif", + "label": "train/pancreas_codex_127_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_127_3.tif", + "label": "train/pancreas_codex_127_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_130_3.tif", + "label": "train/pancreas_codex_130_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_132_2.tif", + "label": "train/pancreas_codex_132_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_133_1.tif", + "label": "train/pancreas_codex_133_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_137_0.tif", + "label": "train/pancreas_codex_137_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_137_2.tif", + "label": "train/pancreas_codex_137_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_137_3.tif", + "label": "train/pancreas_codex_137_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_138_0.tif", + "label": "train/pancreas_codex_138_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_138_2.tif", + "label": "train/pancreas_codex_138_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_141_3.tif", + "label": "train/pancreas_codex_141_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_142_0.tif", + "label": "train/pancreas_codex_142_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_144_2.tif", + "label": "train/pancreas_codex_144_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_145_0.tif", + "label": "train/pancreas_codex_145_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_147_0.tif", + "label": "train/pancreas_codex_147_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_150_0.tif", + "label": "train/pancreas_codex_150_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_150_3.tif", + "label": "train/pancreas_codex_150_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_151_0.tif", + "label": "train/pancreas_codex_151_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_154_0.tif", + "label": "train/pancreas_codex_154_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_161_2.tif", + "label": "train/pancreas_codex_161_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_162_3.tif", + "label": "train/pancreas_codex_162_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_166_1.tif", + "label": "train/pancreas_codex_166_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_167_2.tif", + "label": "train/pancreas_codex_167_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_168_1.tif", + "label": "train/pancreas_codex_168_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_169_0.tif", + "label": "train/pancreas_codex_169_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_170_1.tif", + "label": "train/pancreas_codex_170_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_171_0.tif", + "label": "train/pancreas_codex_171_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_171_2.tif", + "label": "train/pancreas_codex_171_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_172_1.tif", + "label": "train/pancreas_codex_172_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_173_2.tif", + "label": "train/pancreas_codex_173_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_174_3.tif", + "label": "train/pancreas_codex_174_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_177_1.tif", + "label": "train/pancreas_codex_177_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_177_2.tif", + "label": "train/pancreas_codex_177_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_182_3.tif", + "label": "train/pancreas_codex_182_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_183_3.tif", + "label": "train/pancreas_codex_183_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_185_1.tif", + "label": "train/pancreas_codex_185_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_186_0.tif", + "label": "train/pancreas_codex_186_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_187_3.tif", + "label": "train/pancreas_codex_187_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_188_0.tif", + "label": "train/pancreas_codex_188_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_188_2.tif", + "label": "train/pancreas_codex_188_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_188_3.tif", + "label": "train/pancreas_codex_188_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_191_1.tif", + "label": "train/pancreas_codex_191_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_193_1.tif", + "label": "train/pancreas_codex_193_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_193_3.tif", + "label": "train/pancreas_codex_193_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_194_0.tif", + "label": "train/pancreas_codex_194_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_195_0.tif", + "label": "train/pancreas_codex_195_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_195_2.tif", + "label": "train/pancreas_codex_195_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_196_3.tif", + "label": "train/pancreas_codex_196_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_199_1.tif", + "label": "train/pancreas_codex_199_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_199_2.tif", + "label": "train/pancreas_codex_199_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_200_0.tif", + "label": "train/pancreas_codex_200_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_202_1.tif", + "label": "train/pancreas_codex_202_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_204_1.tif", + "label": "train/pancreas_codex_204_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_206_2.tif", + "label": "train/pancreas_codex_206_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_207_2.tif", + "label": "train/pancreas_codex_207_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_210_1.tif", + "label": "train/pancreas_codex_210_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_210_2.tif", + "label": "train/pancreas_codex_210_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_211_0.tif", + "label": "train/pancreas_codex_211_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_213_1.tif", + "label": "train/pancreas_codex_213_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_213_3.tif", + "label": "train/pancreas_codex_213_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_215_2.tif", + "label": "train/pancreas_codex_215_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_216_0.tif", + "label": "train/pancreas_codex_216_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_216_3.tif", + "label": "train/pancreas_codex_216_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_218_3.tif", + "label": "train/pancreas_codex_218_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_219_0.tif", + "label": "train/pancreas_codex_219_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_223_0.tif", + "label": "train/pancreas_codex_223_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_224_0.tif", + "label": "train/pancreas_codex_224_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_224_1.tif", + "label": "train/pancreas_codex_224_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_227_1.tif", + "label": "train/pancreas_codex_227_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_230_3.tif", + "label": "train/pancreas_codex_230_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_232_1.tif", + "label": "train/pancreas_codex_232_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_232_2.tif", + "label": "train/pancreas_codex_232_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_233_1.tif", + "label": "train/pancreas_codex_233_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_234_1.tif", + "label": "train/pancreas_codex_234_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_234_2.tif", + "label": "train/pancreas_codex_234_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_235_2.tif", + "label": "train/pancreas_codex_235_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_236_1.tif", + "label": "train/pancreas_codex_236_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_239_2.tif", + "label": "train/pancreas_codex_239_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_240_2.tif", + "label": "train/pancreas_codex_240_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_241_3.tif", + "label": "train/pancreas_codex_241_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_243_1.tif", + "label": "train/pancreas_codex_243_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_244_2.tif", + "label": "train/pancreas_codex_244_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_245_0.tif", + "label": "train/pancreas_codex_245_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_250_3.tif", + "label": "train/pancreas_codex_250_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_251_3.tif", + "label": "train/pancreas_codex_251_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_253_1.tif", + "label": "train/pancreas_codex_253_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_253_2.tif", + "label": "train/pancreas_codex_253_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_254_0.tif", + "label": "train/pancreas_codex_254_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_255_2.tif", + "label": "train/pancreas_codex_255_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_255_3.tif", + "label": "train/pancreas_codex_255_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_256_0.tif", + "label": "train/pancreas_codex_256_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_257_1.tif", + "label": "train/pancreas_codex_257_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_258_3.tif", + "label": "train/pancreas_codex_258_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_260_0.tif", + "label": "train/pancreas_codex_260_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_260_1.tif", + "label": "train/pancreas_codex_260_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_262_2.tif", + "label": "train/pancreas_codex_262_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_263_3.tif", + "label": "train/pancreas_codex_263_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_265_2.tif", + "label": "train/pancreas_codex_265_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_266_0.tif", + "label": "train/pancreas_codex_266_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_266_2.tif", + "label": "train/pancreas_codex_266_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_267_1.tif", + "label": "train/pancreas_codex_267_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_268_2.tif", + "label": "train/pancreas_codex_268_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_269_2.tif", + "label": "train/pancreas_codex_269_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_270_3.tif", + "label": "train/pancreas_codex_270_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_271_1.tif", + "label": "train/pancreas_codex_271_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_272_3.tif", + "label": "train/pancreas_codex_272_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_273_0.tif", + "label": "train/pancreas_codex_273_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_274_2.tif", + "label": "train/pancreas_codex_274_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_275_1.tif", + "label": "train/pancreas_codex_275_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_276_2.tif", + "label": "train/pancreas_codex_276_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_277_0.tif", + "label": "train/pancreas_codex_277_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_278_1.tif", + "label": "train/pancreas_codex_278_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_279_3.tif", + "label": "train/pancreas_codex_279_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_280_0.tif", + "label": "train/pancreas_codex_280_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_281_3.tif", + "label": "train/pancreas_codex_281_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_283_1.tif", + "label": "train/pancreas_codex_283_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_283_2.tif", + "label": "train/pancreas_codex_283_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_284_0.tif", + "label": "train/pancreas_codex_284_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_285_2.tif", + "label": "train/pancreas_codex_285_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_287_0.tif", + "label": "train/pancreas_codex_287_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_287_1.tif", + "label": "train/pancreas_codex_287_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_287_3.tif", + "label": "train/pancreas_codex_287_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_288_1.tif", + "label": "train/pancreas_codex_288_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_289_2.tif", + "label": "train/pancreas_codex_289_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_290_1.tif", + "label": "train/pancreas_codex_290_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_292_2.tif", + "label": "train/pancreas_codex_292_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_293_1.tif", + "label": "train/pancreas_codex_293_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_296_0.tif", + "label": "train/pancreas_codex_296_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_296_1.tif", + "label": "train/pancreas_codex_296_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_297_1.tif", + "label": "train/pancreas_codex_297_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_297_2.tif", + "label": "train/pancreas_codex_297_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_299_2.tif", + "label": "train/pancreas_codex_299_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_299_3.tif", + "label": "train/pancreas_codex_299_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_300_3.tif", + "label": "train/pancreas_codex_300_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_302_3.tif", + "label": "train/pancreas_codex_302_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_304_0.tif", + "label": "train/pancreas_codex_304_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_308_2.tif", + "label": "train/pancreas_codex_308_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_309_2.tif", + "label": "train/pancreas_codex_309_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_310_2.tif", + "label": "train/pancreas_codex_310_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_312_2.tif", + "label": "train/pancreas_codex_312_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_313_2.tif", + "label": "train/pancreas_codex_313_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_314_0.tif", + "label": "train/pancreas_codex_314_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_314_1.tif", + "label": "train/pancreas_codex_314_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_314_3.tif", + "label": "train/pancreas_codex_314_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_316_3.tif", + "label": "train/pancreas_codex_316_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_317_2.tif", + "label": "train/pancreas_codex_317_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_320_0.tif", + "label": "train/pancreas_codex_320_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_321_1.tif", + "label": "train/pancreas_codex_321_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_325_2.tif", + "label": "train/pancreas_codex_325_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_326_1.tif", + "label": "train/pancreas_codex_326_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_328_1.tif", + "label": "train/pancreas_codex_328_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_329_1.tif", + "label": "train/pancreas_codex_329_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_329_3.tif", + "label": "train/pancreas_codex_329_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_330_0.tif", + "label": "train/pancreas_codex_330_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_332_2.tif", + "label": "train/pancreas_codex_332_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_332_3.tif", + "label": "train/pancreas_codex_332_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_335_0.tif", + "label": "train/pancreas_codex_335_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_335_1.tif", + "label": "train/pancreas_codex_335_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_335_2.tif", + "label": "train/pancreas_codex_335_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_337_3.tif", + "label": "train/pancreas_codex_337_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_338_1.tif", + "label": "train/pancreas_codex_338_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_339_0.tif", + "label": "train/pancreas_codex_339_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_340_1.tif", + "label": "train/pancreas_codex_340_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_341_0.tif", + "label": "train/pancreas_codex_341_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_342_0.tif", + "label": "train/pancreas_codex_342_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_342_3.tif", + "label": "train/pancreas_codex_342_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_344_0.tif", + "label": "train/pancreas_codex_344_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_344_1.tif", + "label": "train/pancreas_codex_344_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_347_2.tif", + "label": "train/pancreas_codex_347_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_347_3.tif", + "label": "train/pancreas_codex_347_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_348_2.tif", + "label": "train/pancreas_codex_348_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_351_1.tif", + "label": "train/pancreas_codex_351_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_352_1.tif", + "label": "train/pancreas_codex_352_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_353_1.tif", + "label": "train/pancreas_codex_353_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_359_1.tif", + "label": "train/pancreas_codex_359_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_359_3.tif", + "label": "train/pancreas_codex_359_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_360_0.tif", + "label": "train/pancreas_codex_360_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_361_0.tif", + "label": "train/pancreas_codex_361_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_362_3.tif", + "label": "train/pancreas_codex_362_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_364_2.tif", + "label": "train/pancreas_codex_364_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_365_0.tif", + "label": "train/pancreas_codex_365_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_366_0.tif", + "label": "train/pancreas_codex_366_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_369_3.tif", + "label": "train/pancreas_codex_369_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_372_2.tif", + "label": "train/pancreas_codex_372_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_374_1.tif", + "label": "train/pancreas_codex_374_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_374_2.tif", + "label": "train/pancreas_codex_374_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_375_0.tif", + "label": "train/pancreas_codex_375_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_376_3.tif", + "label": "train/pancreas_codex_376_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_377_2.tif", + "label": "train/pancreas_codex_377_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_378_1.tif", + "label": "train/pancreas_codex_378_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_379_0.tif", + "label": "train/pancreas_codex_379_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_381_2.tif", + "label": "train/pancreas_codex_381_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_382_1.tif", + "label": "train/pancreas_codex_382_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_382_3.tif", + "label": "train/pancreas_codex_382_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_383_0.tif", + "label": "train/pancreas_codex_383_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_383_2.tif", + "label": "train/pancreas_codex_383_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_387_0.tif", + "label": "train/pancreas_codex_387_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_388_0.tif", + "label": "train/pancreas_codex_388_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_389_1.tif", + "label": "train/pancreas_codex_389_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_392_0.tif", + "label": "train/pancreas_codex_392_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_393_3.tif", + "label": "train/pancreas_codex_393_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_394_2.tif", + "label": "train/pancreas_codex_394_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_394_3.tif", + "label": "train/pancreas_codex_394_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_396_0.tif", + "label": "train/pancreas_codex_396_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_397_1.tif", + "label": "train/pancreas_codex_397_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_397_3.tif", + "label": "train/pancreas_codex_397_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_398_1.tif", + "label": "train/pancreas_codex_398_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_400_0.tif", + "label": "train/pancreas_codex_400_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_400_2.tif", + "label": "train/pancreas_codex_400_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_401_0.tif", + "label": "train/pancreas_codex_401_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_401_2.tif", + "label": "train/pancreas_codex_401_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_402_1.tif", + "label": "train/pancreas_codex_402_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_404_2.tif", + "label": "train/pancreas_codex_404_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_405_3.tif", + "label": "train/pancreas_codex_405_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_406_0.tif", + "label": "train/pancreas_codex_406_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_408_1.tif", + "label": "train/pancreas_codex_408_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_409_3.tif", + "label": "train/pancreas_codex_409_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_410_2.tif", + "label": "train/pancreas_codex_410_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_410_3.tif", + "label": "train/pancreas_codex_410_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_411_0.tif", + "label": "train/pancreas_codex_411_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_411_1.tif", + "label": "train/pancreas_codex_411_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_412_0.tif", + "label": "train/pancreas_codex_412_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_412_2.tif", + "label": "train/pancreas_codex_412_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_417_1.tif", + "label": "train/pancreas_codex_417_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_418_0.tif", + "label": "train/pancreas_codex_418_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_418_3.tif", + "label": "train/pancreas_codex_418_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_419_2.tif", + "label": "train/pancreas_codex_419_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_420_3.tif", + "label": "train/pancreas_codex_420_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_421_0.tif", + "label": "train/pancreas_codex_421_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_422_3.tif", + "label": "train/pancreas_codex_422_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_424_0.tif", + "label": "train/pancreas_codex_424_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_425_2.tif", + "label": "train/pancreas_codex_425_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_430_0.tif", + "label": "train/pancreas_codex_430_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_431_2.tif", + "label": "train/pancreas_codex_431_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_432_0.tif", + "label": "train/pancreas_codex_432_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_433_2.tif", + "label": "train/pancreas_codex_433_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_434_3.tif", + "label": "train/pancreas_codex_434_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_437_2.tif", + "label": "train/pancreas_codex_437_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_438_1.tif", + "label": "train/pancreas_codex_438_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_441_1.tif", + "label": "train/pancreas_codex_441_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_442_0.tif", + "label": "train/pancreas_codex_442_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_443_3.tif", + "label": "train/pancreas_codex_443_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_444_0.tif", + "label": "train/pancreas_codex_444_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_444_1.tif", + "label": "train/pancreas_codex_444_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_446_1.tif", + "label": "train/pancreas_codex_446_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_448_1.tif", + "label": "train/pancreas_codex_448_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_450_2.tif", + "label": "train/pancreas_codex_450_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_452_0.tif", + "label": "train/pancreas_codex_452_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_454_0.tif", + "label": "train/pancreas_codex_454_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_454_2.tif", + "label": "train/pancreas_codex_454_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_455_1.tif", + "label": "train/pancreas_codex_455_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_456_2.tif", + "label": "train/pancreas_codex_456_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_457_1.tif", + "label": "train/pancreas_codex_457_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_460_3.tif", + "label": "train/pancreas_codex_460_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_464_3.tif", + "label": "train/pancreas_codex_464_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_465_1.tif", + "label": "train/pancreas_codex_465_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_466_1.tif", + "label": "train/pancreas_codex_466_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_466_2.tif", + "label": "train/pancreas_codex_466_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_470_1.tif", + "label": "train/pancreas_codex_470_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_470_2.tif", + "label": "train/pancreas_codex_470_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_471_1.tif", + "label": "train/pancreas_codex_471_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_473_1.tif", + "label": "train/pancreas_codex_473_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_473_2.tif", + "label": "train/pancreas_codex_473_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_474_0.tif", + "label": "train/pancreas_codex_474_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_475_3.tif", + "label": "train/pancreas_codex_475_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_476_2.tif", + "label": "train/pancreas_codex_476_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_477_2.tif", + "label": "train/pancreas_codex_477_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_477_3.tif", + "label": "train/pancreas_codex_477_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_478_0.tif", + "label": "train/pancreas_codex_478_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_481_1.tif", + "label": "train/pancreas_codex_481_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_483_0.tif", + "label": "train/pancreas_codex_483_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_483_2.tif", + "label": "train/pancreas_codex_483_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_483_3.tif", + "label": "train/pancreas_codex_483_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_484_0.tif", + "label": "train/pancreas_codex_484_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_488_1.tif", + "label": "train/pancreas_codex_488_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_489_1.tif", + "label": "train/pancreas_codex_489_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_489_2.tif", + "label": "train/pancreas_codex_489_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_490_1.tif", + "label": "train/pancreas_codex_490_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_491_2.tif", + "label": "train/pancreas_codex_491_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_493_3.tif", + "label": "train/pancreas_codex_493_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_494_0.tif", + "label": "train/pancreas_codex_494_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_494_1.tif", + "label": "train/pancreas_codex_494_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_496_1.tif", + "label": "train/pancreas_codex_496_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_496_2.tif", + "label": "train/pancreas_codex_496_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_497_1.tif", + "label": "train/pancreas_codex_497_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_498_0.tif", + "label": "train/pancreas_codex_498_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_499_1.tif", + "label": "train/pancreas_codex_499_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_500_3.tif", + "label": "train/pancreas_codex_500_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_501_3.tif", + "label": "train/pancreas_codex_501_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_502_1.tif", + "label": "train/pancreas_codex_502_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_503_1.tif", + "label": "train/pancreas_codex_503_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_503_3.tif", + "label": "train/pancreas_codex_503_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_504_2.tif", + "label": "train/pancreas_codex_504_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_505_1.tif", + "label": "train/pancreas_codex_505_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_507_3.tif", + "label": "train/pancreas_codex_507_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_508_0.tif", + "label": "train/pancreas_codex_508_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_509_0.tif", + "label": "train/pancreas_codex_509_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_510_2.tif", + "label": "train/pancreas_codex_510_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_510_3.tif", + "label": "train/pancreas_codex_510_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_512_3.tif", + "label": "train/pancreas_codex_512_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_514_1.tif", + "label": "train/pancreas_codex_514_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_515_1.tif", + "label": "train/pancreas_codex_515_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_516_2.tif", + "label": "train/pancreas_codex_516_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_517_2.tif", + "label": "train/pancreas_codex_517_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_519_0.tif", + "label": "train/pancreas_codex_519_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_520_3.tif", + "label": "train/pancreas_codex_520_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_521_1.tif", + "label": "train/pancreas_codex_521_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_523_3.tif", + "label": "train/pancreas_codex_523_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_525_0.tif", + "label": "train/pancreas_codex_525_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_526_3.tif", + "label": "train/pancreas_codex_526_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_527_1.tif", + "label": "train/pancreas_codex_527_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_527_2.tif", + "label": "train/pancreas_codex_527_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_528_1.tif", + "label": "train/pancreas_codex_528_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_528_2.tif", + "label": "train/pancreas_codex_528_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_529_0.tif", + "label": "train/pancreas_codex_529_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_529_1.tif", + "label": "train/pancreas_codex_529_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_530_1.tif", + "label": "train/pancreas_codex_530_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_532_2.tif", + "label": "train/pancreas_codex_532_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_532_3.tif", + "label": "train/pancreas_codex_532_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_534_1.tif", + "label": "train/pancreas_codex_534_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_535_3.tif", + "label": "train/pancreas_codex_535_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_536_0.tif", + "label": "train/pancreas_codex_536_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_539_0.tif", + "label": "train/pancreas_codex_539_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_539_2.tif", + "label": "train/pancreas_codex_539_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_540_2.tif", + "label": "train/pancreas_codex_540_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_542_1.tif", + "label": "train/pancreas_codex_542_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_543_1.tif", + "label": "train/pancreas_codex_543_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_543_2.tif", + "label": "train/pancreas_codex_543_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_543_3.tif", + "label": "train/pancreas_codex_543_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_544_0.tif", + "label": "train/pancreas_codex_544_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_546_1.tif", + "label": "train/pancreas_codex_546_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_548_0.tif", + "label": "train/pancreas_codex_548_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_548_1.tif", + "label": "train/pancreas_codex_548_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_550_3.tif", + "label": "train/pancreas_codex_550_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_554_3.tif", + "label": "train/pancreas_codex_554_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_555_3.tif", + "label": "train/pancreas_codex_555_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_556_1.tif", + "label": "train/pancreas_codex_556_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_557_0.tif", + "label": "train/pancreas_codex_557_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_559_1.tif", + "label": "train/pancreas_codex_559_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_560_1.tif", + "label": "train/pancreas_codex_560_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_566_0.tif", + "label": "train/pancreas_codex_566_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_566_1.tif", + "label": "train/pancreas_codex_566_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_566_2.tif", + "label": "train/pancreas_codex_566_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_570_3.tif", + "label": "train/pancreas_codex_570_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_572_2.tif", + "label": "train/pancreas_codex_572_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_572_3.tif", + "label": "train/pancreas_codex_572_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_576_3.tif", + "label": "train/pancreas_codex_576_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_577_0.tif", + "label": "train/pancreas_codex_577_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_579_1.tif", + "label": "train/pancreas_codex_579_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_579_2.tif", + "label": "train/pancreas_codex_579_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_579_3.tif", + "label": "train/pancreas_codex_579_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_580_3.tif", + "label": "train/pancreas_codex_580_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_584_1.tif", + "label": "train/pancreas_codex_584_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_585_3.tif", + "label": "train/pancreas_codex_585_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_586_0.tif", + "label": "train/pancreas_codex_586_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_586_1.tif", + "label": "train/pancreas_codex_586_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_588_1.tif", + "label": "train/pancreas_codex_588_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_588_2.tif", + "label": "train/pancreas_codex_588_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_589_2.tif", + "label": "train/pancreas_codex_589_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_589_3.tif", + "label": "train/pancreas_codex_589_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_590_1.tif", + "label": "train/pancreas_codex_590_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_590_3.tif", + "label": "train/pancreas_codex_590_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_1_0.tif", + "label": "train/pancreas_vectra_1_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_3_0.tif", + "label": "train/pancreas_vectra_3_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_4_2.tif", + "label": "train/pancreas_vectra_4_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_5_2.tif", + "label": "train/pancreas_vectra_5_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_7_0.tif", + "label": "train/pancreas_vectra_7_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_7_3.tif", + "label": "train/pancreas_vectra_7_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_8_2.tif", + "label": "train/pancreas_vectra_8_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_10_0.tif", + "label": "train/pancreas_vectra_10_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_10_3.tif", + "label": "train/pancreas_vectra_10_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_13_0.tif", + "label": "train/pancreas_vectra_13_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_13_3.tif", + "label": "train/pancreas_vectra_13_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_15_1.tif", + "label": "train/pancreas_vectra_15_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_17_0.tif", + "label": "train/pancreas_vectra_17_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_3_3.tif", + "label": "train/pancreas_codex_3_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_4_2.tif", + "label": "train/pancreas_codex_4_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_5_0.tif", + "label": "train/pancreas_codex_5_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_6_1.tif", + "label": "train/pancreas_codex_6_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_7_1.tif", + "label": "train/pancreas_codex_7_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_9_0.tif", + "label": "train/pancreas_codex_9_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_10_2.tif", + "label": "train/pancreas_codex_10_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_13_0.tif", + "label": "train/pancreas_codex_13_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_15_3.tif", + "label": "train/pancreas_codex_15_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_17_2.tif", + "label": "train/pancreas_codex_17_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_17_3.tif", + "label": "train/pancreas_codex_17_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_19_1.tif", + "label": "train/pancreas_codex_19_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_21_2.tif", + "label": "train/pancreas_codex_21_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_23_3.tif", + "label": "train/pancreas_codex_23_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_24_0.tif", + "label": "train/pancreas_codex_24_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_25_0.tif", + "label": "train/pancreas_codex_25_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_26_1.tif", + "label": "train/pancreas_codex_26_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_27_1.tif", + "label": "train/pancreas_codex_27_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_28_0.tif", + "label": "train/pancreas_codex_28_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_30_2.tif", + "label": "train/pancreas_codex_30_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_32_1.tif", + "label": "train/pancreas_codex_32_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_35_3.tif", + "label": "train/pancreas_codex_35_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_36_0.tif", + "label": "train/pancreas_codex_36_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_36_1.tif", + "label": "train/pancreas_codex_36_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_36_3.tif", + "label": "train/pancreas_codex_36_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_37_2.tif", + "label": "train/pancreas_codex_37_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_38_0.tif", + "label": "train/pancreas_codex_38_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_38_1.tif", + "label": "train/pancreas_codex_38_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_38_3.tif", + "label": "train/pancreas_codex_38_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_39_1.tif", + "label": "train/pancreas_codex_39_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_43_1.tif", + "label": "train/pancreas_codex_43_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_43_2.tif", + "label": "train/pancreas_codex_43_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_44_3.tif", + "label": "train/pancreas_codex_44_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_45_3.tif", + "label": "train/pancreas_codex_45_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_46_0.tif", + "label": "train/pancreas_codex_46_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_49_1.tif", + "label": "train/pancreas_codex_49_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_53_1.tif", + "label": "train/pancreas_codex_53_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_53_2.tif", + "label": "train/pancreas_codex_53_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_55_1.tif", + "label": "train/pancreas_codex_55_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_55_2.tif", + "label": "train/pancreas_codex_55_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_56_1.tif", + "label": "train/pancreas_codex_56_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_58_0.tif", + "label": "train/pancreas_codex_58_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_58_3.tif", + "label": "train/pancreas_codex_58_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_60_3.tif", + "label": "train/pancreas_codex_60_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_62_1.tif", + "label": "train/pancreas_codex_62_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_63_0.tif", + "label": "train/pancreas_codex_63_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_63_1.tif", + "label": "train/pancreas_codex_63_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_65_1.tif", + "label": "train/pancreas_codex_65_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_66_2.tif", + "label": "train/pancreas_codex_66_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_67_1.tif", + "label": "train/pancreas_codex_67_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_67_3.tif", + "label": "train/pancreas_codex_67_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_68_0.tif", + "label": "train/pancreas_codex_68_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_72_2.tif", + "label": "train/pancreas_codex_72_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_74_0.tif", + "label": "train/pancreas_codex_74_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_78_0.tif", + "label": "train/pancreas_codex_78_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_78_1.tif", + "label": "train/pancreas_codex_78_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_79_0.tif", + "label": "train/pancreas_codex_79_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_79_1.tif", + "label": "train/pancreas_codex_79_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_79_3.tif", + "label": "train/pancreas_codex_79_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_81_0.tif", + "label": "train/pancreas_codex_81_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_81_3.tif", + "label": "train/pancreas_codex_81_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_83_1.tif", + "label": "train/pancreas_codex_83_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_83_2.tif", + "label": "train/pancreas_codex_83_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_84_1.tif", + "label": "train/pancreas_codex_84_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_85_2.tif", + "label": "train/pancreas_codex_85_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_85_3.tif", + "label": "train/pancreas_codex_85_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_86_0.tif", + "label": "train/pancreas_codex_86_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_86_2.tif", + "label": "train/pancreas_codex_86_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_89_0.tif", + "label": "train/pancreas_codex_89_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_89_1.tif", + "label": "train/pancreas_codex_89_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_90_2.tif", + "label": "train/pancreas_codex_90_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_92_3.tif", + "label": "train/pancreas_codex_92_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_93_1.tif", + "label": "train/pancreas_codex_93_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_94_0.tif", + "label": "train/pancreas_codex_94_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_94_1.tif", + "label": "train/pancreas_codex_94_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_94_2.tif", + "label": "train/pancreas_codex_94_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_94_3.tif", + "label": "train/pancreas_codex_94_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_97_3.tif", + "label": "train/pancreas_codex_97_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_98_2.tif", + "label": "train/pancreas_codex_98_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_100_2.tif", + "label": "train/pancreas_codex_100_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_101_1.tif", + "label": "train/pancreas_codex_101_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_102_2.tif", + "label": "train/pancreas_codex_102_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_103_0.tif", + "label": "train/pancreas_codex_103_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_103_1.tif", + "label": "train/pancreas_codex_103_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_104_1.tif", + "label": "train/pancreas_codex_104_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_105_3.tif", + "label": "train/pancreas_codex_105_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_107_3.tif", + "label": "train/pancreas_codex_107_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_112_2.tif", + "label": "train/pancreas_codex_112_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_112_3.tif", + "label": "train/pancreas_codex_112_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_113_2.tif", + "label": "train/pancreas_codex_113_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_115_1.tif", + "label": "train/pancreas_codex_115_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_116_1.tif", + "label": "train/pancreas_codex_116_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_116_3.tif", + "label": "train/pancreas_codex_116_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_117_1.tif", + "label": "train/pancreas_codex_117_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_118_3.tif", + "label": "train/pancreas_codex_118_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_122_1.tif", + "label": "train/pancreas_codex_122_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_124_1.tif", + "label": "train/pancreas_codex_124_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_126_1.tif", + "label": "train/pancreas_codex_126_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_126_2.tif", + "label": "train/pancreas_codex_126_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_128_3.tif", + "label": "train/pancreas_codex_128_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_129_3.tif", + "label": "train/pancreas_codex_129_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_130_2.tif", + "label": "train/pancreas_codex_130_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_131_0.tif", + "label": "train/pancreas_codex_131_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_133_0.tif", + "label": "train/pancreas_codex_133_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_134_3.tif", + "label": "train/pancreas_codex_134_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_135_2.tif", + "label": "train/pancreas_codex_135_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_136_1.tif", + "label": "train/pancreas_codex_136_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_140_2.tif", + "label": "train/pancreas_codex_140_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_141_0.tif", + "label": "train/pancreas_codex_141_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_141_1.tif", + "label": "train/pancreas_codex_141_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_141_2.tif", + "label": "train/pancreas_codex_141_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_147_3.tif", + "label": "train/pancreas_codex_147_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_150_1.tif", + "label": "train/pancreas_codex_150_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_151_1.tif", + "label": "train/pancreas_codex_151_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_151_2.tif", + "label": "train/pancreas_codex_151_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_152_1.tif", + "label": "train/pancreas_codex_152_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_152_3.tif", + "label": "train/pancreas_codex_152_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_154_1.tif", + "label": "train/pancreas_codex_154_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_155_1.tif", + "label": "train/pancreas_codex_155_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_156_0.tif", + "label": "train/pancreas_codex_156_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_156_2.tif", + "label": "train/pancreas_codex_156_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_158_1.tif", + "label": "train/pancreas_codex_158_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_159_1.tif", + "label": "train/pancreas_codex_159_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_162_0.tif", + "label": "train/pancreas_codex_162_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_163_0.tif", + "label": "train/pancreas_codex_163_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_164_0.tif", + "label": "train/pancreas_codex_164_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_164_1.tif", + "label": "train/pancreas_codex_164_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_164_2.tif", + "label": "train/pancreas_codex_164_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_166_3.tif", + "label": "train/pancreas_codex_166_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_167_0.tif", + "label": "train/pancreas_codex_167_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_169_1.tif", + "label": "train/pancreas_codex_169_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_171_3.tif", + "label": "train/pancreas_codex_171_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_172_2.tif", + "label": "train/pancreas_codex_172_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_172_3.tif", + "label": "train/pancreas_codex_172_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_173_3.tif", + "label": "train/pancreas_codex_173_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_174_0.tif", + "label": "train/pancreas_codex_174_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_176_0.tif", + "label": "train/pancreas_codex_176_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_176_2.tif", + "label": "train/pancreas_codex_176_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_178_2.tif", + "label": "train/pancreas_codex_178_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_178_3.tif", + "label": "train/pancreas_codex_178_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_179_0.tif", + "label": "train/pancreas_codex_179_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_179_1.tif", + "label": "train/pancreas_codex_179_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_180_1.tif", + "label": "train/pancreas_codex_180_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_181_3.tif", + "label": "train/pancreas_codex_181_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_182_0.tif", + "label": "train/pancreas_codex_182_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_183_0.tif", + "label": "train/pancreas_codex_183_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_183_2.tif", + "label": "train/pancreas_codex_183_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_184_2.tif", + "label": "train/pancreas_codex_184_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_186_3.tif", + "label": "train/pancreas_codex_186_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_188_1.tif", + "label": "train/pancreas_codex_188_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_190_2.tif", + "label": "train/pancreas_codex_190_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_192_2.tif", + "label": "train/pancreas_codex_192_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_195_3.tif", + "label": "train/pancreas_codex_195_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_198_2.tif", + "label": "train/pancreas_codex_198_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_198_3.tif", + "label": "train/pancreas_codex_198_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_199_0.tif", + "label": "train/pancreas_codex_199_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_200_3.tif", + "label": "train/pancreas_codex_200_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_201_2.tif", + "label": "train/pancreas_codex_201_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_202_3.tif", + "label": "train/pancreas_codex_202_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_203_2.tif", + "label": "train/pancreas_codex_203_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_204_2.tif", + "label": "train/pancreas_codex_204_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_205_2.tif", + "label": "train/pancreas_codex_205_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_208_0.tif", + "label": "train/pancreas_codex_208_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_208_3.tif", + "label": "train/pancreas_codex_208_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_209_1.tif", + "label": "train/pancreas_codex_209_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_209_2.tif", + "label": "train/pancreas_codex_209_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_210_3.tif", + "label": "train/pancreas_codex_210_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_212_0.tif", + "label": "train/pancreas_codex_212_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_212_2.tif", + "label": "train/pancreas_codex_212_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_214_0.tif", + "label": "train/pancreas_codex_214_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_216_1.tif", + "label": "train/pancreas_codex_216_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_217_1.tif", + "label": "train/pancreas_codex_217_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_217_3.tif", + "label": "train/pancreas_codex_217_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_218_1.tif", + "label": "train/pancreas_codex_218_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_219_2.tif", + "label": "train/pancreas_codex_219_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_219_3.tif", + "label": "train/pancreas_codex_219_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_220_2.tif", + "label": "train/pancreas_codex_220_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_220_3.tif", + "label": "train/pancreas_codex_220_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_221_0.tif", + "label": "train/pancreas_codex_221_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_221_2.tif", + "label": "train/pancreas_codex_221_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_222_1.tif", + "label": "train/pancreas_codex_222_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_225_1.tif", + "label": "train/pancreas_codex_225_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_225_3.tif", + "label": "train/pancreas_codex_225_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_226_1.tif", + "label": "train/pancreas_codex_226_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_226_3.tif", + "label": "train/pancreas_codex_226_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_227_0.tif", + "label": "train/pancreas_codex_227_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_227_2.tif", + "label": "train/pancreas_codex_227_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_228_3.tif", + "label": "train/pancreas_codex_228_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_232_0.tif", + "label": "train/pancreas_codex_232_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_233_0.tif", + "label": "train/pancreas_codex_233_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_234_3.tif", + "label": "train/pancreas_codex_234_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_236_0.tif", + "label": "train/pancreas_codex_236_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_236_3.tif", + "label": "train/pancreas_codex_236_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_237_1.tif", + "label": "train/pancreas_codex_237_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_239_0.tif", + "label": "train/pancreas_codex_239_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_240_0.tif", + "label": "train/pancreas_codex_240_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_240_3.tif", + "label": "train/pancreas_codex_240_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_241_0.tif", + "label": "train/pancreas_codex_241_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_242_3.tif", + "label": "train/pancreas_codex_242_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_247_0.tif", + "label": "train/pancreas_codex_247_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_247_1.tif", + "label": "train/pancreas_codex_247_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_249_2.tif", + "label": "train/pancreas_codex_249_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_249_3.tif", + "label": "train/pancreas_codex_249_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_254_2.tif", + "label": "train/pancreas_codex_254_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_254_3.tif", + "label": "train/pancreas_codex_254_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_255_1.tif", + "label": "train/pancreas_codex_255_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_256_1.tif", + "label": "train/pancreas_codex_256_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_257_3.tif", + "label": "train/pancreas_codex_257_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_258_1.tif", + "label": "train/pancreas_codex_258_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_260_2.tif", + "label": "train/pancreas_codex_260_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_261_2.tif", + "label": "train/pancreas_codex_261_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_262_1.tif", + "label": "train/pancreas_codex_262_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_263_0.tif", + "label": "train/pancreas_codex_263_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_265_1.tif", + "label": "train/pancreas_codex_265_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_265_3.tif", + "label": "train/pancreas_codex_265_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_266_3.tif", + "label": "train/pancreas_codex_266_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_268_0.tif", + "label": "train/pancreas_codex_268_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_268_3.tif", + "label": "train/pancreas_codex_268_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_269_0.tif", + "label": "train/pancreas_codex_269_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_272_0.tif", + "label": "train/pancreas_codex_272_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_273_3.tif", + "label": "train/pancreas_codex_273_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_274_0.tif", + "label": "train/pancreas_codex_274_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_274_3.tif", + "label": "train/pancreas_codex_274_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_276_3.tif", + "label": "train/pancreas_codex_276_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_277_2.tif", + "label": "train/pancreas_codex_277_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_277_3.tif", + "label": "train/pancreas_codex_277_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_280_1.tif", + "label": "train/pancreas_codex_280_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_281_2.tif", + "label": "train/pancreas_codex_281_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_284_1.tif", + "label": "train/pancreas_codex_284_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_285_0.tif", + "label": "train/pancreas_codex_285_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_287_2.tif", + "label": "train/pancreas_codex_287_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_288_2.tif", + "label": "train/pancreas_codex_288_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_288_3.tif", + "label": "train/pancreas_codex_288_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_290_0.tif", + "label": "train/pancreas_codex_290_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_292_0.tif", + "label": "train/pancreas_codex_292_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_292_1.tif", + "label": "train/pancreas_codex_292_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_293_2.tif", + "label": "train/pancreas_codex_293_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_293_3.tif", + "label": "train/pancreas_codex_293_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_295_2.tif", + "label": "train/pancreas_codex_295_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_296_3.tif", + "label": "train/pancreas_codex_296_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_297_3.tif", + "label": "train/pancreas_codex_297_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_298_0.tif", + "label": "train/pancreas_codex_298_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_300_0.tif", + "label": "train/pancreas_codex_300_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_300_2.tif", + "label": "train/pancreas_codex_300_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_301_3.tif", + "label": "train/pancreas_codex_301_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_303_2.tif", + "label": "train/pancreas_codex_303_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_305_3.tif", + "label": "train/pancreas_codex_305_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_308_3.tif", + "label": "train/pancreas_codex_308_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_312_3.tif", + "label": "train/pancreas_codex_312_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_313_1.tif", + "label": "train/pancreas_codex_313_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_314_2.tif", + "label": "train/pancreas_codex_314_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_315_1.tif", + "label": "train/pancreas_codex_315_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_318_3.tif", + "label": "train/pancreas_codex_318_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_319_1.tif", + "label": "train/pancreas_codex_319_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_319_2.tif", + "label": "train/pancreas_codex_319_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_321_0.tif", + "label": "train/pancreas_codex_321_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_322_0.tif", + "label": "train/pancreas_codex_322_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_323_3.tif", + "label": "train/pancreas_codex_323_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_325_0.tif", + "label": "train/pancreas_codex_325_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_325_3.tif", + "label": "train/pancreas_codex_325_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_326_2.tif", + "label": "train/pancreas_codex_326_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_327_1.tif", + "label": "train/pancreas_codex_327_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_327_3.tif", + "label": "train/pancreas_codex_327_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_328_0.tif", + "label": "train/pancreas_codex_328_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_330_1.tif", + "label": "train/pancreas_codex_330_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_331_0.tif", + "label": "train/pancreas_codex_331_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_331_3.tif", + "label": "train/pancreas_codex_331_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_332_1.tif", + "label": "train/pancreas_codex_332_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_333_0.tif", + "label": "train/pancreas_codex_333_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_334_1.tif", + "label": "train/pancreas_codex_334_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_336_1.tif", + "label": "train/pancreas_codex_336_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_337_2.tif", + "label": "train/pancreas_codex_337_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_340_0.tif", + "label": "train/pancreas_codex_340_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_341_2.tif", + "label": "train/pancreas_codex_341_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_343_0.tif", + "label": "train/pancreas_codex_343_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_345_3.tif", + "label": "train/pancreas_codex_345_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_346_1.tif", + "label": "train/pancreas_codex_346_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_347_1.tif", + "label": "train/pancreas_codex_347_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_348_1.tif", + "label": "train/pancreas_codex_348_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_351_0.tif", + "label": "train/pancreas_codex_351_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_352_3.tif", + "label": "train/pancreas_codex_352_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_355_0.tif", + "label": "train/pancreas_codex_355_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_355_3.tif", + "label": "train/pancreas_codex_355_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_356_0.tif", + "label": "train/pancreas_codex_356_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_356_1.tif", + "label": "train/pancreas_codex_356_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_357_2.tif", + "label": "train/pancreas_codex_357_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_357_3.tif", + "label": "train/pancreas_codex_357_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_358_2.tif", + "label": "train/pancreas_codex_358_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_361_1.tif", + "label": "train/pancreas_codex_361_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_362_1.tif", + "label": "train/pancreas_codex_362_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_363_3.tif", + "label": "train/pancreas_codex_363_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_366_1.tif", + "label": "train/pancreas_codex_366_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_367_1.tif", + "label": "train/pancreas_codex_367_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_367_3.tif", + "label": "train/pancreas_codex_367_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_368_0.tif", + "label": "train/pancreas_codex_368_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_368_1.tif", + "label": "train/pancreas_codex_368_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_368_2.tif", + "label": "train/pancreas_codex_368_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_369_2.tif", + "label": "train/pancreas_codex_369_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_371_0.tif", + "label": "train/pancreas_codex_371_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_371_1.tif", + "label": "train/pancreas_codex_371_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_371_2.tif", + "label": "train/pancreas_codex_371_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_372_3.tif", + "label": "train/pancreas_codex_372_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_373_0.tif", + "label": "train/pancreas_codex_373_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_373_1.tif", + "label": "train/pancreas_codex_373_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_373_3.tif", + "label": "train/pancreas_codex_373_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_374_3.tif", + "label": "train/pancreas_codex_374_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_380_1.tif", + "label": "train/pancreas_codex_380_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_380_2.tif", + "label": "train/pancreas_codex_380_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_380_3.tif", + "label": "train/pancreas_codex_380_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_381_3.tif", + "label": "train/pancreas_codex_381_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_382_0.tif", + "label": "train/pancreas_codex_382_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_382_2.tif", + "label": "train/pancreas_codex_382_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_384_2.tif", + "label": "train/pancreas_codex_384_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_386_3.tif", + "label": "train/pancreas_codex_386_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_390_0.tif", + "label": "train/pancreas_codex_390_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_391_3.tif", + "label": "train/pancreas_codex_391_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_392_3.tif", + "label": "train/pancreas_codex_392_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_393_0.tif", + "label": "train/pancreas_codex_393_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_395_0.tif", + "label": "train/pancreas_codex_395_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_395_1.tif", + "label": "train/pancreas_codex_395_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_395_2.tif", + "label": "train/pancreas_codex_395_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_396_3.tif", + "label": "train/pancreas_codex_396_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_397_2.tif", + "label": "train/pancreas_codex_397_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_398_2.tif", + "label": "train/pancreas_codex_398_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_399_2.tif", + "label": "train/pancreas_codex_399_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_403_0.tif", + "label": "train/pancreas_codex_403_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_403_3.tif", + "label": "train/pancreas_codex_403_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_404_0.tif", + "label": "train/pancreas_codex_404_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_404_3.tif", + "label": "train/pancreas_codex_404_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_405_0.tif", + "label": "train/pancreas_codex_405_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_405_2.tif", + "label": "train/pancreas_codex_405_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_406_3.tif", + "label": "train/pancreas_codex_406_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_407_2.tif", + "label": "train/pancreas_codex_407_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_408_0.tif", + "label": "train/pancreas_codex_408_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_408_3.tif", + "label": "train/pancreas_codex_408_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_409_2.tif", + "label": "train/pancreas_codex_409_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_410_0.tif", + "label": "train/pancreas_codex_410_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_414_3.tif", + "label": "train/pancreas_codex_414_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_416_2.tif", + "label": "train/pancreas_codex_416_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_416_3.tif", + "label": "train/pancreas_codex_416_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_419_3.tif", + "label": "train/pancreas_codex_419_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_421_2.tif", + "label": "train/pancreas_codex_421_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_422_1.tif", + "label": "train/pancreas_codex_422_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_423_0.tif", + "label": "train/pancreas_codex_423_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_423_1.tif", + "label": "train/pancreas_codex_423_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_423_2.tif", + "label": "train/pancreas_codex_423_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_425_0.tif", + "label": "train/pancreas_codex_425_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_426_2.tif", + "label": "train/pancreas_codex_426_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_428_0.tif", + "label": "train/pancreas_codex_428_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_428_3.tif", + "label": "train/pancreas_codex_428_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_429_1.tif", + "label": "train/pancreas_codex_429_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_430_2.tif", + "label": "train/pancreas_codex_430_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_434_2.tif", + "label": "train/pancreas_codex_434_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_435_0.tif", + "label": "train/pancreas_codex_435_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_435_1.tif", + "label": "train/pancreas_codex_435_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_436_1.tif", + "label": "train/pancreas_codex_436_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_436_3.tif", + "label": "train/pancreas_codex_436_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_438_0.tif", + "label": "train/pancreas_codex_438_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_439_0.tif", + "label": "train/pancreas_codex_439_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_439_1.tif", + "label": "train/pancreas_codex_439_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_440_2.tif", + "label": "train/pancreas_codex_440_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_440_3.tif", + "label": "train/pancreas_codex_440_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_442_3.tif", + "label": "train/pancreas_codex_442_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_443_2.tif", + "label": "train/pancreas_codex_443_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_448_3.tif", + "label": "train/pancreas_codex_448_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_449_2.tif", + "label": "train/pancreas_codex_449_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_449_3.tif", + "label": "train/pancreas_codex_449_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_450_1.tif", + "label": "train/pancreas_codex_450_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_450_3.tif", + "label": "train/pancreas_codex_450_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_451_2.tif", + "label": "train/pancreas_codex_451_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_455_0.tif", + "label": "train/pancreas_codex_455_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_456_0.tif", + "label": "train/pancreas_codex_456_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_457_2.tif", + "label": "train/pancreas_codex_457_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_458_2.tif", + "label": "train/pancreas_codex_458_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_458_3.tif", + "label": "train/pancreas_codex_458_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_459_2.tif", + "label": "train/pancreas_codex_459_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_460_0.tif", + "label": "train/pancreas_codex_460_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_461_0.tif", + "label": "train/pancreas_codex_461_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_461_1.tif", + "label": "train/pancreas_codex_461_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_462_1.tif", + "label": "train/pancreas_codex_462_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_467_1.tif", + "label": "train/pancreas_codex_467_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_467_3.tif", + "label": "train/pancreas_codex_467_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_468_2.tif", + "label": "train/pancreas_codex_468_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_469_0.tif", + "label": "train/pancreas_codex_469_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_469_2.tif", + "label": "train/pancreas_codex_469_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_469_3.tif", + "label": "train/pancreas_codex_469_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_470_0.tif", + "label": "train/pancreas_codex_470_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_470_3.tif", + "label": "train/pancreas_codex_470_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_471_3.tif", + "label": "train/pancreas_codex_471_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_472_0.tif", + "label": "train/pancreas_codex_472_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_472_2.tif", + "label": "train/pancreas_codex_472_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_474_2.tif", + "label": "train/pancreas_codex_474_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_478_2.tif", + "label": "train/pancreas_codex_478_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_480_0.tif", + "label": "train/pancreas_codex_480_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_481_3.tif", + "label": "train/pancreas_codex_481_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_484_3.tif", + "label": "train/pancreas_codex_484_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_485_2.tif", + "label": "train/pancreas_codex_485_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_486_3.tif", + "label": "train/pancreas_codex_486_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_487_1.tif", + "label": "train/pancreas_codex_487_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_488_0.tif", + "label": "train/pancreas_codex_488_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_492_0.tif", + "label": "train/pancreas_codex_492_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_494_3.tif", + "label": "train/pancreas_codex_494_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_495_2.tif", + "label": "train/pancreas_codex_495_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_495_3.tif", + "label": "train/pancreas_codex_495_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_499_0.tif", + "label": "train/pancreas_codex_499_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_503_0.tif", + "label": "train/pancreas_codex_503_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_506_1.tif", + "label": "train/pancreas_codex_506_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_508_1.tif", + "label": "train/pancreas_codex_508_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_509_1.tif", + "label": "train/pancreas_codex_509_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_511_2.tif", + "label": "train/pancreas_codex_511_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_512_0.tif", + "label": "train/pancreas_codex_512_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_513_0.tif", + "label": "train/pancreas_codex_513_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_513_3.tif", + "label": "train/pancreas_codex_513_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_515_3.tif", + "label": "train/pancreas_codex_515_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_517_1.tif", + "label": "train/pancreas_codex_517_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_517_3.tif", + "label": "train/pancreas_codex_517_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_518_0.tif", + "label": "train/pancreas_codex_518_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_520_0.tif", + "label": "train/pancreas_codex_520_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_520_1.tif", + "label": "train/pancreas_codex_520_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_522_3.tif", + "label": "train/pancreas_codex_522_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_523_0.tif", + "label": "train/pancreas_codex_523_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_524_2.tif", + "label": "train/pancreas_codex_524_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_525_3.tif", + "label": "train/pancreas_codex_525_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_526_1.tif", + "label": "train/pancreas_codex_526_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_529_2.tif", + "label": "train/pancreas_codex_529_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_531_1.tif", + "label": "train/pancreas_codex_531_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_531_3.tif", + "label": "train/pancreas_codex_531_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_535_1.tif", + "label": "train/pancreas_codex_535_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_541_2.tif", + "label": "train/pancreas_codex_541_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_542_3.tif", + "label": "train/pancreas_codex_542_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_543_0.tif", + "label": "train/pancreas_codex_543_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_544_2.tif", + "label": "train/pancreas_codex_544_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_545_3.tif", + "label": "train/pancreas_codex_545_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_546_0.tif", + "label": "train/pancreas_codex_546_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_546_2.tif", + "label": "train/pancreas_codex_546_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_547_1.tif", + "label": "train/pancreas_codex_547_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_549_1.tif", + "label": "train/pancreas_codex_549_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_549_3.tif", + "label": "train/pancreas_codex_549_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_553_2.tif", + "label": "train/pancreas_codex_553_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_554_2.tif", + "label": "train/pancreas_codex_554_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_555_1.tif", + "label": "train/pancreas_codex_555_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_556_0.tif", + "label": "train/pancreas_codex_556_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_556_3.tif", + "label": "train/pancreas_codex_556_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_557_2.tif", + "label": "train/pancreas_codex_557_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_558_1.tif", + "label": "train/pancreas_codex_558_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_561_0.tif", + "label": "train/pancreas_codex_561_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_561_3.tif", + "label": "train/pancreas_codex_561_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_562_0.tif", + "label": "train/pancreas_codex_562_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_564_1.tif", + "label": "train/pancreas_codex_564_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_564_2.tif", + "label": "train/pancreas_codex_564_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_566_3.tif", + "label": "train/pancreas_codex_566_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_570_1.tif", + "label": "train/pancreas_codex_570_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_572_0.tif", + "label": "train/pancreas_codex_572_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_573_3.tif", + "label": "train/pancreas_codex_573_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_574_3.tif", + "label": "train/pancreas_codex_574_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_575_2.tif", + "label": "train/pancreas_codex_575_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_575_3.tif", + "label": "train/pancreas_codex_575_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_577_2.tif", + "label": "train/pancreas_codex_577_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_577_3.tif", + "label": "train/pancreas_codex_577_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_578_3.tif", + "label": "train/pancreas_codex_578_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_579_0.tif", + "label": "train/pancreas_codex_579_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_580_2.tif", + "label": "train/pancreas_codex_580_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_codex_581_2.tif", + "label": "train/pancreas_codex_581_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_codex_581_3.tif", + "label": "train/pancreas_codex_581_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_583_2.tif", + "label": "train/pancreas_codex_583_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_583_3.tif", + "label": "train/pancreas_codex_583_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_584_2.tif", + "label": "train/pancreas_codex_584_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_586_3.tif", + "label": "train/pancreas_codex_586_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_codex_587_1.tif", + "label": "train/pancreas_codex_587_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_codex_591_1.tif", + "label": "train/pancreas_codex_591_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_0_3.tif", + "label": "train/pancreas_vectra_0_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_3_2.tif", + "label": "train/pancreas_vectra_3_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_6_1.tif", + "label": "train/pancreas_vectra_6_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_6_2.tif", + "label": "train/pancreas_vectra_6_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_7_1.tif", + "label": "train/pancreas_vectra_7_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_8_3.tif", + "label": "train/pancreas_vectra_8_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_9_2.tif", + "label": "train/pancreas_vectra_9_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_10_2.tif", + "label": "train/pancreas_vectra_10_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_11_1.tif", + "label": "train/pancreas_vectra_11_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_13_1.tif", + "label": "train/pancreas_vectra_13_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_13_2.tif", + "label": "train/pancreas_vectra_13_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_14_0.tif", + "label": "train/pancreas_vectra_14_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_14_1.tif", + "label": "train/pancreas_vectra_14_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_14_3.tif", + "label": "train/pancreas_vectra_14_3_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_15_0.tif", + "label": "train/pancreas_vectra_15_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_15_2.tif", + "label": "train/pancreas_vectra_15_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_15_3.tif", + "label": "train/pancreas_vectra_15_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_17_2.tif", + "label": "train/pancreas_vectra_17_2_masks.tif", + "fold": 1 + } + ], + "testing": [ + { + "image": "test/pancreas_codex_4.tif", + "label": "test/pancreas_codex_4_masks.tif" + }, + { + "image": "test/pancreas_codex_11.tif", + "label": "test/pancreas_codex_11_masks.tif" + }, + { + "image": "test/pancreas_codex_12.tif", + "label": "test/pancreas_codex_12_masks.tif" + }, + { + "image": "test/pancreas_codex_16.tif", + "label": "test/pancreas_codex_16_masks.tif" + }, + { + "image": "test/pancreas_codex_18.tif", + "label": "test/pancreas_codex_18_masks.tif" + }, + { + "image": "test/pancreas_codex_27.tif", + "label": "test/pancreas_codex_27_masks.tif" + }, + { + "image": "test/pancreas_codex_51.tif", + "label": "test/pancreas_codex_51_masks.tif" + }, + { + "image": "test/pancreas_codex_58.tif", + "label": "test/pancreas_codex_58_masks.tif" + }, + { + "image": "test/pancreas_codex_59.tif", + "label": "test/pancreas_codex_59_masks.tif" + }, + { + "image": "test/pancreas_codex_62.tif", + "label": "test/pancreas_codex_62_masks.tif" + }, + { + "image": "test/pancreas_codex_70.tif", + "label": "test/pancreas_codex_70_masks.tif" + }, + { + "image": "test/pancreas_codex_73.tif", + "label": "test/pancreas_codex_73_masks.tif" + }, + { + "image": "test/pancreas_codex_85.tif", + "label": "test/pancreas_codex_85_masks.tif" + }, + { + "image": "test/pancreas_codex_88.tif", + "label": "test/pancreas_codex_88_masks.tif" + }, + { + "image": "test/pancreas_codex_90.tif", + "label": "test/pancreas_codex_90_masks.tif" + }, + { + "image": "test/pancreas_codex_91.tif", + "label": "test/pancreas_codex_91_masks.tif" + }, + { + "image": "test/pancreas_codex_105.tif", + "label": "test/pancreas_codex_105_masks.tif" + }, + { + "image": "test/pancreas_codex_108.tif", + "label": "test/pancreas_codex_108_masks.tif" + }, + { + "image": "test/pancreas_codex_110.tif", + "label": "test/pancreas_codex_110_masks.tif" + }, + { + "image": "test/pancreas_codex_117.tif", + "label": "test/pancreas_codex_117_masks.tif" + }, + { + "image": "test/pancreas_codex_122.tif", + "label": "test/pancreas_codex_122_masks.tif" + }, + { + "image": "test/pancreas_codex_127.tif", + "label": "test/pancreas_codex_127_masks.tif" + }, + { + "image": "test/pancreas_codex_138.tif", + "label": "test/pancreas_codex_138_masks.tif" + }, + { + "image": "test/pancreas_codex_139.tif", + "label": "test/pancreas_codex_139_masks.tif" + }, + { + "image": "test/pancreas_codex_146.tif", + "label": "test/pancreas_codex_146_masks.tif" + }, + { + "image": "test/pancreas_codex_150.tif", + "label": "test/pancreas_codex_150_masks.tif" + }, + { + "image": "test/pancreas_codex_154.tif", + "label": "test/pancreas_codex_154_masks.tif" + }, + { + "image": "test/pancreas_codex_157.tif", + "label": "test/pancreas_codex_157_masks.tif" + }, + { + "image": "test/pancreas_codex_170.tif", + "label": "test/pancreas_codex_170_masks.tif" + }, + { + "image": "test/pancreas_codex_171.tif", + "label": "test/pancreas_codex_171_masks.tif" + }, + { + "image": "test/pancreas_codex_172.tif", + "label": "test/pancreas_codex_172_masks.tif" + }, + { + "image": "test/pancreas_codex_176.tif", + "label": "test/pancreas_codex_176_masks.tif" + }, + { + "image": "test/pancreas_codex_180.tif", + "label": "test/pancreas_codex_180_masks.tif" + }, + { + "image": "test/pancreas_codex_181.tif", + "label": "test/pancreas_codex_181_masks.tif" + }, + { + "image": "test/pancreas_codex_185.tif", + "label": "test/pancreas_codex_185_masks.tif" + }, + { + "image": "test/pancreas_codex_186.tif", + "label": "test/pancreas_codex_186_masks.tif" + }, + { + "image": "test/pancreas_codex_187.tif", + "label": "test/pancreas_codex_187_masks.tif" + }, + { + "image": "test/pancreas_codex_189.tif", + "label": "test/pancreas_codex_189_masks.tif" + }, + { + "image": "test/pancreas_codex_191.tif", + "label": "test/pancreas_codex_191_masks.tif" + }, + { + "image": "test/pancreas_codex_210.tif", + "label": "test/pancreas_codex_210_masks.tif" + }, + { + "image": "test/pancreas_codex_213.tif", + "label": "test/pancreas_codex_213_masks.tif" + }, + { + "image": "test/pancreas_codex_218.tif", + "label": "test/pancreas_codex_218_masks.tif" + }, + { + "image": "test/pancreas_codex_224.tif", + "label": "test/pancreas_codex_224_masks.tif" + }, + { + "image": "test/pancreas_codex_225.tif", + "label": "test/pancreas_codex_225_masks.tif" + }, + { + "image": "test/pancreas_codex_228.tif", + "label": "test/pancreas_codex_228_masks.tif" + }, + { + "image": "test/pancreas_codex_233.tif", + "label": "test/pancreas_codex_233_masks.tif" + }, + { + "image": "test/pancreas_codex_234.tif", + "label": "test/pancreas_codex_234_masks.tif" + }, + { + "image": "test/pancreas_codex_239.tif", + "label": "test/pancreas_codex_239_masks.tif" + }, + { + "image": "test/pancreas_codex_240.tif", + "label": "test/pancreas_codex_240_masks.tif" + }, + { + "image": "test/pancreas_codex_242.tif", + "label": "test/pancreas_codex_242_masks.tif" + }, + { + "image": "test/pancreas_codex_244.tif", + "label": "test/pancreas_codex_244_masks.tif" + }, + { + "image": "test/pancreas_codex_245.tif", + "label": "test/pancreas_codex_245_masks.tif" + }, + { + "image": "test/pancreas_codex_263.tif", + "label": "test/pancreas_codex_263_masks.tif" + }, + { + "image": "test/pancreas_codex_271.tif", + "label": "test/pancreas_codex_271_masks.tif" + }, + { + "image": "test/pancreas_codex_272.tif", + "label": "test/pancreas_codex_272_masks.tif" + }, + { + "image": "test/pancreas_codex_284.tif", + "label": "test/pancreas_codex_284_masks.tif" + }, + { + "image": "test/pancreas_vectra_1.tif", + "label": "test/pancreas_vectra_1_masks.tif" + }, + { + "image": "test/pancreas_vectra_5.tif", + "label": "test/pancreas_vectra_5_masks.tif" + }, + { + "image": "test/pancreas_vectra_9.tif", + "label": "test/pancreas_vectra_9_masks.tif" + }, + { + "image": "test/pancreas_vectra_11.tif", + "label": "test/pancreas_vectra_11_masks.tif" + }, + { + "image": "test/pancreas_codex_5.tif", + "label": "test/pancreas_codex_5_masks.tif" + }, + { + "image": "test/pancreas_codex_8.tif", + "label": "test/pancreas_codex_8_masks.tif" + }, + { + "image": "test/pancreas_codex_14.tif", + "label": "test/pancreas_codex_14_masks.tif" + }, + { + "image": "test/pancreas_codex_17.tif", + "label": "test/pancreas_codex_17_masks.tif" + }, + { + "image": "test/pancreas_codex_19.tif", + "label": "test/pancreas_codex_19_masks.tif" + }, + { + "image": "test/pancreas_codex_28.tif", + "label": "test/pancreas_codex_28_masks.tif" + }, + { + "image": "test/pancreas_codex_31.tif", + "label": "test/pancreas_codex_31_masks.tif" + }, + { + "image": "test/pancreas_codex_33.tif", + "label": "test/pancreas_codex_33_masks.tif" + }, + { + "image": "test/pancreas_codex_34.tif", + "label": "test/pancreas_codex_34_masks.tif" + }, + { + "image": "test/pancreas_codex_38.tif", + "label": "test/pancreas_codex_38_masks.tif" + }, + { + "image": "test/pancreas_codex_39.tif", + "label": "test/pancreas_codex_39_masks.tif" + }, + { + "image": "test/pancreas_codex_41.tif", + "label": "test/pancreas_codex_41_masks.tif" + }, + { + "image": "test/pancreas_codex_42.tif", + "label": "test/pancreas_codex_42_masks.tif" + }, + { + "image": "test/pancreas_codex_44.tif", + "label": "test/pancreas_codex_44_masks.tif" + }, + { + "image": "test/pancreas_codex_48.tif", + "label": "test/pancreas_codex_48_masks.tif" + }, + { + "image": "test/pancreas_codex_55.tif", + "label": "test/pancreas_codex_55_masks.tif" + }, + { + "image": "test/pancreas_codex_67.tif", + "label": "test/pancreas_codex_67_masks.tif" + }, + { + "image": "test/pancreas_codex_79.tif", + "label": "test/pancreas_codex_79_masks.tif" + }, + { + "image": "test/pancreas_codex_80.tif", + "label": "test/pancreas_codex_80_masks.tif" + }, + { + "image": "test/pancreas_codex_89.tif", + "label": "test/pancreas_codex_89_masks.tif" + }, + { + "image": "test/pancreas_codex_93.tif", + "label": "test/pancreas_codex_93_masks.tif" + }, + { + "image": "test/pancreas_codex_95.tif", + "label": "test/pancreas_codex_95_masks.tif" + }, + { + "image": "test/pancreas_codex_99.tif", + "label": "test/pancreas_codex_99_masks.tif" + }, + { + "image": "test/pancreas_codex_102.tif", + "label": "test/pancreas_codex_102_masks.tif" + }, + { + "image": "test/pancreas_codex_106.tif", + "label": "test/pancreas_codex_106_masks.tif" + }, + { + "image": "test/pancreas_codex_107.tif", + "label": "test/pancreas_codex_107_masks.tif" + }, + { + "image": "test/pancreas_codex_112.tif", + "label": "test/pancreas_codex_112_masks.tif" + }, + { + "image": "test/pancreas_codex_119.tif", + "label": "test/pancreas_codex_119_masks.tif" + }, + { + "image": "test/pancreas_codex_120.tif", + "label": "test/pancreas_codex_120_masks.tif" + }, + { + "image": "test/pancreas_codex_123.tif", + "label": "test/pancreas_codex_123_masks.tif" + }, + { + "image": "test/pancreas_codex_131.tif", + "label": "test/pancreas_codex_131_masks.tif" + }, + { + "image": "test/pancreas_codex_147.tif", + "label": "test/pancreas_codex_147_masks.tif" + }, + { + "image": "test/pancreas_codex_159.tif", + "label": "test/pancreas_codex_159_masks.tif" + }, + { + "image": "test/pancreas_codex_161.tif", + "label": "test/pancreas_codex_161_masks.tif" + }, + { + "image": "test/pancreas_codex_163.tif", + "label": "test/pancreas_codex_163_masks.tif" + }, + { + "image": "test/pancreas_codex_164.tif", + "label": "test/pancreas_codex_164_masks.tif" + }, + { + "image": "test/pancreas_codex_167.tif", + "label": "test/pancreas_codex_167_masks.tif" + }, + { + "image": "test/pancreas_codex_174.tif", + "label": "test/pancreas_codex_174_masks.tif" + }, + { + "image": "test/pancreas_codex_177.tif", + "label": "test/pancreas_codex_177_masks.tif" + }, + { + "image": "test/pancreas_codex_184.tif", + "label": "test/pancreas_codex_184_masks.tif" + }, + { + "image": "test/pancreas_codex_193.tif", + "label": "test/pancreas_codex_193_masks.tif" + }, + { + "image": "test/pancreas_codex_207.tif", + "label": "test/pancreas_codex_207_masks.tif" + }, + { + "image": "test/pancreas_codex_212.tif", + "label": "test/pancreas_codex_212_masks.tif" + }, + { + "image": "test/pancreas_codex_217.tif", + "label": "test/pancreas_codex_217_masks.tif" + }, + { + "image": "test/pancreas_codex_219.tif", + "label": "test/pancreas_codex_219_masks.tif" + }, + { + "image": "test/pancreas_codex_223.tif", + "label": "test/pancreas_codex_223_masks.tif" + }, + { + "image": "test/pancreas_codex_232.tif", + "label": "test/pancreas_codex_232_masks.tif" + }, + { + "image": "test/pancreas_codex_238.tif", + "label": "test/pancreas_codex_238_masks.tif" + }, + { + "image": "test/pancreas_codex_247.tif", + "label": "test/pancreas_codex_247_masks.tif" + }, + { + "image": "test/pancreas_codex_249.tif", + "label": "test/pancreas_codex_249_masks.tif" + }, + { + "image": "test/pancreas_codex_253.tif", + "label": "test/pancreas_codex_253_masks.tif" + }, + { + "image": "test/pancreas_codex_256.tif", + "label": "test/pancreas_codex_256_masks.tif" + }, + { + "image": "test/pancreas_codex_258.tif", + "label": "test/pancreas_codex_258_masks.tif" + }, + { + "image": "test/pancreas_codex_279.tif", + "label": "test/pancreas_codex_279_masks.tif" + }, + { + "image": "test/pancreas_codex_280.tif", + "label": "test/pancreas_codex_280_masks.tif" + }, + { + "image": "test/pancreas_vectra_0.tif", + "label": "test/pancreas_vectra_0_masks.tif" + }, + { + "image": "test/pancreas_vectra_2.tif", + "label": "test/pancreas_vectra_2_masks.tif" + }, + { + "image": "test/pancreas_vectra_4.tif", + "label": "test/pancreas_vectra_4_masks.tif" + }, + { + "image": "test/pancreas_vectra_8.tif", + "label": "test/pancreas_vectra_8_masks.tif" + }, + { + "image": "test/pancreas_vectra_10.tif", + "label": "test/pancreas_vectra_10_masks.tif" + }, + { + "image": "test/pancreas_codex_0.tif", + "label": "test/pancreas_codex_0_masks.tif" + }, + { + "image": "test/pancreas_codex_21.tif", + "label": "test/pancreas_codex_21_masks.tif" + }, + { + "image": "test/pancreas_codex_24.tif", + "label": "test/pancreas_codex_24_masks.tif" + }, + { + "image": "test/pancreas_codex_29.tif", + "label": "test/pancreas_codex_29_masks.tif" + }, + { + "image": "test/pancreas_codex_35.tif", + "label": "test/pancreas_codex_35_masks.tif" + }, + { + "image": "test/pancreas_codex_40.tif", + "label": "test/pancreas_codex_40_masks.tif" + }, + { + "image": "test/pancreas_codex_47.tif", + "label": "test/pancreas_codex_47_masks.tif" + }, + { + "image": "test/pancreas_codex_53.tif", + "label": "test/pancreas_codex_53_masks.tif" + }, + { + "image": "test/pancreas_codex_54.tif", + "label": "test/pancreas_codex_54_masks.tif" + }, + { + "image": "test/pancreas_codex_56.tif", + "label": "test/pancreas_codex_56_masks.tif" + }, + { + "image": "test/pancreas_codex_60.tif", + "label": "test/pancreas_codex_60_masks.tif" + }, + { + "image": "test/pancreas_codex_61.tif", + "label": "test/pancreas_codex_61_masks.tif" + }, + { + "image": "test/pancreas_codex_63.tif", + "label": "test/pancreas_codex_63_masks.tif" + }, + { + "image": "test/pancreas_codex_66.tif", + "label": "test/pancreas_codex_66_masks.tif" + }, + { + "image": "test/pancreas_codex_69.tif", + "label": "test/pancreas_codex_69_masks.tif" + }, + { + "image": "test/pancreas_codex_78.tif", + "label": "test/pancreas_codex_78_masks.tif" + }, + { + "image": "test/pancreas_codex_82.tif", + "label": "test/pancreas_codex_82_masks.tif" + }, + { + "image": "test/pancreas_codex_84.tif", + "label": "test/pancreas_codex_84_masks.tif" + }, + { + "image": "test/pancreas_codex_94.tif", + "label": "test/pancreas_codex_94_masks.tif" + }, + { + "image": "test/pancreas_codex_97.tif", + "label": "test/pancreas_codex_97_masks.tif" + }, + { + "image": "test/pancreas_codex_98.tif", + "label": "test/pancreas_codex_98_masks.tif" + }, + { + "image": "test/pancreas_codex_101.tif", + "label": "test/pancreas_codex_101_masks.tif" + }, + { + "image": "test/pancreas_codex_114.tif", + "label": "test/pancreas_codex_114_masks.tif" + }, + { + "image": "test/pancreas_codex_116.tif", + "label": "test/pancreas_codex_116_masks.tif" + }, + { + "image": "test/pancreas_codex_118.tif", + "label": "test/pancreas_codex_118_masks.tif" + }, + { + "image": "test/pancreas_codex_130.tif", + "label": "test/pancreas_codex_130_masks.tif" + }, + { + "image": "test/pancreas_codex_132.tif", + "label": "test/pancreas_codex_132_masks.tif" + }, + { + "image": "test/pancreas_codex_134.tif", + "label": "test/pancreas_codex_134_masks.tif" + }, + { + "image": "test/pancreas_codex_137.tif", + "label": "test/pancreas_codex_137_masks.tif" + }, + { + "image": "test/pancreas_codex_142.tif", + "label": "test/pancreas_codex_142_masks.tif" + }, + { + "image": "test/pancreas_codex_145.tif", + "label": "test/pancreas_codex_145_masks.tif" + }, + { + "image": "test/pancreas_codex_158.tif", + "label": "test/pancreas_codex_158_masks.tif" + }, + { + "image": "test/pancreas_codex_168.tif", + "label": "test/pancreas_codex_168_masks.tif" + }, + { + "image": "test/pancreas_codex_169.tif", + "label": "test/pancreas_codex_169_masks.tif" + }, + { + "image": "test/pancreas_codex_173.tif", + "label": "test/pancreas_codex_173_masks.tif" + }, + { + "image": "test/pancreas_codex_175.tif", + "label": "test/pancreas_codex_175_masks.tif" + }, + { + "image": "test/pancreas_codex_179.tif", + "label": "test/pancreas_codex_179_masks.tif" + }, + { + "image": "test/pancreas_codex_182.tif", + "label": "test/pancreas_codex_182_masks.tif" + }, + { + "image": "test/pancreas_codex_188.tif", + "label": "test/pancreas_codex_188_masks.tif" + }, + { + "image": "test/pancreas_codex_192.tif", + "label": "test/pancreas_codex_192_masks.tif" + }, + { + "image": "test/pancreas_codex_194.tif", + "label": "test/pancreas_codex_194_masks.tif" + }, + { + "image": "test/pancreas_codex_197.tif", + "label": "test/pancreas_codex_197_masks.tif" + }, + { + "image": "test/pancreas_codex_201.tif", + "label": "test/pancreas_codex_201_masks.tif" + }, + { + "image": "test/pancreas_codex_202.tif", + "label": "test/pancreas_codex_202_masks.tif" + }, + { + "image": "test/pancreas_codex_208.tif", + "label": "test/pancreas_codex_208_masks.tif" + }, + { + "image": "test/pancreas_codex_211.tif", + "label": "test/pancreas_codex_211_masks.tif" + }, + { + "image": "test/pancreas_codex_221.tif", + "label": "test/pancreas_codex_221_masks.tif" + }, + { + "image": "test/pancreas_codex_222.tif", + "label": "test/pancreas_codex_222_masks.tif" + }, + { + "image": "test/pancreas_codex_227.tif", + "label": "test/pancreas_codex_227_masks.tif" + }, + { + "image": "test/pancreas_codex_243.tif", + "label": "test/pancreas_codex_243_masks.tif" + }, + { + "image": "test/pancreas_codex_246.tif", + "label": "test/pancreas_codex_246_masks.tif" + }, + { + "image": "test/pancreas_codex_248.tif", + "label": "test/pancreas_codex_248_masks.tif" + }, + { + "image": "test/pancreas_codex_251.tif", + "label": "test/pancreas_codex_251_masks.tif" + }, + { + "image": "test/pancreas_codex_257.tif", + "label": "test/pancreas_codex_257_masks.tif" + }, + { + "image": "test/pancreas_codex_267.tif", + "label": "test/pancreas_codex_267_masks.tif" + }, + { + "image": "test/pancreas_codex_268.tif", + "label": "test/pancreas_codex_268_masks.tif" + }, + { + "image": "test/pancreas_codex_270.tif", + "label": "test/pancreas_codex_270_masks.tif" + }, + { + "image": "test/pancreas_codex_282.tif", + "label": "test/pancreas_codex_282_masks.tif" + }, + { + "image": "test/pancreas_vectra_6.tif", + "label": "test/pancreas_vectra_6_masks.tif" + }, + { + "image": "test/pancreas_codex_2.tif", + "label": "test/pancreas_codex_2_masks.tif" + }, + { + "image": "test/pancreas_codex_6.tif", + "label": "test/pancreas_codex_6_masks.tif" + }, + { + "image": "test/pancreas_codex_10.tif", + "label": "test/pancreas_codex_10_masks.tif" + }, + { + "image": "test/pancreas_codex_13.tif", + "label": "test/pancreas_codex_13_masks.tif" + }, + { + "image": "test/pancreas_codex_20.tif", + "label": "test/pancreas_codex_20_masks.tif" + }, + { + "image": "test/pancreas_codex_32.tif", + "label": "test/pancreas_codex_32_masks.tif" + }, + { + "image": "test/pancreas_codex_36.tif", + "label": "test/pancreas_codex_36_masks.tif" + }, + { + "image": "test/pancreas_codex_45.tif", + "label": "test/pancreas_codex_45_masks.tif" + }, + { + "image": "test/pancreas_codex_46.tif", + "label": "test/pancreas_codex_46_masks.tif" + }, + { + "image": "test/pancreas_codex_52.tif", + "label": "test/pancreas_codex_52_masks.tif" + }, + { + "image": "test/pancreas_codex_57.tif", + "label": "test/pancreas_codex_57_masks.tif" + }, + { + "image": "test/pancreas_codex_65.tif", + "label": "test/pancreas_codex_65_masks.tif" + }, + { + "image": "test/pancreas_codex_74.tif", + "label": "test/pancreas_codex_74_masks.tif" + }, + { + "image": "test/pancreas_codex_75.tif", + "label": "test/pancreas_codex_75_masks.tif" + }, + { + "image": "test/pancreas_codex_77.tif", + "label": "test/pancreas_codex_77_masks.tif" + }, + { + "image": "test/pancreas_codex_81.tif", + "label": "test/pancreas_codex_81_masks.tif" + }, + { + "image": "test/pancreas_codex_83.tif", + "label": "test/pancreas_codex_83_masks.tif" + }, + { + "image": "test/pancreas_codex_87.tif", + "label": "test/pancreas_codex_87_masks.tif" + }, + { + "image": "test/pancreas_codex_92.tif", + "label": "test/pancreas_codex_92_masks.tif" + }, + { + "image": "test/pancreas_codex_96.tif", + "label": "test/pancreas_codex_96_masks.tif" + }, + { + "image": "test/pancreas_codex_103.tif", + "label": "test/pancreas_codex_103_masks.tif" + }, + { + "image": "test/pancreas_codex_113.tif", + "label": "test/pancreas_codex_113_masks.tif" + }, + { + "image": "test/pancreas_codex_124.tif", + "label": "test/pancreas_codex_124_masks.tif" + }, + { + "image": "test/pancreas_codex_128.tif", + "label": "test/pancreas_codex_128_masks.tif" + }, + { + "image": "test/pancreas_codex_136.tif", + "label": "test/pancreas_codex_136_masks.tif" + }, + { + "image": "test/pancreas_codex_140.tif", + "label": "test/pancreas_codex_140_masks.tif" + }, + { + "image": "test/pancreas_codex_143.tif", + "label": "test/pancreas_codex_143_masks.tif" + }, + { + "image": "test/pancreas_codex_148.tif", + "label": "test/pancreas_codex_148_masks.tif" + }, + { + "image": "test/pancreas_codex_149.tif", + "label": "test/pancreas_codex_149_masks.tif" + }, + { + "image": "test/pancreas_codex_151.tif", + "label": "test/pancreas_codex_151_masks.tif" + }, + { + "image": "test/pancreas_codex_152.tif", + "label": "test/pancreas_codex_152_masks.tif" + }, + { + "image": "test/pancreas_codex_160.tif", + "label": "test/pancreas_codex_160_masks.tif" + }, + { + "image": "test/pancreas_codex_162.tif", + "label": "test/pancreas_codex_162_masks.tif" + }, + { + "image": "test/pancreas_codex_165.tif", + "label": "test/pancreas_codex_165_masks.tif" + }, + { + "image": "test/pancreas_codex_166.tif", + "label": "test/pancreas_codex_166_masks.tif" + }, + { + "image": "test/pancreas_codex_183.tif", + "label": "test/pancreas_codex_183_masks.tif" + }, + { + "image": "test/pancreas_codex_190.tif", + "label": "test/pancreas_codex_190_masks.tif" + }, + { + "image": "test/pancreas_codex_198.tif", + "label": "test/pancreas_codex_198_masks.tif" + }, + { + "image": "test/pancreas_codex_199.tif", + "label": "test/pancreas_codex_199_masks.tif" + }, + { + "image": "test/pancreas_codex_200.tif", + "label": "test/pancreas_codex_200_masks.tif" + }, + { + "image": "test/pancreas_codex_204.tif", + "label": "test/pancreas_codex_204_masks.tif" + }, + { + "image": "test/pancreas_codex_205.tif", + "label": "test/pancreas_codex_205_masks.tif" + }, + { + "image": "test/pancreas_codex_206.tif", + "label": "test/pancreas_codex_206_masks.tif" + }, + { + "image": "test/pancreas_codex_214.tif", + "label": "test/pancreas_codex_214_masks.tif" + }, + { + "image": "test/pancreas_codex_220.tif", + "label": "test/pancreas_codex_220_masks.tif" + }, + { + "image": "test/pancreas_codex_229.tif", + "label": "test/pancreas_codex_229_masks.tif" + }, + { + "image": "test/pancreas_codex_230.tif", + "label": "test/pancreas_codex_230_masks.tif" + }, + { + "image": "test/pancreas_codex_236.tif", + "label": "test/pancreas_codex_236_masks.tif" + }, + { + "image": "test/pancreas_codex_250.tif", + "label": "test/pancreas_codex_250_masks.tif" + }, + { + "image": "test/pancreas_codex_260.tif", + "label": "test/pancreas_codex_260_masks.tif" + }, + { + "image": "test/pancreas_codex_261.tif", + "label": "test/pancreas_codex_261_masks.tif" + }, + { + "image": "test/pancreas_codex_262.tif", + "label": "test/pancreas_codex_262_masks.tif" + }, + { + "image": "test/pancreas_codex_265.tif", + "label": "test/pancreas_codex_265_masks.tif" + }, + { + "image": "test/pancreas_codex_266.tif", + "label": "test/pancreas_codex_266_masks.tif" + }, + { + "image": "test/pancreas_codex_269.tif", + "label": "test/pancreas_codex_269_masks.tif" + }, + { + "image": "test/pancreas_codex_274.tif", + "label": "test/pancreas_codex_274_masks.tif" + }, + { + "image": "test/pancreas_codex_277.tif", + "label": "test/pancreas_codex_277_masks.tif" + }, + { + "image": "test/pancreas_codex_283.tif", + "label": "test/pancreas_codex_283_masks.tif" + }, + { + "image": "test/pancreas_vectra_7.tif", + "label": "test/pancreas_vectra_7_masks.tif" + }, + { + "image": "test/pancreas_codex_1.tif", + "label": "test/pancreas_codex_1_masks.tif" + }, + { + "image": "test/pancreas_codex_3.tif", + "label": "test/pancreas_codex_3_masks.tif" + }, + { + "image": "test/pancreas_codex_7.tif", + "label": "test/pancreas_codex_7_masks.tif" + }, + { + "image": "test/pancreas_codex_9.tif", + "label": "test/pancreas_codex_9_masks.tif" + }, + { + "image": "test/pancreas_codex_15.tif", + "label": "test/pancreas_codex_15_masks.tif" + }, + { + "image": "test/pancreas_codex_22.tif", + "label": "test/pancreas_codex_22_masks.tif" + }, + { + "image": "test/pancreas_codex_23.tif", + "label": "test/pancreas_codex_23_masks.tif" + }, + { + "image": "test/pancreas_codex_25.tif", + "label": "test/pancreas_codex_25_masks.tif" + }, + { + "image": "test/pancreas_codex_26.tif", + "label": "test/pancreas_codex_26_masks.tif" + }, + { + "image": "test/pancreas_codex_30.tif", + "label": "test/pancreas_codex_30_masks.tif" + }, + { + "image": "test/pancreas_codex_37.tif", + "label": "test/pancreas_codex_37_masks.tif" + }, + { + "image": "test/pancreas_codex_43.tif", + "label": "test/pancreas_codex_43_masks.tif" + }, + { + "image": "test/pancreas_codex_49.tif", + "label": "test/pancreas_codex_49_masks.tif" + }, + { + "image": "test/pancreas_codex_50.tif", + "label": "test/pancreas_codex_50_masks.tif" + }, + { + "image": "test/pancreas_codex_64.tif", + "label": "test/pancreas_codex_64_masks.tif" + }, + { + "image": "test/pancreas_codex_68.tif", + "label": "test/pancreas_codex_68_masks.tif" + }, + { + "image": "test/pancreas_codex_71.tif", + "label": "test/pancreas_codex_71_masks.tif" + }, + { + "image": "test/pancreas_codex_72.tif", + "label": "test/pancreas_codex_72_masks.tif" + }, + { + "image": "test/pancreas_codex_76.tif", + "label": "test/pancreas_codex_76_masks.tif" + }, + { + "image": "test/pancreas_codex_86.tif", + "label": "test/pancreas_codex_86_masks.tif" + }, + { + "image": "test/pancreas_codex_100.tif", + "label": "test/pancreas_codex_100_masks.tif" + }, + { + "image": "test/pancreas_codex_104.tif", + "label": "test/pancreas_codex_104_masks.tif" + }, + { + "image": "test/pancreas_codex_109.tif", + "label": "test/pancreas_codex_109_masks.tif" + }, + { + "image": "test/pancreas_codex_111.tif", + "label": "test/pancreas_codex_111_masks.tif" + }, + { + "image": "test/pancreas_codex_115.tif", + "label": "test/pancreas_codex_115_masks.tif" + }, + { + "image": "test/pancreas_codex_121.tif", + "label": "test/pancreas_codex_121_masks.tif" + }, + { + "image": "test/pancreas_codex_125.tif", + "label": "test/pancreas_codex_125_masks.tif" + }, + { + "image": "test/pancreas_codex_126.tif", + "label": "test/pancreas_codex_126_masks.tif" + }, + { + "image": "test/pancreas_codex_129.tif", + "label": "test/pancreas_codex_129_masks.tif" + }, + { + "image": "test/pancreas_codex_133.tif", + "label": "test/pancreas_codex_133_masks.tif" + }, + { + "image": "test/pancreas_codex_135.tif", + "label": "test/pancreas_codex_135_masks.tif" + }, + { + "image": "test/pancreas_codex_141.tif", + "label": "test/pancreas_codex_141_masks.tif" + }, + { + "image": "test/pancreas_codex_144.tif", + "label": "test/pancreas_codex_144_masks.tif" + }, + { + "image": "test/pancreas_codex_153.tif", + "label": "test/pancreas_codex_153_masks.tif" + }, + { + "image": "test/pancreas_codex_155.tif", + "label": "test/pancreas_codex_155_masks.tif" + }, + { + "image": "test/pancreas_codex_156.tif", + "label": "test/pancreas_codex_156_masks.tif" + }, + { + "image": "test/pancreas_codex_178.tif", + "label": "test/pancreas_codex_178_masks.tif" + }, + { + "image": "test/pancreas_codex_195.tif", + "label": "test/pancreas_codex_195_masks.tif" + }, + { + "image": "test/pancreas_codex_196.tif", + "label": "test/pancreas_codex_196_masks.tif" + }, + { + "image": "test/pancreas_codex_203.tif", + "label": "test/pancreas_codex_203_masks.tif" + }, + { + "image": "test/pancreas_codex_209.tif", + "label": "test/pancreas_codex_209_masks.tif" + }, + { + "image": "test/pancreas_codex_215.tif", + "label": "test/pancreas_codex_215_masks.tif" + }, + { + "image": "test/pancreas_codex_216.tif", + "label": "test/pancreas_codex_216_masks.tif" + }, + { + "image": "test/pancreas_codex_226.tif", + "label": "test/pancreas_codex_226_masks.tif" + }, + { + "image": "test/pancreas_codex_231.tif", + "label": "test/pancreas_codex_231_masks.tif" + }, + { + "image": "test/pancreas_codex_235.tif", + "label": "test/pancreas_codex_235_masks.tif" + }, + { + "image": "test/pancreas_codex_237.tif", + "label": "test/pancreas_codex_237_masks.tif" + }, + { + "image": "test/pancreas_codex_241.tif", + "label": "test/pancreas_codex_241_masks.tif" + }, + { + "image": "test/pancreas_codex_252.tif", + "label": "test/pancreas_codex_252_masks.tif" + }, + { + "image": "test/pancreas_codex_254.tif", + "label": "test/pancreas_codex_254_masks.tif" + }, + { + "image": "test/pancreas_codex_255.tif", + "label": "test/pancreas_codex_255_masks.tif" + }, + { + "image": "test/pancreas_codex_259.tif", + "label": "test/pancreas_codex_259_masks.tif" + }, + { + "image": "test/pancreas_codex_264.tif", + "label": "test/pancreas_codex_264_masks.tif" + }, + { + "image": "test/pancreas_codex_273.tif", + "label": "test/pancreas_codex_273_masks.tif" + }, + { + "image": "test/pancreas_codex_275.tif", + "label": "test/pancreas_codex_275_masks.tif" + }, + { + "image": "test/pancreas_codex_276.tif", + "label": "test/pancreas_codex_276_masks.tif" + }, + { + "image": "test/pancreas_codex_278.tif", + "label": "test/pancreas_codex_278_masks.tif" + }, + { + "image": "test/pancreas_codex_281.tif", + "label": "test/pancreas_codex_281_masks.tif" + }, + { + "image": "test/pancreas_vectra_3.tif", + "label": "test/pancreas_vectra_3_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_pancreas_vectra_datalist.json b/vista2d/datalists/tissuenet_pancreas_vectra_datalist.json new file mode 100644 index 0000000..d87a0d9 --- /dev/null +++ b/vista2d/datalists/tissuenet_pancreas_vectra_datalist.json @@ -0,0 +1,534 @@ +{ + "training": [ + { + "image": "val/pancreas_vectra_3.tif", + "label": "val/pancreas_vectra_3_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_6.tif", + "label": "val/pancreas_vectra_6_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_10.tif", + "label": "val/pancreas_vectra_10_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_16.tif", + "label": "val/pancreas_vectra_16_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_2.tif", + "label": "val/pancreas_vectra_2_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_4.tif", + "label": "val/pancreas_vectra_4_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_14.tif", + "label": "val/pancreas_vectra_14_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_17.tif", + "label": "val/pancreas_vectra_17_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_0.tif", + "label": "val/pancreas_vectra_0_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_1.tif", + "label": "val/pancreas_vectra_1_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_7.tif", + "label": "val/pancreas_vectra_7_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_13.tif", + "label": "val/pancreas_vectra_13_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_9.tif", + "label": "val/pancreas_vectra_9_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_15.tif", + "label": "val/pancreas_vectra_15_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_18.tif", + "label": "val/pancreas_vectra_18_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_19.tif", + "label": "val/pancreas_vectra_19_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_5.tif", + "label": "val/pancreas_vectra_5_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_8.tif", + "label": "val/pancreas_vectra_8_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_11.tif", + "label": "val/pancreas_vectra_11_masks.tif", + "fold": 0 + }, + { + "image": "val/pancreas_vectra_12.tif", + "label": "val/pancreas_vectra_12_masks.tif", + "fold": 0 + }, + { + "image": "train/pancreas_vectra_0_2.tif", + "label": "train/pancreas_vectra_0_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_2_2.tif", + "label": "train/pancreas_vectra_2_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_4_3.tif", + "label": "train/pancreas_vectra_4_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_6_2.tif", + "label": "train/pancreas_vectra_6_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_6_3.tif", + "label": "train/pancreas_vectra_6_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_8_1.tif", + "label": "train/pancreas_vectra_8_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_8_2.tif", + "label": "train/pancreas_vectra_8_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_9_3.tif", + "label": "train/pancreas_vectra_9_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_10_0.tif", + "label": "train/pancreas_vectra_10_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_11_0.tif", + "label": "train/pancreas_vectra_11_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_11_3.tif", + "label": "train/pancreas_vectra_11_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_12_3.tif", + "label": "train/pancreas_vectra_12_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_13_3.tif", + "label": "train/pancreas_vectra_13_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_14_0.tif", + "label": "train/pancreas_vectra_14_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_15_1.tif", + "label": "train/pancreas_vectra_15_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_17_3.tif", + "label": "train/pancreas_vectra_17_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_3_3.tif", + "label": "train/pancreas_vectra_3_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_5_1.tif", + "label": "train/pancreas_vectra_5_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_7_3.tif", + "label": "train/pancreas_vectra_7_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_8_3.tif", + "label": "train/pancreas_vectra_8_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_9_0.tif", + "label": "train/pancreas_vectra_9_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_9_2.tif", + "label": "train/pancreas_vectra_9_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_10_3.tif", + "label": "train/pancreas_vectra_10_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_13_1.tif", + "label": "train/pancreas_vectra_13_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_14_1.tif", + "label": "train/pancreas_vectra_14_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_14_3.tif", + "label": "train/pancreas_vectra_14_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_15_0.tif", + "label": "train/pancreas_vectra_15_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_16_2.tif", + "label": "train/pancreas_vectra_16_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_16_3.tif", + "label": "train/pancreas_vectra_16_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_17_1.tif", + "label": "train/pancreas_vectra_17_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_18_2.tif", + "label": "train/pancreas_vectra_18_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_0_0.tif", + "label": "train/pancreas_vectra_0_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_0_3.tif", + "label": "train/pancreas_vectra_0_3_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_1_3.tif", + "label": "train/pancreas_vectra_1_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_2_0.tif", + "label": "train/pancreas_vectra_2_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_3_1.tif", + "label": "train/pancreas_vectra_3_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_4_1.tif", + "label": "train/pancreas_vectra_4_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_6_0.tif", + "label": "train/pancreas_vectra_6_0_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_11_1.tif", + "label": "train/pancreas_vectra_11_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_11_2.tif", + "label": "train/pancreas_vectra_11_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_12_0.tif", + "label": "train/pancreas_vectra_12_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_13_2.tif", + "label": "train/pancreas_vectra_13_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_14_2.tif", + "label": "train/pancreas_vectra_14_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_15_3.tif", + "label": "train/pancreas_vectra_15_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_17_0.tif", + "label": "train/pancreas_vectra_17_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_18_1.tif", + "label": "train/pancreas_vectra_18_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_1_0.tif", + "label": "train/pancreas_vectra_1_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_2_3.tif", + "label": "train/pancreas_vectra_2_3_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_3_2.tif", + "label": "train/pancreas_vectra_3_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_5_2.tif", + "label": "train/pancreas_vectra_5_2_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_5_3.tif", + "label": "train/pancreas_vectra_5_3_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_7_0.tif", + "label": "train/pancreas_vectra_7_0_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_7_1.tif", + "label": "train/pancreas_vectra_7_1_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_7_2.tif", + "label": "train/pancreas_vectra_7_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_8_0.tif", + "label": "train/pancreas_vectra_8_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_10_1.tif", + "label": "train/pancreas_vectra_10_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_10_2.tif", + "label": "train/pancreas_vectra_10_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_12_1.tif", + "label": "train/pancreas_vectra_12_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_13_0.tif", + "label": "train/pancreas_vectra_13_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_16_1.tif", + "label": "train/pancreas_vectra_16_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_17_2.tif", + "label": "train/pancreas_vectra_17_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_0_1.tif", + "label": "train/pancreas_vectra_0_1_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_1_1.tif", + "label": "train/pancreas_vectra_1_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_1_2.tif", + "label": "train/pancreas_vectra_1_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_2_1.tif", + "label": "train/pancreas_vectra_2_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_3_0.tif", + "label": "train/pancreas_vectra_3_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_4_0.tif", + "label": "train/pancreas_vectra_4_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_4_2.tif", + "label": "train/pancreas_vectra_4_2_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_5_0.tif", + "label": "train/pancreas_vectra_5_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_6_1.tif", + "label": "train/pancreas_vectra_6_1_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_9_1.tif", + "label": "train/pancreas_vectra_9_1_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_12_2.tif", + "label": "train/pancreas_vectra_12_2_masks.tif", + "fold": 1 + }, + { + "image": "train/pancreas_vectra_15_2.tif", + "label": "train/pancreas_vectra_15_2_masks.tif", + "fold": 4 + }, + { + "image": "train/pancreas_vectra_16_0.tif", + "label": "train/pancreas_vectra_16_0_masks.tif", + "fold": 3 + }, + { + "image": "train/pancreas_vectra_18_0.tif", + "label": "train/pancreas_vectra_18_0_masks.tif", + "fold": 2 + }, + { + "image": "train/pancreas_vectra_18_3.tif", + "label": "train/pancreas_vectra_18_3_masks.tif", + "fold": 4 + } + ], + "testing": [ + { + "image": "test/pancreas_vectra_2.tif", + "label": "test/pancreas_vectra_2_masks.tif" + }, + { + "image": "test/pancreas_vectra_3.tif", + "label": "test/pancreas_vectra_3_masks.tif" + }, + { + "image": "test/pancreas_vectra_4.tif", + "label": "test/pancreas_vectra_4_masks.tif" + }, + { + "image": "test/pancreas_vectra_1.tif", + "label": "test/pancreas_vectra_1_masks.tif" + }, + { + "image": "test/pancreas_vectra_6.tif", + "label": "test/pancreas_vectra_6_masks.tif" + }, + { + "image": "test/pancreas_vectra_10.tif", + "label": "test/pancreas_vectra_10_masks.tif" + }, + { + "image": "test/pancreas_vectra_0.tif", + "label": "test/pancreas_vectra_0_masks.tif" + }, + { + "image": "test/pancreas_vectra_7.tif", + "label": "test/pancreas_vectra_7_masks.tif" + }, + { + "image": "test/pancreas_vectra_9.tif", + "label": "test/pancreas_vectra_9_masks.tif" + }, + { + "image": "test/pancreas_vectra_11.tif", + "label": "test/pancreas_vectra_11_masks.tif" + }, + { + "image": "test/pancreas_vectra_5.tif", + "label": "test/pancreas_vectra_5_masks.tif" + }, + { + "image": "test/pancreas_vectra_8.tif", + "label": "test/pancreas_vectra_8_masks.tif" + } + ] +} diff --git a/vista2d/datalists/tissuenet_skin_mibi_datalist.json b/vista2d/datalists/tissuenet_skin_mibi_datalist.json new file mode 100644 index 0000000..582ae6b --- /dev/null +++ b/vista2d/datalists/tissuenet_skin_mibi_datalist.json @@ -0,0 +1,2466 @@ +{ + "training": [ + { + "image": "val/skin_mibi_2.tif", + "label": "val/skin_mibi_2_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_17.tif", + "label": "val/skin_mibi_17_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_35.tif", + "label": "val/skin_mibi_35_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_38.tif", + "label": "val/skin_mibi_38_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_42.tif", + "label": "val/skin_mibi_42_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_44.tif", + "label": "val/skin_mibi_44_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_53.tif", + "label": "val/skin_mibi_53_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_56.tif", + "label": "val/skin_mibi_56_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_58.tif", + "label": "val/skin_mibi_58_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_65.tif", + "label": "val/skin_mibi_65_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_69.tif", + "label": "val/skin_mibi_69_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_74.tif", + "label": "val/skin_mibi_74_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_78.tif", + "label": "val/skin_mibi_78_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_82.tif", + "label": "val/skin_mibi_82_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_90.tif", + "label": "val/skin_mibi_90_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_91.tif", + "label": "val/skin_mibi_91_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_92.tif", + "label": "val/skin_mibi_92_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_95.tif", + "label": "val/skin_mibi_95_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_98.tif", + "label": "val/skin_mibi_98_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_99.tif", + "label": "val/skin_mibi_99_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_100.tif", + "label": "val/skin_mibi_100_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_103.tif", + "label": "val/skin_mibi_103_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_105.tif", + "label": "val/skin_mibi_105_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_10.tif", + "label": "val/skin_mibi_10_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_19.tif", + "label": "val/skin_mibi_19_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_27.tif", + "label": "val/skin_mibi_27_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_31.tif", + "label": "val/skin_mibi_31_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_32.tif", + "label": "val/skin_mibi_32_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_33.tif", + "label": "val/skin_mibi_33_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_36.tif", + "label": "val/skin_mibi_36_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_39.tif", + "label": "val/skin_mibi_39_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_40.tif", + "label": "val/skin_mibi_40_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_46.tif", + "label": "val/skin_mibi_46_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_48.tif", + "label": "val/skin_mibi_48_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_54.tif", + "label": "val/skin_mibi_54_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_55.tif", + "label": "val/skin_mibi_55_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_59.tif", + "label": "val/skin_mibi_59_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_66.tif", + "label": "val/skin_mibi_66_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_67.tif", + "label": "val/skin_mibi_67_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_80.tif", + "label": "val/skin_mibi_80_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_87.tif", + "label": "val/skin_mibi_87_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_88.tif", + "label": "val/skin_mibi_88_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_89.tif", + "label": "val/skin_mibi_89_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_93.tif", + "label": "val/skin_mibi_93_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_106.tif", + "label": "val/skin_mibi_106_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_111.tif", + "label": "val/skin_mibi_111_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_4.tif", + "label": "val/skin_mibi_4_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_15.tif", + "label": "val/skin_mibi_15_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_23.tif", + "label": "val/skin_mibi_23_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_24.tif", + "label": "val/skin_mibi_24_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_26.tif", + "label": "val/skin_mibi_26_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_34.tif", + "label": "val/skin_mibi_34_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_41.tif", + "label": "val/skin_mibi_41_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_43.tif", + "label": "val/skin_mibi_43_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_45.tif", + "label": "val/skin_mibi_45_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_51.tif", + "label": "val/skin_mibi_51_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_52.tif", + "label": "val/skin_mibi_52_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_62.tif", + "label": "val/skin_mibi_62_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_70.tif", + "label": "val/skin_mibi_70_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_73.tif", + "label": "val/skin_mibi_73_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_77.tif", + "label": "val/skin_mibi_77_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_81.tif", + "label": "val/skin_mibi_81_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_83.tif", + "label": "val/skin_mibi_83_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_94.tif", + "label": "val/skin_mibi_94_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_97.tif", + "label": "val/skin_mibi_97_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_102.tif", + "label": "val/skin_mibi_102_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_104.tif", + "label": "val/skin_mibi_104_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_109.tif", + "label": "val/skin_mibi_109_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_0.tif", + "label": "val/skin_mibi_0_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_3.tif", + "label": "val/skin_mibi_3_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_7.tif", + "label": "val/skin_mibi_7_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_8.tif", + "label": "val/skin_mibi_8_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_13.tif", + "label": "val/skin_mibi_13_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_14.tif", + "label": "val/skin_mibi_14_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_21.tif", + "label": "val/skin_mibi_21_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_22.tif", + "label": "val/skin_mibi_22_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_30.tif", + "label": "val/skin_mibi_30_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_47.tif", + "label": "val/skin_mibi_47_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_49.tif", + "label": "val/skin_mibi_49_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_57.tif", + "label": "val/skin_mibi_57_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_60.tif", + "label": "val/skin_mibi_60_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_61.tif", + "label": "val/skin_mibi_61_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_63.tif", + "label": "val/skin_mibi_63_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_68.tif", + "label": "val/skin_mibi_68_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_85.tif", + "label": "val/skin_mibi_85_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_86.tif", + "label": "val/skin_mibi_86_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_96.tif", + "label": "val/skin_mibi_96_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_101.tif", + "label": "val/skin_mibi_101_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_108.tif", + "label": "val/skin_mibi_108_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_110.tif", + "label": "val/skin_mibi_110_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_1.tif", + "label": "val/skin_mibi_1_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_5.tif", + "label": "val/skin_mibi_5_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_6.tif", + "label": "val/skin_mibi_6_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_9.tif", + "label": "val/skin_mibi_9_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_11.tif", + "label": "val/skin_mibi_11_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_12.tif", + "label": "val/skin_mibi_12_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_16.tif", + "label": "val/skin_mibi_16_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_18.tif", + "label": "val/skin_mibi_18_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_20.tif", + "label": "val/skin_mibi_20_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_25.tif", + "label": "val/skin_mibi_25_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_28.tif", + "label": "val/skin_mibi_28_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_29.tif", + "label": "val/skin_mibi_29_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_37.tif", + "label": "val/skin_mibi_37_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_50.tif", + "label": "val/skin_mibi_50_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_64.tif", + "label": "val/skin_mibi_64_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_71.tif", + "label": "val/skin_mibi_71_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_72.tif", + "label": "val/skin_mibi_72_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_75.tif", + "label": "val/skin_mibi_75_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_76.tif", + "label": "val/skin_mibi_76_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_79.tif", + "label": "val/skin_mibi_79_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_84.tif", + "label": "val/skin_mibi_84_masks.tif", + "fold": 0 + }, + { + "image": "val/skin_mibi_107.tif", + "label": "val/skin_mibi_107_masks.tif", + "fold": 0 + }, + { + "image": "train/skin_mibi_1_0.tif", + "label": "train/skin_mibi_1_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_1_2.tif", + "label": "train/skin_mibi_1_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_2_3.tif", + "label": "train/skin_mibi_2_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_3_0.tif", + "label": "train/skin_mibi_3_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_4_2.tif", + "label": "train/skin_mibi_4_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_6_3.tif", + "label": "train/skin_mibi_6_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_7_1.tif", + "label": "train/skin_mibi_7_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_14_2.tif", + "label": "train/skin_mibi_14_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_14_3.tif", + "label": "train/skin_mibi_14_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_16_1.tif", + "label": "train/skin_mibi_16_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_16_3.tif", + "label": "train/skin_mibi_16_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_18_1.tif", + "label": "train/skin_mibi_18_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_20_0.tif", + "label": "train/skin_mibi_20_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_21_1.tif", + "label": "train/skin_mibi_21_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_22_1.tif", + "label": "train/skin_mibi_22_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_22_2.tif", + "label": "train/skin_mibi_22_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_22_3.tif", + "label": "train/skin_mibi_22_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_23_0.tif", + "label": "train/skin_mibi_23_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_23_1.tif", + "label": "train/skin_mibi_23_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_23_3.tif", + "label": "train/skin_mibi_23_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_25_2.tif", + "label": "train/skin_mibi_25_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_26_2.tif", + "label": "train/skin_mibi_26_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_26_3.tif", + "label": "train/skin_mibi_26_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_27_3.tif", + "label": "train/skin_mibi_27_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_29_1.tif", + "label": "train/skin_mibi_29_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_30_0.tif", + "label": "train/skin_mibi_30_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_30_2.tif", + "label": "train/skin_mibi_30_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_30_3.tif", + "label": "train/skin_mibi_30_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_31_1.tif", + "label": "train/skin_mibi_31_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_31_3.tif", + "label": "train/skin_mibi_31_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_32_3.tif", + "label": "train/skin_mibi_32_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_33_0.tif", + "label": "train/skin_mibi_33_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_34_2.tif", + "label": "train/skin_mibi_34_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_36_2.tif", + "label": "train/skin_mibi_36_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_38_2.tif", + "label": "train/skin_mibi_38_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_39_3.tif", + "label": "train/skin_mibi_39_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_41_1.tif", + "label": "train/skin_mibi_41_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_42_1.tif", + "label": "train/skin_mibi_42_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_43_2.tif", + "label": "train/skin_mibi_43_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_47_1.tif", + "label": "train/skin_mibi_47_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_49_1.tif", + "label": "train/skin_mibi_49_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_52_0.tif", + "label": "train/skin_mibi_52_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_52_3.tif", + "label": "train/skin_mibi_52_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_53_0.tif", + "label": "train/skin_mibi_53_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_54_1.tif", + "label": "train/skin_mibi_54_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_55_2.tif", + "label": "train/skin_mibi_55_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_57_1.tif", + "label": "train/skin_mibi_57_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_59_0.tif", + "label": "train/skin_mibi_59_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_61_3.tif", + "label": "train/skin_mibi_61_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_62_3.tif", + "label": "train/skin_mibi_62_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_64_0.tif", + "label": "train/skin_mibi_64_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_65_3.tif", + "label": "train/skin_mibi_65_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_66_3.tif", + "label": "train/skin_mibi_66_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_68_1.tif", + "label": "train/skin_mibi_68_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_71_3.tif", + "label": "train/skin_mibi_71_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_72_1.tif", + "label": "train/skin_mibi_72_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_72_3.tif", + "label": "train/skin_mibi_72_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_73_0.tif", + "label": "train/skin_mibi_73_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_73_2.tif", + "label": "train/skin_mibi_73_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_75_1.tif", + "label": "train/skin_mibi_75_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_76_2.tif", + "label": "train/skin_mibi_76_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_78_3.tif", + "label": "train/skin_mibi_78_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_80_3.tif", + "label": "train/skin_mibi_80_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_82_1.tif", + "label": "train/skin_mibi_82_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_82_3.tif", + "label": "train/skin_mibi_82_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_83_0.tif", + "label": "train/skin_mibi_83_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_83_1.tif", + "label": "train/skin_mibi_83_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_85_1.tif", + "label": "train/skin_mibi_85_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_85_3.tif", + "label": "train/skin_mibi_85_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_0_0.tif", + "label": "train/skin_mibi_0_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_1_1.tif", + "label": "train/skin_mibi_1_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_2_1.tif", + "label": "train/skin_mibi_2_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_3_2.tif", + "label": "train/skin_mibi_3_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_4_0.tif", + "label": "train/skin_mibi_4_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_4_1.tif", + "label": "train/skin_mibi_4_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_4_3.tif", + "label": "train/skin_mibi_4_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_8_2.tif", + "label": "train/skin_mibi_8_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_9_2.tif", + "label": "train/skin_mibi_9_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_9_3.tif", + "label": "train/skin_mibi_9_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_10_1.tif", + "label": "train/skin_mibi_10_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_10_2.tif", + "label": "train/skin_mibi_10_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_11_0.tif", + "label": "train/skin_mibi_11_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_12_3.tif", + "label": "train/skin_mibi_12_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_15_2.tif", + "label": "train/skin_mibi_15_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_17_2.tif", + "label": "train/skin_mibi_17_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_19_2.tif", + "label": "train/skin_mibi_19_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_22_0.tif", + "label": "train/skin_mibi_22_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_25_0.tif", + "label": "train/skin_mibi_25_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_26_1.tif", + "label": "train/skin_mibi_26_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_27_2.tif", + "label": "train/skin_mibi_27_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_28_0.tif", + "label": "train/skin_mibi_28_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_29_3.tif", + "label": "train/skin_mibi_29_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_34_3.tif", + "label": "train/skin_mibi_34_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_36_3.tif", + "label": "train/skin_mibi_36_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_37_2.tif", + "label": "train/skin_mibi_37_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_39_2.tif", + "label": "train/skin_mibi_39_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_40_1.tif", + "label": "train/skin_mibi_40_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_40_2.tif", + "label": "train/skin_mibi_40_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_40_3.tif", + "label": "train/skin_mibi_40_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_41_3.tif", + "label": "train/skin_mibi_41_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_42_3.tif", + "label": "train/skin_mibi_42_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_43_0.tif", + "label": "train/skin_mibi_43_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_43_3.tif", + "label": "train/skin_mibi_43_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_44_1.tif", + "label": "train/skin_mibi_44_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_44_3.tif", + "label": "train/skin_mibi_44_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_45_0.tif", + "label": "train/skin_mibi_45_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_46_2.tif", + "label": "train/skin_mibi_46_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_46_3.tif", + "label": "train/skin_mibi_46_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_47_0.tif", + "label": "train/skin_mibi_47_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_47_3.tif", + "label": "train/skin_mibi_47_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_48_0.tif", + "label": "train/skin_mibi_48_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_51_0.tif", + "label": "train/skin_mibi_51_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_51_2.tif", + "label": "train/skin_mibi_51_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_53_1.tif", + "label": "train/skin_mibi_53_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_54_2.tif", + "label": "train/skin_mibi_54_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_56_0.tif", + "label": "train/skin_mibi_56_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_56_1.tif", + "label": "train/skin_mibi_56_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_57_3.tif", + "label": "train/skin_mibi_57_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_58_0.tif", + "label": "train/skin_mibi_58_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_58_1.tif", + "label": "train/skin_mibi_58_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_58_2.tif", + "label": "train/skin_mibi_58_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_60_2.tif", + "label": "train/skin_mibi_60_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_61_0.tif", + "label": "train/skin_mibi_61_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_61_1.tif", + "label": "train/skin_mibi_61_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_62_1.tif", + "label": "train/skin_mibi_62_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_64_1.tif", + "label": "train/skin_mibi_64_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_65_1.tif", + "label": "train/skin_mibi_65_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_68_0.tif", + "label": "train/skin_mibi_68_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_69_2.tif", + "label": "train/skin_mibi_69_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_70_3.tif", + "label": "train/skin_mibi_70_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_72_0.tif", + "label": "train/skin_mibi_72_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_76_1.tif", + "label": "train/skin_mibi_76_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_80_2.tif", + "label": "train/skin_mibi_80_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_81_1.tif", + "label": "train/skin_mibi_81_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_82_0.tif", + "label": "train/skin_mibi_82_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_82_2.tif", + "label": "train/skin_mibi_82_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_84_1.tif", + "label": "train/skin_mibi_84_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_85_2.tif", + "label": "train/skin_mibi_85_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_2_0.tif", + "label": "train/skin_mibi_2_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_5_1.tif", + "label": "train/skin_mibi_5_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_6_0.tif", + "label": "train/skin_mibi_6_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_7_0.tif", + "label": "train/skin_mibi_7_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_7_3.tif", + "label": "train/skin_mibi_7_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_8_0.tif", + "label": "train/skin_mibi_8_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_8_1.tif", + "label": "train/skin_mibi_8_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_8_3.tif", + "label": "train/skin_mibi_8_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_10_0.tif", + "label": "train/skin_mibi_10_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_11_2.tif", + "label": "train/skin_mibi_11_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_11_3.tif", + "label": "train/skin_mibi_11_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_12_0.tif", + "label": "train/skin_mibi_12_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_13_1.tif", + "label": "train/skin_mibi_13_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_13_3.tif", + "label": "train/skin_mibi_13_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_14_0.tif", + "label": "train/skin_mibi_14_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_15_1.tif", + "label": "train/skin_mibi_15_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_15_3.tif", + "label": "train/skin_mibi_15_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_16_2.tif", + "label": "train/skin_mibi_16_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_17_1.tif", + "label": "train/skin_mibi_17_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_19_3.tif", + "label": "train/skin_mibi_19_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_21_0.tif", + "label": "train/skin_mibi_21_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_24_3.tif", + "label": "train/skin_mibi_24_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_25_1.tif", + "label": "train/skin_mibi_25_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_27_0.tif", + "label": "train/skin_mibi_27_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_28_1.tif", + "label": "train/skin_mibi_28_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_28_2.tif", + "label": "train/skin_mibi_28_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_29_0.tif", + "label": "train/skin_mibi_29_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_32_0.tif", + "label": "train/skin_mibi_32_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_33_2.tif", + "label": "train/skin_mibi_33_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_34_1.tif", + "label": "train/skin_mibi_34_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_35_2.tif", + "label": "train/skin_mibi_35_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_39_1.tif", + "label": "train/skin_mibi_39_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_41_0.tif", + "label": "train/skin_mibi_41_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_42_0.tif", + "label": "train/skin_mibi_42_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_43_1.tif", + "label": "train/skin_mibi_43_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_45_1.tif", + "label": "train/skin_mibi_45_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_46_0.tif", + "label": "train/skin_mibi_46_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_46_1.tif", + "label": "train/skin_mibi_46_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_49_3.tif", + "label": "train/skin_mibi_49_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_50_1.tif", + "label": "train/skin_mibi_50_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_51_1.tif", + "label": "train/skin_mibi_51_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_51_3.tif", + "label": "train/skin_mibi_51_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_54_3.tif", + "label": "train/skin_mibi_54_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_55_1.tif", + "label": "train/skin_mibi_55_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_55_3.tif", + "label": "train/skin_mibi_55_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_56_3.tif", + "label": "train/skin_mibi_56_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_57_0.tif", + "label": "train/skin_mibi_57_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_65_0.tif", + "label": "train/skin_mibi_65_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_67_0.tif", + "label": "train/skin_mibi_67_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_67_1.tif", + "label": "train/skin_mibi_67_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_67_2.tif", + "label": "train/skin_mibi_67_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_67_3.tif", + "label": "train/skin_mibi_67_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_68_2.tif", + "label": "train/skin_mibi_68_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_68_3.tif", + "label": "train/skin_mibi_68_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_69_1.tif", + "label": "train/skin_mibi_69_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_71_0.tif", + "label": "train/skin_mibi_71_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_71_1.tif", + "label": "train/skin_mibi_71_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_72_2.tif", + "label": "train/skin_mibi_72_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_73_1.tif", + "label": "train/skin_mibi_73_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_73_3.tif", + "label": "train/skin_mibi_73_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_74_3.tif", + "label": "train/skin_mibi_74_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_75_0.tif", + "label": "train/skin_mibi_75_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_76_0.tif", + "label": "train/skin_mibi_76_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_77_3.tif", + "label": "train/skin_mibi_77_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_78_2.tif", + "label": "train/skin_mibi_78_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_79_0.tif", + "label": "train/skin_mibi_79_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_81_2.tif", + "label": "train/skin_mibi_81_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_81_3.tif", + "label": "train/skin_mibi_81_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_84_0.tif", + "label": "train/skin_mibi_84_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_0_2.tif", + "label": "train/skin_mibi_0_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_2_2.tif", + "label": "train/skin_mibi_2_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_3_1.tif", + "label": "train/skin_mibi_3_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_5_0.tif", + "label": "train/skin_mibi_5_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_5_3.tif", + "label": "train/skin_mibi_5_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_9_0.tif", + "label": "train/skin_mibi_9_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_11_1.tif", + "label": "train/skin_mibi_11_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_13_0.tif", + "label": "train/skin_mibi_13_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_13_2.tif", + "label": "train/skin_mibi_13_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_14_1.tif", + "label": "train/skin_mibi_14_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_15_0.tif", + "label": "train/skin_mibi_15_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_18_2.tif", + "label": "train/skin_mibi_18_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_18_3.tif", + "label": "train/skin_mibi_18_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_19_1.tif", + "label": "train/skin_mibi_19_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_20_1.tif", + "label": "train/skin_mibi_20_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_20_2.tif", + "label": "train/skin_mibi_20_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_23_2.tif", + "label": "train/skin_mibi_23_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_24_0.tif", + "label": "train/skin_mibi_24_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_24_1.tif", + "label": "train/skin_mibi_24_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_24_2.tif", + "label": "train/skin_mibi_24_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_25_3.tif", + "label": "train/skin_mibi_25_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_29_2.tif", + "label": "train/skin_mibi_29_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_31_0.tif", + "label": "train/skin_mibi_31_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_32_2.tif", + "label": "train/skin_mibi_32_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_33_3.tif", + "label": "train/skin_mibi_33_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_35_0.tif", + "label": "train/skin_mibi_35_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_36_1.tif", + "label": "train/skin_mibi_36_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_37_0.tif", + "label": "train/skin_mibi_37_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_37_1.tif", + "label": "train/skin_mibi_37_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_37_3.tif", + "label": "train/skin_mibi_37_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_38_0.tif", + "label": "train/skin_mibi_38_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_40_0.tif", + "label": "train/skin_mibi_40_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_42_2.tif", + "label": "train/skin_mibi_42_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_44_0.tif", + "label": "train/skin_mibi_44_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_45_2.tif", + "label": "train/skin_mibi_45_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_45_3.tif", + "label": "train/skin_mibi_45_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_47_2.tif", + "label": "train/skin_mibi_47_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_48_1.tif", + "label": "train/skin_mibi_48_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_48_2.tif", + "label": "train/skin_mibi_48_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_49_2.tif", + "label": "train/skin_mibi_49_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_50_0.tif", + "label": "train/skin_mibi_50_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_50_2.tif", + "label": "train/skin_mibi_50_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_52_2.tif", + "label": "train/skin_mibi_52_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_53_2.tif", + "label": "train/skin_mibi_53_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_55_0.tif", + "label": "train/skin_mibi_55_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_57_2.tif", + "label": "train/skin_mibi_57_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_59_2.tif", + "label": "train/skin_mibi_59_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_60_0.tif", + "label": "train/skin_mibi_60_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_61_2.tif", + "label": "train/skin_mibi_61_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_62_0.tif", + "label": "train/skin_mibi_62_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_62_2.tif", + "label": "train/skin_mibi_62_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_63_1.tif", + "label": "train/skin_mibi_63_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_64_2.tif", + "label": "train/skin_mibi_64_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_64_3.tif", + "label": "train/skin_mibi_64_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_65_2.tif", + "label": "train/skin_mibi_65_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_74_0.tif", + "label": "train/skin_mibi_74_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_74_2.tif", + "label": "train/skin_mibi_74_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_75_2.tif", + "label": "train/skin_mibi_75_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_75_3.tif", + "label": "train/skin_mibi_75_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_76_3.tif", + "label": "train/skin_mibi_76_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_77_0.tif", + "label": "train/skin_mibi_77_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_77_1.tif", + "label": "train/skin_mibi_77_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_77_2.tif", + "label": "train/skin_mibi_77_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_78_0.tif", + "label": "train/skin_mibi_78_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_80_0.tif", + "label": "train/skin_mibi_80_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_81_0.tif", + "label": "train/skin_mibi_81_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_84_2.tif", + "label": "train/skin_mibi_84_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_84_3.tif", + "label": "train/skin_mibi_84_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_85_0.tif", + "label": "train/skin_mibi_85_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_0_1.tif", + "label": "train/skin_mibi_0_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_0_3.tif", + "label": "train/skin_mibi_0_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_1_3.tif", + "label": "train/skin_mibi_1_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_3_3.tif", + "label": "train/skin_mibi_3_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_5_2.tif", + "label": "train/skin_mibi_5_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_6_1.tif", + "label": "train/skin_mibi_6_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_6_2.tif", + "label": "train/skin_mibi_6_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_7_2.tif", + "label": "train/skin_mibi_7_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_9_1.tif", + "label": "train/skin_mibi_9_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_10_3.tif", + "label": "train/skin_mibi_10_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_12_1.tif", + "label": "train/skin_mibi_12_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_12_2.tif", + "label": "train/skin_mibi_12_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_16_0.tif", + "label": "train/skin_mibi_16_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_17_0.tif", + "label": "train/skin_mibi_17_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_17_3.tif", + "label": "train/skin_mibi_17_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_18_0.tif", + "label": "train/skin_mibi_18_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_19_0.tif", + "label": "train/skin_mibi_19_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_20_3.tif", + "label": "train/skin_mibi_20_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_21_2.tif", + "label": "train/skin_mibi_21_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_21_3.tif", + "label": "train/skin_mibi_21_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_26_0.tif", + "label": "train/skin_mibi_26_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_27_1.tif", + "label": "train/skin_mibi_27_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_28_3.tif", + "label": "train/skin_mibi_28_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_30_1.tif", + "label": "train/skin_mibi_30_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_31_2.tif", + "label": "train/skin_mibi_31_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_32_1.tif", + "label": "train/skin_mibi_32_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_33_1.tif", + "label": "train/skin_mibi_33_1_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_34_0.tif", + "label": "train/skin_mibi_34_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_35_1.tif", + "label": "train/skin_mibi_35_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_35_3.tif", + "label": "train/skin_mibi_35_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_36_0.tif", + "label": "train/skin_mibi_36_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_38_1.tif", + "label": "train/skin_mibi_38_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_38_3.tif", + "label": "train/skin_mibi_38_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_39_0.tif", + "label": "train/skin_mibi_39_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_41_2.tif", + "label": "train/skin_mibi_41_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_44_2.tif", + "label": "train/skin_mibi_44_2_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_48_3.tif", + "label": "train/skin_mibi_48_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_49_0.tif", + "label": "train/skin_mibi_49_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_50_3.tif", + "label": "train/skin_mibi_50_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_52_1.tif", + "label": "train/skin_mibi_52_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_53_3.tif", + "label": "train/skin_mibi_53_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_54_0.tif", + "label": "train/skin_mibi_54_0_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_56_2.tif", + "label": "train/skin_mibi_56_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_58_3.tif", + "label": "train/skin_mibi_58_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_59_1.tif", + "label": "train/skin_mibi_59_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_59_3.tif", + "label": "train/skin_mibi_59_3_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_60_1.tif", + "label": "train/skin_mibi_60_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_60_3.tif", + "label": "train/skin_mibi_60_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_63_0.tif", + "label": "train/skin_mibi_63_0_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_63_2.tif", + "label": "train/skin_mibi_63_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_63_3.tif", + "label": "train/skin_mibi_63_3_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_66_0.tif", + "label": "train/skin_mibi_66_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_66_1.tif", + "label": "train/skin_mibi_66_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_66_2.tif", + "label": "train/skin_mibi_66_2_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_69_0.tif", + "label": "train/skin_mibi_69_0_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_69_3.tif", + "label": "train/skin_mibi_69_3_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_70_0.tif", + "label": "train/skin_mibi_70_0_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_70_1.tif", + "label": "train/skin_mibi_70_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_70_2.tif", + "label": "train/skin_mibi_70_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_71_2.tif", + "label": "train/skin_mibi_71_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_74_1.tif", + "label": "train/skin_mibi_74_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_78_1.tif", + "label": "train/skin_mibi_78_1_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_79_1.tif", + "label": "train/skin_mibi_79_1_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_79_2.tif", + "label": "train/skin_mibi_79_2_masks.tif", + "fold": 4 + }, + { + "image": "train/skin_mibi_79_3.tif", + "label": "train/skin_mibi_79_3_masks.tif", + "fold": 3 + }, + { + "image": "train/skin_mibi_80_1.tif", + "label": "train/skin_mibi_80_1_masks.tif", + "fold": 1 + }, + { + "image": "train/skin_mibi_83_2.tif", + "label": "train/skin_mibi_83_2_masks.tif", + "fold": 2 + }, + { + "image": "train/skin_mibi_83_3.tif", + "label": "train/skin_mibi_83_3_masks.tif", + "fold": 1 + } + ], + "testing": [ + { + "image": "test/skin_mibi_2.tif", + "label": "test/skin_mibi_2_masks.tif" + }, + { + "image": "test/skin_mibi_3.tif", + "label": "test/skin_mibi_3_masks.tif" + }, + { + "image": "test/skin_mibi_19.tif", + "label": "test/skin_mibi_19_masks.tif" + }, + { + "image": "test/skin_mibi_21.tif", + "label": "test/skin_mibi_21_masks.tif" + }, + { + "image": "test/skin_mibi_22.tif", + "label": "test/skin_mibi_22_masks.tif" + }, + { + "image": "test/skin_mibi_30.tif", + "label": "test/skin_mibi_30_masks.tif" + }, + { + "image": "test/skin_mibi_34.tif", + "label": "test/skin_mibi_34_masks.tif" + }, + { + "image": "test/skin_mibi_35.tif", + "label": "test/skin_mibi_35_masks.tif" + }, + { + "image": "test/skin_mibi_41.tif", + "label": "test/skin_mibi_41_masks.tif" + }, + { + "image": "test/skin_mibi_17.tif", + "label": "test/skin_mibi_17_masks.tif" + }, + { + "image": "test/skin_mibi_23.tif", + "label": "test/skin_mibi_23_masks.tif" + }, + { + "image": "test/skin_mibi_29.tif", + "label": "test/skin_mibi_29_masks.tif" + }, + { + "image": "test/skin_mibi_31.tif", + "label": "test/skin_mibi_31_masks.tif" + }, + { + "image": "test/skin_mibi_32.tif", + "label": "test/skin_mibi_32_masks.tif" + }, + { + "image": "test/skin_mibi_33.tif", + "label": "test/skin_mibi_33_masks.tif" + }, + { + "image": "test/skin_mibi_36.tif", + "label": "test/skin_mibi_36_masks.tif" + }, + { + "image": "test/skin_mibi_40.tif", + "label": "test/skin_mibi_40_masks.tif" + }, + { + "image": "test/skin_mibi_44.tif", + "label": "test/skin_mibi_44_masks.tif" + }, + { + "image": "test/skin_mibi_4.tif", + "label": "test/skin_mibi_4_masks.tif" + }, + { + "image": "test/skin_mibi_10.tif", + "label": "test/skin_mibi_10_masks.tif" + }, + { + "image": "test/skin_mibi_14.tif", + "label": "test/skin_mibi_14_masks.tif" + }, + { + "image": "test/skin_mibi_20.tif", + "label": "test/skin_mibi_20_masks.tif" + }, + { + "image": "test/skin_mibi_24.tif", + "label": "test/skin_mibi_24_masks.tif" + }, + { + "image": "test/skin_mibi_26.tif", + "label": "test/skin_mibi_26_masks.tif" + }, + { + "image": "test/skin_mibi_27.tif", + "label": "test/skin_mibi_27_masks.tif" + }, + { + "image": "test/skin_mibi_38.tif", + "label": "test/skin_mibi_38_masks.tif" + }, + { + "image": "test/skin_mibi_39.tif", + "label": "test/skin_mibi_39_masks.tif" + }, + { + "image": "test/skin_mibi_1.tif", + "label": "test/skin_mibi_1_masks.tif" + }, + { + "image": "test/skin_mibi_6.tif", + "label": "test/skin_mibi_6_masks.tif" + }, + { + "image": "test/skin_mibi_7.tif", + "label": "test/skin_mibi_7_masks.tif" + }, + { + "image": "test/skin_mibi_13.tif", + "label": "test/skin_mibi_13_masks.tif" + }, + { + "image": "test/skin_mibi_16.tif", + "label": "test/skin_mibi_16_masks.tif" + }, + { + "image": "test/skin_mibi_18.tif", + "label": "test/skin_mibi_18_masks.tif" + }, + { + "image": "test/skin_mibi_25.tif", + "label": "test/skin_mibi_25_masks.tif" + }, + { + "image": "test/skin_mibi_28.tif", + "label": "test/skin_mibi_28_masks.tif" + }, + { + "image": "test/skin_mibi_42.tif", + "label": "test/skin_mibi_42_masks.tif" + }, + { + "image": "test/skin_mibi_0.tif", + "label": "test/skin_mibi_0_masks.tif" + }, + { + "image": "test/skin_mibi_5.tif", + "label": "test/skin_mibi_5_masks.tif" + }, + { + "image": "test/skin_mibi_8.tif", + "label": "test/skin_mibi_8_masks.tif" + }, + { + "image": "test/skin_mibi_9.tif", + "label": "test/skin_mibi_9_masks.tif" + }, + { + "image": "test/skin_mibi_11.tif", + "label": "test/skin_mibi_11_masks.tif" + }, + { + "image": "test/skin_mibi_12.tif", + "label": "test/skin_mibi_12_masks.tif" + }, + { + "image": "test/skin_mibi_15.tif", + "label": "test/skin_mibi_15_masks.tif" + }, + { + "image": "test/skin_mibi_37.tif", + "label": "test/skin_mibi_37_masks.tif" + }, + { + "image": "test/skin_mibi_43.tif", + "label": "test/skin_mibi_43_masks.tif" + } + ] +} diff --git a/vista2d/datalists/yeaz_bf_dataset_list.json b/vista2d/datalists/yeaz_bf_dataset_list.json new file mode 100644 index 0000000..942c12c --- /dev/null +++ b/vista2d/datalists/yeaz_bf_dataset_list.json @@ -0,0 +1,1476 @@ +{ + "testing": [ + { + "image": "gold-standard-BF-V-1/cdc20F5BF_5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_5_crop_2_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/cdc20F10BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F10BF_10_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/cdc20F10BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F10BF_20_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF8BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF8BF_2_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/cdc20F3BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F3BF_20_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_10_crop_2_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_10_crop_2_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/clnF8BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF8BF_20_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_1_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/cdc20F4BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F4BF_5_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/cdc20F1BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F1BF_1_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_1_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF9BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF9BF_2_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/cdc20F9BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F9BF_1.5_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_1_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_1_crop_2_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF2BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF2BF_5_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF15BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF15BF_10_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF13BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF13BF_1_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/cdc20F2BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F2BF_1_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF12BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF12BF_5_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_10_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_10_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_10_crop_2_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/clnF6BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF6BF_10_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/clnF10BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF10BF_10_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_1_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_5_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_1.5_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/cdc20F9BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F9BF_1_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/clnF3BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF3BF_1.5_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF14BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF14BF_1_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/clnF10BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF10BF_1.5_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_2_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_2_crop_2_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_2_crop_2_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_20_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_10_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF2BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF2BF_1_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/clnF7BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF7BF_1_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/cdc20F7BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F7BF_1_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_5_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF11BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF11BF_20_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF8BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF8BF_1_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF5BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF5BF_5_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF7BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF7BF_10_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF5BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF5BF_1_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/clnF10BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF10BF_5_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF1BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF1BF_1_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_5_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/clnF10BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF10BF_1_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/clnF2BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF2BF_2_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_2_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/cdc20F6BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F6BF_20_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/clnF7BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF7BF_2_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/cdc20F8BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F8BF_20_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_20_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/wtF6BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF6BF_5_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_5_crop_2_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/clnF3BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF3BF_2_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_10_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_10_crop_2_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/cdc20F3BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F3BF_10_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/ddF3BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF3BF_1.5_crop_1_mask.tif" + }, + { + "image": "gold-standard-BF-V-1/cdc20F3BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F3BF_1_crop_1_mask.tif" + } + ], + "training": [ + { + "image": "gold-standard-BF-V-1/wtF11BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF11BF_5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F10BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F10BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF11BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF11BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF4BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF4BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF5BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF5BF_5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF15BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF15BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF3BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF3BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF1BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF1BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_5_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF11BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF11BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F2BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F2BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_2_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_2_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF3BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF3BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF6BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF6BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F3BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F3BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_1_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_1_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF8BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF8BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_1_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF1BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF1BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF8BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF8BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F2BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F2BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF8BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF8BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F7BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F7BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F2BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F2BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF7BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF7BF_1_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_2_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_2_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_2_crop_2_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_2_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF2BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF2BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF2BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF2BF_5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF8BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF8BF_5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_1_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF6BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF6BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF6BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF6BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF3BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF3BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF1BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF1BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF14BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF14BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_10_crop_2_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_10_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF5BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF5BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F7BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F7BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF1BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF1BF_1_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF6BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF6BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF3BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF3BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF2BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF2BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF13BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF13BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF9BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF9BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF11BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF11BF_1_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F6BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F6BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F6BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F6BF_1_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF9BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF9BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_2_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_2_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F8BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F8BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_1_crop_2_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_1_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF9BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF9BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF4BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF4BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF5BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF5BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F2BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F2BF_20_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF12BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF12BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/clnF9BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF9BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF7BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF7BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF9BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF9BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF1BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF1BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF5BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF5BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF12BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF12BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF14BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF14BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F6BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F6BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/clnF11BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF11BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF2BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF2BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_1.5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_1.5_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/clnF9BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF9BF_1_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F6BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F6BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF4BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF4BF_20_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF6BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF6BF_20_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF8BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF8BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF8BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF8BF_10_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F9BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F9BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF11BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF11BF_1_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/clnF5BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF5BF_10_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F8BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F8BF_10_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/clnF7BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF7BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_10_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_10_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F1BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F1BF_20_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/clnF11BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF11BF_10_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF8BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF8BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/clnF9BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF9BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F7BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F7BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/clnF11BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF11BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F7BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F7BF_20_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF5BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF5BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF3BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF3BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F1BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F1BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/clnF1BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF1BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF5BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF5BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF6BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF6BF_5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_2_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_2_crop_2_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F4BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F4BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF9BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF9BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF2BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF2BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF5BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF5BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F7BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F7BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF4BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF4BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF3BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF3BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF1BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF1BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF14BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF14BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F1BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F1BF_5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF4BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF4BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_20_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_20_crop_2_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F9BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F9BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F8BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F8BF_1_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF5BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF5BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_1_crop_2_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_1_crop_2_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF15BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF15BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF2BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF2BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF3BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF3BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF11BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF11BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF5BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF5BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF9BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF9BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_1.5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_1.5_crop_2_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F8BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F8BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF9BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF9BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF7BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF7BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF1BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF1BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF4BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF4BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF7BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF7BF_5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF2BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF2BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF11BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF11BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF4BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF4BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F3BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F3BF_5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF2BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF2BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF7BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF7BF_5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF13BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF13BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF1BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF1BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF14BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF14BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F4BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F4BF_1_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF3BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF3BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF9BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF9BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF3BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF3BF_1_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF8BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF8BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF4BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF4BF_20_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_20_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_20_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_1_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_1_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_2_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_20_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_20_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_5_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF15BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF15BF_2_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_10_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_10_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF4BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF4BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_1.5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_1.5_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF7BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF7BF_20_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F8BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F8BF_2_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF1BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF1BF_2_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF9BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF9BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF14BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF14BF_2_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_5_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF5BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF5BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF8BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF8BF_20_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF3BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF3BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF8BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF8BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F10BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F10BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_20_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F9BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F9BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF1BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF1BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF11BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF11BF_1.5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F4BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F4BF_2_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF6BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF6BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF8BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF8BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF10BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF10BF_2_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF3BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF3BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_1.5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_1.5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_1.5_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF4BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF4BF_1.5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF5BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF5BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF6BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF6BF_2_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_20_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_20_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_20_crop_2_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_20_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F1BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F1BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF9BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF9BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F2BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F2BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F4BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F4BF_20_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF13BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF13BF_1.5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF5BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF5BF_20_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF12BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF12BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF5BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF5BF_2_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF13BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF13BF_20_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF2BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF2BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/cdc20F1BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F1BF_2_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF8BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF8BF_10_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF9BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF9BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF4BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF4BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_20_crop_2_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_20_crop_2_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF3BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF3BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF6BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF6BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/cdc20F10BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F10BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/cdc20F4BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F4BF_10_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/cdc20F3BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F3BF_2_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF7BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF7BF_20_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF9BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF9BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF4BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF4BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF15BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF15BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_1_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_1_crop_2_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/cdc20F9BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F9BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF9BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF9BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_20_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF8BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF8BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF9BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF9BF_10_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF13BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF13BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF12BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF12BF_10_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF4BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF4BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF7BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF7BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF3BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF3BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF4BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF4BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_1.5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_1.5_crop_2_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF4BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF4BF_10_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF3BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF3BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_1.5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_1.5_crop_2_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF8BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF8BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF6BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF6BF_10_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF12BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF12BF_20_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/cdc20F10BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F10BF_2_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF4BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF4BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF5BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF5BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF4BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF4BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF8BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF8BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF5BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF5BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF15BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF15BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF3BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF3BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF4BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF4BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_5_crop_2_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_10_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF10BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF10BF_20_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/cdc20F6BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F6BF_10_crop_1_mask.tif", + "fold": 4 + } + ] +} diff --git a/vista2d/datalists/yeaz_dataset_list.json b/vista2d/datalists/yeaz_dataset_list.json new file mode 100644 index 0000000..7cb52d8 --- /dev/null +++ b/vista2d/datalists/yeaz_dataset_list.json @@ -0,0 +1,1749 @@ +{ + "training": [ + { + "image": "gold-standard-BF-V-1/ddF8BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF8BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_10_crop_2_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_10_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F1BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F1BF_1_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF10BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF10BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF8BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF8BF_1_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF5BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF5BF_1_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF10BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF10BF_1_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF3BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF3BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_10_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_10_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F3BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F3BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F6BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F6BF_1_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_20_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_20_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF4BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF4BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF5BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF5BF_5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_1_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_1_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF9BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF9BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF1BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF1BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F2BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F2BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_20_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_20_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_20_crop_2_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_20_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF7BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF7BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F8BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F8BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F10BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F10BF_1_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F3BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F3BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF1BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF1BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF9BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF9BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_1_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_1_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF5BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF5BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF12BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF12BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F6BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F6BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF11BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF11BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF9BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF9BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF13BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF13BF_5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF3BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF3BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF11BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF11BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF9BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF9BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF8BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF8BF_10_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F9BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F9BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF4BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF4BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F1BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F1BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF2BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF2BF_5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF3BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF3BF_1_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/ddF8BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF8BF_5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF6BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF6BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF12BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF12BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF14BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF14BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF15BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF15BF_5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/cdc20F7BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F7BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF3BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF3BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF3BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF3BF_1.5_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF5BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF5BF_2_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/wtF13BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF13BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF9BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF9BF_20_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF11BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF11BF_1_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-PhC-plus-2/d_reexport2_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/d_reexport2_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-PhC-plus-2/2020_3_24_AS20_1_AS18_Pos11_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/2020_3_24_AS20_1_AS18_Pos11_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-PhC-plus-2/Ahmad_frame_19_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/Ahmad_frame_19_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-PhC-plus-2/FOV8_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV8_20p_PhC_present_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-PhC-plus-2/v_cdc20null_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/v_cdc20null_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-PhC-plus-2/V11032020_p3_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/V11032020_p3_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-PhC-plus-2/a_reexport1_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/a_reexport1_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-PhC-plus-2/FOV12_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV12_20p_PhC_present_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-BF-V-1/clnF8BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF8BF_20_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_1_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_1_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF15BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF15BF_10_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF13BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF13BF_1_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F2BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F2BF_1_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF12BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF12BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_10_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_2_crop_2_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_2_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F3BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F3BF_1_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_10_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF11BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF11BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF15BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF15BF_20_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF3BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF3BF_10_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF9BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF9BF_1_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF11BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF11BF_10_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF4BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF4BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF4BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF4BF_10_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF3BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF3BF_1_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF4BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF4BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF5BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF5BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF14BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF14BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_20_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_20_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF9BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF9BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_5_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF15BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF15BF_1_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_1_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF5BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF5BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_1_crop_2_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_1_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF9BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF9BF_1_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F7BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F7BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_1.5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_1.5_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F2BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F2BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF8BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF8BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_1.5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_1.5_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/clnF7BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF7BF_10_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF7BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF7BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/clnF2BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF2BF_20_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_1.5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_1.5_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/clnF11BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF11BF_20_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/clnF4BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF4BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/clnF5BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF5BF_1_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F3BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F3BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_1.5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_1.5_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF6BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF6BF_10_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_20_crop_2_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_20_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF8BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF8BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/clnF6BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF6BF_20_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF3BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF3BF_10_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF4BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF4BF_1_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/wtF8BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF8BF_1.5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F4BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F4BF_20_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF3BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF3BF_5_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_20_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F6BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F6BF_10_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/d_reexport2_crop_3_im.tif", + "label": "gold-standard-PhC-plus-2/d_reexport2_crop_3_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/FOV10_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV10_20p_PhC_present_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/d_reexport1_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/d_reexport1_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/FOV1_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV1_20p_PhC_present_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/V11032020_p2_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/V11032020_p2_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/FOV11_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV11_20p_PhC_present_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/FOV5_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV5_20p_PhC_present_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/FOV2_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV2_20p_PhC_present_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/a_reexport3_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/a_reexport3_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/FOV9_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV9_20p_PhC_present_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-BF-V-1/cdc20F10BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F10BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF9BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF9BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_1_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF10BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF10BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF11BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF11BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF1BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF1BF_1_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF8BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF8BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF4BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF4BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F10BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F10BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F1BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F1BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF9BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF9BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF5BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF5BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F7BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F7BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF4BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF4BF_5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_1.5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_1.5_crop_2_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF6BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF6BF_1_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF6BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF6BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F4BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F4BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F3BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F3BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF14BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF14BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F2BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F2BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF8BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF8BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF12BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF12BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF9BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF9BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF8BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF8BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF1BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF1BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F10BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F10BF_5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F2BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F2BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF8BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF8BF_5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF1BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF1BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F6BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F6BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F4BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F4BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF6BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF6BF_1_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F8BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F8BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF7BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF7BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF3BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF3BF_5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF4BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF4BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_10_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_10_crop_2_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF4BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF4BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF13BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF13BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_1_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_20_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_20_crop_2_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF1BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF1BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF8BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF8BF_1_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF9BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF9BF_5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F4BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F4BF_1_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF9BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF9BF_10_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F2BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F2BF_5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF1BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF1BF_1_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF6BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF6BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF5BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF5BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF4BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF4BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F1BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F1BF_1.5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF3BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF3BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF1BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF1BF_5_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/wtF13BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF13BF_2_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/clnF10BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF10BF_20_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-PhC-plus-2/2020_3_24_AS20_1_AS18_Pos11_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/2020_3_24_AS20_1_AS18_Pos11_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-PhC-plus-2/FOV6_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV6_20p_PhC_present_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-PhC-plus-2/v_clnnull_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/v_clnnull_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-PhC-plus-2/FOV7_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV7_20p_PhC_present_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-PhC-plus-2/FOV9_20p_PhC_present_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/FOV9_20p_PhC_present_crop_2_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-PhC-plus-2/V11032020_p1_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/V11032020_p1_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-PhC-plus-2/FOV3_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV3_20p_PhC_present_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_5_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F3BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F3BF_20_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F4BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F4BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F9BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F9BF_1.5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF2BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF2BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F9BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F9BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF3BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF3BF_1.5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF14BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF14BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_20_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF7BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF7BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F7BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F7BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF5BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF5BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF7BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF7BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF2BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF2BF_2_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F8BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F8BF_20_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF2BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF2BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF6BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF6BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_2_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_2_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F6BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F6BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF11BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF11BF_2_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_5_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_1.5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_1_crop_2_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_1_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_2_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_2_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF15BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF15BF_2_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_10_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_10_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF7BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF7BF_20_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF9BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF9BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF7BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF7BF_2_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF4BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF4BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F9BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F9BF_20_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF5BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF5BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF1BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF1BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F8BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F8BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF8BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF8BF_1.5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_1_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_1_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F9BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F9BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F9BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F9BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF2BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF2BF_1.5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF9BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF9BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF4BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF4BF_20_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF7BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF7BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_20_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF1BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF1BF_1.5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF11BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF11BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F8BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F8BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_2_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_2_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_2_crop_2_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_2_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF10BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF10BF_2_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF3BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF3BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_1.5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_1.5_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF2BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF2BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF14BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF14BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF11BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF11BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F1BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F1BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F7BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F7BF_20_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF5BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF5BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/wtF12BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF12BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF7BF_5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF7BF_5_crop_2_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_10_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/ddF5BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF5BF_5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF3BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF3BF_1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/clnF9BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF9BF_1.5_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-PhC-plus-2/d_reexport1_crop_3_im.tif", + "label": "gold-standard-PhC-plus-2/d_reexport1_crop_3_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-PhC-plus-2/FOV15_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV15_20p_PhC_present_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-PhC-plus-2/d_reexport1_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/d_reexport1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-PhC-plus-2/d_reexport1_crop_4_im.tif", + "label": "gold-standard-PhC-plus-2/d_reexport1_crop_4_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-PhC-plus-2/FOV13_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV13_20p_PhC_present_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-PhC-plus-2/Ahmad_frame_19_crop_3_im.tif", + "label": "gold-standard-PhC-plus-2/Ahmad_frame_19_crop_3_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-BF-V-1/cdc20F10BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F10BF_10_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_1_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_1_crop_2_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_10_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_10_crop_2_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF6BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF6BF_10_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF2BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF2BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF10BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF10BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_2_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/cdc20F6BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F6BF_20_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF7BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF7BF_2_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_20_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF6BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF6BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_5_crop_2_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF3BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF3BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/cdc20F4BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F4BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF8BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF8BF_10_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF2BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF2BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF10BF_2_crop_2_im.tif", + "label": "gold-standard-BF-V-1/ddF10BF_2_crop_2_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/cdc20F8BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F8BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF10BF_5_crop_2_im.tif", + "label": "gold-standard-BF-V-1/wtF10BF_5_crop_2_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF9BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF9BF_2_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF3BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF3BF_20_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF3BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF3BF_2_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF1BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF1BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/cdc20F1BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F1BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF4BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF4BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF3BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF3BF_10_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF8BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF8BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF15BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF15BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF14BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF14BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF2BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF2BF_20_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF8BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF8BF_2_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF2BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF2BF_2_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF6BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF6BF_20_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF5BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF5BF_20_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF12BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF12BF_10_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF4BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF4BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF11BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF11BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF9BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF9BF_20_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF8BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF8BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF5BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF5BF_10_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF7BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF7BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF4BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF4BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF2BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF2BF_10_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF7BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF7BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF6BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF6BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF6BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF6BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/cdc20F10BF_2_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F10BF_2_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF11BF_10_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF11BF_10_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/cdc20F7BF_5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/cdc20F7BF_5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF1BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF1BF_20_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF5BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF5BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/ddF4BF_1_crop_1_im.tif", + "label": "gold-standard-BF-V-1/ddF4BF_1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF5BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF5BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/clnF5BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/clnF5BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/cdc20F5BF_10_crop_2_im.tif", + "label": "gold-standard-BF-V-1/cdc20F5BF_10_crop_2_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF13BF_1.5_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF13BF_1.5_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-BF-V-1/wtF2BF_20_crop_1_im.tif", + "label": "gold-standard-BF-V-1/wtF2BF_20_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/m_reexport1_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/m_reexport1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/FOV4_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV4_20p_PhC_present_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/d_reexport2_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/d_reexport2_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/a_reexport3_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/a_reexport3_crop_2_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/FOV10_20p_PhC_present_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/FOV10_20p_PhC_present_crop_2_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_2_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/Ahmad_frame_19_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/Ahmad_frame_19_crop_2_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/FOV14_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV14_20p_PhC_present_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_4_im.tif", + "label": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_4_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_3_im.tif", + "label": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_3_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/a_reexport2_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/a_reexport2_crop_1_mask.tif", + "fold": 4 + } + ] +} diff --git a/vista2d/datalists/yeaz_phc_dataset_list.json b/vista2d/datalists/yeaz_phc_dataset_list.json new file mode 100644 index 0000000..4c1242b --- /dev/null +++ b/vista2d/datalists/yeaz_phc_dataset_list.json @@ -0,0 +1,213 @@ +{ + "testing": [ + { + "image": "gold-standard-PhC-plus-2/m_reexport1_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/m_reexport1_crop_1_mask.tif" + }, + { + "image": "gold-standard-PhC-plus-2/d_reexport2_crop_3_im.tif", + "label": "gold-standard-PhC-plus-2/d_reexport2_crop_3_mask.tif" + }, + { + "image": "gold-standard-PhC-plus-2/FOV4_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV4_20p_PhC_present_crop_1_mask.tif" + }, + { + "image": "gold-standard-PhC-plus-2/d_reexport2_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/d_reexport2_crop_2_mask.tif" + }, + { + "image": "gold-standard-PhC-plus-2/FOV10_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV10_20p_PhC_present_crop_1_mask.tif" + }, + { + "image": "gold-standard-PhC-plus-2/d_reexport1_crop_3_im.tif", + "label": "gold-standard-PhC-plus-2/d_reexport1_crop_3_mask.tif" + }, + { + "image": "gold-standard-PhC-plus-2/d_reexport1_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/d_reexport1_crop_2_mask.tif" + }, + { + "image": "gold-standard-PhC-plus-2/d_reexport2_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/d_reexport2_crop_1_mask.tif" + } + ], + "training": [ + { + "image": "gold-standard-PhC-plus-2/d_reexport1_crop_4_im.tif", + "label": "gold-standard-PhC-plus-2/d_reexport1_crop_4_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-PhC-plus-2/FOV11_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV11_20p_PhC_present_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-PhC-plus-2/FOV13_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV13_20p_PhC_present_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-PhC-plus-2/Ahmad_frame_19_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/Ahmad_frame_19_crop_2_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-PhC-plus-2/V11032020_p3_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/V11032020_p3_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-PhC-plus-2/FOV14_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV14_20p_PhC_present_crop_1_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_4_im.tif", + "label": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_4_mask.tif", + "fold": 0 + }, + { + "image": "gold-standard-PhC-plus-2/FOV1_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV1_20p_PhC_present_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/a_reexport3_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/a_reexport3_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/v_clnnull_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/v_clnnull_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/Ahmad_frame_19_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/Ahmad_frame_19_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/FOV8_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV8_20p_PhC_present_crop_1_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_2_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_3_im.tif", + "label": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_3_mask.tif", + "fold": 1 + }, + { + "image": "gold-standard-PhC-plus-2/2020_3_24_AS20_1_AS18_Pos11_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/2020_3_24_AS20_1_AS18_Pos11_crop_2_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-PhC-plus-2/2020_3_24_AS20_1_AS18_Pos11_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/2020_3_24_AS20_1_AS18_Pos11_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-PhC-plus-2/FOV10_20p_PhC_present_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/FOV10_20p_PhC_present_crop_2_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-PhC-plus-2/FOV9_20p_PhC_present_crop_2_im.tif", + "label": "gold-standard-PhC-plus-2/FOV9_20p_PhC_present_crop_2_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-PhC-plus-2/FOV5_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV5_20p_PhC_present_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-PhC-plus-2/FOV12_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV12_20p_PhC_present_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-PhC-plus-2/FOV9_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV9_20p_PhC_present_crop_1_mask.tif", + "fold": 2 + }, + { + "image": "gold-standard-PhC-plus-2/FOV15_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV15_20p_PhC_present_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-PhC-plus-2/FOV7_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV7_20p_PhC_present_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-PhC-plus-2/FOV2_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV2_20p_PhC_present_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-PhC-plus-2/V11032020_p1_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/V11032020_p1_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-PhC-plus-2/v_cdc20null_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/v_cdc20null_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-PhC-plus-2/FOV3_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV3_20p_PhC_present_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/Ahmad_frame_16_crop_1_mask.tif", + "fold": 3 + }, + { + "image": "gold-standard-PhC-plus-2/d_reexport1_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/d_reexport1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/FOV6_20p_PhC_present_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/FOV6_20p_PhC_present_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/V11032020_p2_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/V11032020_p2_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/a_reexport3_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/a_reexport3_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/a_reexport1_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/a_reexport1_crop_1_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/Ahmad_frame_19_crop_3_im.tif", + "label": "gold-standard-PhC-plus-2/Ahmad_frame_19_crop_3_mask.tif", + "fold": 4 + }, + { + "image": "gold-standard-PhC-plus-2/a_reexport2_crop_1_im.tif", + "label": "gold-standard-PhC-plus-2/a_reexport2_crop_1_mask.tif", + "fold": 4 + } + ] +} diff --git a/vista2d/docs/data_license.txt b/vista2d/docs/data_license.txt new file mode 100644 index 0000000..89fce56 --- /dev/null +++ b/vista2d/docs/data_license.txt @@ -0,0 +1,361 @@ +Third Party Licenses +----------------------------------------------------------------------- + +/*********************************************************************/ +i.Cellpose dataset + + https://www.cellpose.org/dataset + The user agrees to the listed conditions of Cellpose dataset by default that are cited below: + + Howard Hughes Medical Institute + + Research Content Terms and Conditions + + Please read these Research Content Terms and Conditions (“Terms and Conditions”) carefully before you download or use + any images in any format from the cellpose.org website (“Content”), and do not download or use Content if you do not + agree with these Terms and Conditions. The Howard Hughes Medical Institute (“HHMI”, “we”, “us” and “our”) may at any + time revise these Terms and Conditions by updating this posting. You are bound by any such revisions and should + therefore periodically visit this page to review the then-current Terms and Conditions. + + BY ACCEPTING THESE TERMS AND CONDITIONS, DOWNLOADING THE CONTENT OR USING THE CONTENT, YOU ARE CONFIRMING YOUR AGREEMENT + TO BE BOUND BY THESE TERMS AND CONDITIONS INCLUDING THE WARRANTY DISCLAIMERS, LIMITATIONS OF LIABILITY AND TERMINATION + PROVISIONS BELOW. IF ANY OF THESE TERMS AND CONDITIONS OR ANY FUTURE CHANGES ARE UNACCEPTABLE TO YOU, DO NOT DOWNLOAD + OR USE THE CONTENT AT THE CELLPOSE.ORG WEBSITE. BY DOWNLOADING OR USING CONTENT FROM CELLPOSE.ORG YOU ACCEPT AND AGREE + TO THESE TERMS AND CONDITIONS WITHOUT ANY RESERVATIONS, MODIFICATIONS, ADDITIONS, OR DELETIONS. IF YOU DO NOT AGREE TO + THESE TERMS AND CONDITIONS, YOU ARE NOT AUTHORIZED TO DOWNLOAD OR USE THE CONTENT. IF YOU REPRESENT A CORPORATION, + PARTNERSHIP, OR OTHER NON-INDIVIDUAL ENTITY, THE PERSON ACCEPTING THESE TERMS AND CONDITIONS ON BEHALF OF THAT ENTITY + REPRESENTS AND WARRANTS THAT THEY HAVE ALL NECESSARY AUTHORITY TO BIND THAT ENTITY. + + Ownership + All Content is protected by copyright, and such copyrights and other proprietary rights may be held by individuals or + entities other than, or in addition to, us. + Use and Restrictions + The Content is made available for limited non-commercial, educational, research and personal use only, and for fair use + as defined under United States copyright laws. You may download and use Content only for your own non-commercial, + educational, research and personal use only, subject to any additional terms or restrictions which may be applicable to + an individual file as part of the Content. Copying or redistribution of the Content in any manner for commercial use, + including commercial publication, or for personal gain, or making any other use of the Content beyond that allowed by + “fair use,” as such term is understood under the United States Copyright Act and applicable law, is strictly prohibited. + HHMI may terminate these Terms and Conditions, and your right to use the Content at any time upon notice to you (which + notice may be to your email address of record with HHMI). Upon any termination by HHMI, you agree that you will promptly + delete all copies of Content and, upon request by HHMI, certify in writing your deletion of all copies of Content. + Indemnity + You agree to indemnify, defend, and hold harmless HHMI and our affiliates, and our trustees, officers, members, + directors, employees, representatives and agents from and against all claims, losses, expenses, damages, costs and other + liability (including without limitation attorneys’ fees), arising or resulting from your use of the Content (including, + without limitation, any copies and derivative works of any Content), or any violation or alleged violation by you of + these Terms and Conditions, including for any violation of any applicable law, rule, or regulation. We reserve the + right to assume, at our sole expense, the exclusive defense and control of any matter subject to indemnification by + you, in which event you will fully cooperate with us. + + Disclaimers + WE MAKE NO EXPRESS WARRANTIES OR REPRESENTATIONS AS TO THE QUALITY, COMPREHENSIVENESS, AND ACCURACY OF THE CONTENT, AND + WE DISCLAIM ANY IMPLIED WARRANTIES OR REPRESENTATIONS, INCLUDING BUT NOT LIMITED TO IMPLIED WARRANTIES OF MERCHANTABILITY, + FITNESS FOR A PARTICULAR PURPOSE, OR NON-INFRINGEMENT, TO THE FULL EXTENT PERMISSIBLE UNDER APPLICABLE LAW. WE OFFER THE + CONTENT ON AN "AS IS” BASIS AND DO NOT ACCEPT RESPONSIBILITY FOR ANY USE OF OR RELIANCE ON THE CONTENT. IN ADDITION, WE + DO NOT MAKE ANY REPRESENTATIONS AS TO THE ACCURACY, COMPREHENSIVENESS, COMPLETENESS, QUALITY, CURRENCY, ERROR-FREE NATURE, + COMPATIBILITY, OR FITNESS FOR ANY PARTICULAR PURPOSE OF THE CONTENT. WE ASSUME NO LIABILITY, AND SHALL NOT BE LIABLE FOR, + ANY DAMAGES TO, OR VIRUSES OR OTHER MALWARE THAT MAY AFFECT, YOUR COMPUTER EQUIPMENT OR OTHER PROPERTY AS A RESULT OF + YOUR DOWNLOADING OF, AND USE OF, ANY CONTENT. + + Limitation of Liability + TO THE FULLEST EXTENT PERMITTED UNDER APPLICABLE LAW, IN NO EVENT WILL WE, OR ANY OF OUR EMPLOYEES, AGENTS, OFFICERS, OR + TRUSTEES, BE LIABLE FOR DAMAGES OF ANY KIND, UNDER ANY LEGAL THEORY, ARISING OUT OF OR IN CONNECTION WITH YOUR USE, OR + INABILITY TO USE, THE CONTENT, INCLUDING ANY DIRECT, INDIRECT, SPECIAL, INCIDENTAL, CONSEQUENTIAL OR PUNITIVE DAMAGES, + INCLUDING BUT NOT LIMITED TO, LOSS OF REVENUE, LOSS OF PROFITS, LOSS OF BUSINESS OR ANTICIPATED SAVINGS, LOSS OF USE, + LOSS OF GOODWILL, LOSS OF DATA, AND WHETHER CAUSED BY TORT (INCLUDING NEGLIGENCE), BREACH OF CONTRACT OR OTHERWISE, + EVEN IF FORESEEABLE. BECAUSE SOME JURISDICTIONS DO NOT ALLOW THE EXCLUSION OR LIMITATION OF LIABLITY FOR CONSEQUENTIAL + OR INCIDENTAL DAMAGES, ALL OR A PORTION OF THE ABOVE LIMITATION MAY NOT APPLY TO YOU. + + General + If any provision of these Terms and Conditions is held to be invalid, illegal, or unenforceable, then such provision + shall be eliminated or limited to the minimum extent such that the remaining provisions of the Terms and Conditions + will continue in full force and effect. All matters relating to and arising from the Content or these Terms and Conditions + shall be governed by and construed in accordance with the internal laws of the State of Maryland without giving effect + to any choice or conflict of law provision or rule. If you choose to download or access the Content from locations + outside the United States, you do so at your own risk and you are responsible for compliance with any local laws. + +/*********************************************************************/ + +/*********************************************************************/ +ii. TissueNet dataset + + https://datasets.deepcell.org/ + + Modified Apache License + Version 2.0, January 2004 + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a non-commercial, + academic perpetual, worldwide, non-exclusive, no-charge, royalty-free, + irrevocable copyright license to reproduce, prepare Derivative Works + of, publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. For any other + use, including commercial use, please contact: vanvalenlab@gmail.com. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a non-commercial, + academic perpetual, worldwide, non-exclusive, no-charge, royalty-free, + irrevocable (except as stated in this section) patent license to make, + have made, use, offer to sell, sell, import, and otherwise transfer the + Work, where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + 10. Neither the name of Caltech nor the names of its contributors may be + used to endorse or promote products derived from this software without + specific prior written permission. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. + +/*********************************************************************/ + +/*********************************************************************/ +iii. Kaggle Nuclei Segmentation + https://www.nature.com/articles/s41592-019-0612-7#rightslink + + CC BY 4.0 + http://creativecommons.org/licenses/by/4.0/ + +/*********************************************************************/ + +/*********************************************************************/ +iv. Omnipose + + https://github.com/kevinjohncutler/omnipose/blob/main/LICENSE + + Omnipose NonCommercial License + Copyright (c) 2021 University of Washington. + + Redistribution and use for noncommercial purposes in source and binary forms, with or without modification, are permitted + provided that the following conditions are met: + 1. The software is used solely for noncommercial purposes. For commercial use rights, contact University of Washington, + CoMotion, at license@uw.edu. + 2. Redistributions of source code must retain the above copyright notice, this list of conditions and the below + disclaimer. + 3. Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided with the distribution. + 4. Redistributions, with or without modifications, shall only be licensed under this NonCommercial License. + 5. Neither the name of the University of Washington nor the names of its contributors may be used to endorse or promote + products derived from this software without specific prior written permission. + + THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, + INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE + DISCLAIMED. IN NO EVENT SHALL THE UNIVERSITY OF WASHINGTON OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, + INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS + OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, + WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF + THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +/*********************************************************************/ + +/*********************************************************************/ +v. NIPS Cell Segmentation Challenge + + https://neurips22-cellseg.grand-challenge.org/dataset/ + + CC BY-NC-ND + https://creativecommons.org/licenses/by-nc-nd/4.0/deed.en + +/*********************************************************************/ + +/*********************************************************************/ +vi. LiveCell + + https://sartorius-research.github.io/LIVECell/ + + CC BY-NC 4.0 + https://creativecommons.org/licenses/by-nc/4.0/ + +/*********************************************************************/ + +/*********************************************************************/ +vii. Deepbacs + + https://github.com/HenriquesLab/DeepBacs/blob/main/LICENSE + + CC0 1.0 + https://creativecommons.org/publicdomain/zero/1.0/deed.en + +/*********************************************************************/ +Data Usage Agreement / Citations diff --git a/vista2d/download_preprocessor/all_file_downloader.py b/vista2d/download_preprocessor/all_file_downloader.py new file mode 100644 index 0000000..a04805a --- /dev/null +++ b/vista2d/download_preprocessor/all_file_downloader.py @@ -0,0 +1,73 @@ +import argparse +import os + +import requests +from tqdm import tqdm + + +def download_files(url_dict, directory): + if not os.path.exists(directory): + os.makedirs(directory) + + for key, url in url_dict.items(): + if key == "nips_train.zip" or key == "nips_test.zip": + if not os.path.exists(os.path.join(directory, "nips_dataset")): + os.mkdir(os.path.join(directory, "nips_dataset")) + base_dir = os.path.join(directory, "nips_dataset") + elif key == "deepbacs.zip": + if not os.path.exists(os.path.join(directory, "deepbacs_dataset")): + os.mkdir(os.path.join(directory, "deepbacs_dataset")) + base_dir = os.path.join(directory, "deepbacs_dataset") + elif key == "livecell": + if not os.path.exists(os.path.join(directory, "livecell_dataset")): + os.mkdir(os.path.join(directory, "livecell_dataset")) + base_dir = os.path.join(directory, "livecell_dataset") + print(f"Downloading from {key}: {url}") + os.system(url + base_dir) + continue + + try: + print(f"Downloading from {key}: {url}") + response = requests.get(url, stream=True, allow_redirects=True) + total_size = int(response.headers.get("content-length", 0)) + + # Extract the filename from the URL or use the key as the filename + filename = os.path.basename(key) + file_path = os.path.join(base_dir, filename) + + # Write the content to a file in the specified directory with progress + with open(file_path, "wb") as file, tqdm( + desc=filename, + total=total_size, + unit="iB", + unit_scale=True, + unit_divisor=1024, + ) as bar: + for data in response.iter_content(chunk_size=1024): + size = file.write(data) + bar.update(size) + + print(f"Saved to {file_path}") + except Exception as e: + print(f"Failed to download from {key} ({url}). Reason: {str(e)}") + + +def main(): + parser = argparse.ArgumentParser(description="Process some integers.") + parser.add_argument("--dir", type=str, help="Directory to download files to", default="/set/the/path") + + args = parser.parse_args() + directory = os.path.normpath(args.dir) + + url_dict = { + "deepbacs.zip": "https://zenodo.org/records/5551009/files/DeepBacs_Data_Segmentation_StarDist_MIXED_dataset.zip?download=1", + "nips_test.zip": "https://zenodo.org/records/10719375/files/Testing.zip?download=1", + "nips_train.zip": "https://zenodo.org/records/10719375/files/Training-labeled.zip?download=1", + "livecell": "wget --recursive --no-parent --cut-dirs=0 --timestamping -i urls.txt --directory-prefix=" + # Add URLs with keys here + } + download_files(url_dict, directory) + + +if __name__ == "__main__": + main() diff --git a/vista2d/download_preprocessor/cellpose_agreement.png b/vista2d/download_preprocessor/cellpose_agreement.png new file mode 100644 index 0000000000000000000000000000000000000000..79e09aa0fe14dc41a28a951de9773dfea2717d4a GIT binary patch literal 239450 zcmcF~WmKD6*KH{jhv4oM_o78YaaszrxVyV+a0m{ixVsg1cXxMp_uzIpXME@V&K>Xl zd!HZ4AlVsgS!=Gj=iEE^hl~UYA_3yNckfWXN{Y(8d-tK`-8*Ovc-Xg3+-=_XzkBEX z?yIPff{WJi3Y-F#@)DelQ#`$*8yplJMa#FoRR$b|TTcZ{MvAv75a;Wd3Nv@Z|rz zyriRX{QGZs@-qe@=>L5ESHsIzjQ?*rO zj8E+L40jyCLfz}7qfDl$ zh}4qQeDx)X3z(-%tpxu)ED#S23O%jrh^6^iNI!53UBDX0H_*{Pyrt&1{s3Rm|GT}t z9g_HPc~6j}T1bH^f{pbiGtaJOP!EPA2Zw=nkFN)5%%Skf;eU?+15;oAP7ES4z3&LG zU5{8{F5X_HtTW&lb$+*K<8UMTBM=Br%teGkk^Dtds%rGXvrGZkOt~)o-zx(o@`a7% zumgy>gqj8sHKL;1|3XG#tjYv!a7%C1os#p&*JQ6+fkzZXB* z51Hq}8CSwNRDSD6gEq`cYp_bsnR}uyzWoXL1gq~-K^mT|BM?VWB{)}mtkYj$rT()C zU9ulhMIrHfYUjR;F#H5BbtjZaC7lCqd$wyAF9-Y+6oxJ{5~Dw*fXCC4@vG>Igo_;v zMz5GKMM35c-xLH%jX4tC3F>hLehDqhQ}TZ;*0u<_$&X-n5mJAN2r-2-&Y*-uFf|-b zCwDF(qXi>5h9aihA4!U+_O3dVEMp7N^I0bNg%&)N2)5p(E2M_y6jBcay$R~2?X7kzpQl(ygF?mypk-ZFj}L^8Bj z3Al$#?ix^8FfV|*Iu&5s(K6eaJO6}D=iHkuZ%&!J(bhjqOgzS@1aw*;QqsGLfS;en zOw&Gcm;B!}gTMa)PoSV@q!;#X4Mx;iTBJMX8h$lBWL+Q|jh75o4<&g0j(`DWlsMHF zjnCjiXI!z^ev|?XXqgZdg_!K2?+9ex>G|-nxPZQx2}w&?XA_IBU?`QP61Ba(Or9QK zK9r-kkf>BX7e&}K_*YtlWY!hGs(+o)kf4tvGVy)TyFbFs_8b#ZxhuYG*Va1RQr(}> zz@@l%r{xm5i^`>6hNk{-HRmRzY&CPkw<7X?WuWkQ28LrWUfL<~MD>*#M`HO0@}^me zyLAH?>$CUrG)Ns6HHPL#5&QnGK?$)T=h8@M4?h7gjsRb9EqHytEqcD?Gc}MN0FqB< z?k>n-bpbDSFwaAiUy1AaEF+#zKL(rVDK;*u z18Hs4uzIEco@OTBD%bcwqjNrZN@MEnMma%S83OnOTTbj*$o0(3jqPT;R~s$hQ52ye zw=m$kv`Gq0E~J^PE@3ivplqzPp*(1-E0O<_X;{D{vAe>0tnGs2KfNgAU;%_eZz9Ue z*?ps;Q8XSMI_mlCZqFxpx;YB6|9csKV2C#Iie;MyMxyf?(Ii=@MgDr0M>}^VYHpkr zL-_rhjgj#fZNiB_Foc%lo%`u`tlZcPvfO?FZar+>qilFrUzpFIEBQ1yrEZn+-%vsO>;5x{ zPCUH2xEw=MdJ2QBZ(CV6U++R~Y|77p~{OY`@D&AGi=mP5r>g)rD)%2 zZrB;sPfDij;g#a9(|uhT2$fR&EQqeqDJ#xL^%#w;#>66V4yioajs!mb3syn2Z$N2p z2N73D#_~s93Ot`Ngj%Q6K6m|!03g@&S3CI{U_R~5JN#c zTMyCH7^JXt8414hNwz=8HAPD-$Sv}hyxBg#SyeD5@vG7Yh~t-_P#IO?5;6}Gw=ZAP zN5nL8Dgnfz<40_GQaha&hI~&MnvL33B3_Kq>e6Ws7Ia1=2jMrA@7HJN(UPzS3l)xU zQ_ubjV1!ItEZqU3)!)ST+dYC*;=;}&dnqlHY5b`JgmcOf>w3SLe^y`OrF84I5dEGQ zvR^^GF|#1$a=a!zg@kasqlC70h~P|>Sz(94!<@oY_f12LMJdB8a8jq?pP;43@miMD z4REAml7+k|o$`{RdIQu)N)CKn?kg#8A3Bj)a36?G@rNn|T8{3v5hZTv>a z>t1a_dnQMz8U{sqIKId}HB2>dYr2!8sBlj~`)h_aZ5k85?HDXXQcie*g(8iF0g zhl48M_tBt|VYxcDUJwp%_J2`oPr36a@gkUug=#)ccp5r8$Qo^q=lLOYo9QKlCwgyJ zvN~gfuS<2&)C~(XS3G;hlS>rN;3cRsTe{l>jQE)ZnLktF@){0pF!w_b|7-riW*55IWl~ZO zK?~jmd0$N?D{zG$YQ-SUaq!3cfS;x&&&-f($i`AJjUE`)N8KNHnlt7@$tw(sOR*|# z-6YS4syJ@{T2KPRBv}12<+5>#MM+1+THsVG7@Ai{Ni`uQB!{WBlT5|pU1adekTP9< zwJ7D#q`S)BW7FMldAP?2`(9m8zoQv}Ai;~{-`a^EfjOE1fIM(+ju9EHst8)&lR*CM`6IM-T7i~ulB5>A! z=SQX*sKrt+9v))Z2wy_k+rdB!t0gUhCQyhCO1k&fMtNbjC_YA?ujI>uy8-)^$$xFq z8@~rc-PQCt-1AP4;pz*2Lw?FS(LFi?ue(xKtS4$9{IZ5?AIpJ|NDia9yBWITJ@F&x zZ0zvtiUp_aKeV~Bldl@G!P z$ofqJMcv?6>zaiNfX>=dcQEQ1tqmlQ5@}sbY;UggQ8Bv(emPc;ILoi+FQvD?{zWG* zGymeslhd#Qof28*-L&=YFdaQ*=oGNE{<7?Aya@TJDTI{O9@?VUXHZSOsJSQf-~-3< z$>#S_s07Su5sHImvJ7smcwKNwv8BJ6GY^&!F}DwWuR1IaLlpwxIPxfVl6B$jqhca8 z|0jm|u!q_-<*pt1wL^Xe;~)Z>u)1=_&=~2FVvFJ)TyWf~X;lwK$3*!4Fc=B^Y=(=K zYT<yVr-5ma-L@zhlnMEG4-+S>H%=kKUl{hp z5aTosgTE+`gzPE(U2Xq@z2O`kQBn;BT|?)Er#A*UkI&pWNlqlKa&sDfaEmQsoro!QH4VK6d z1TFc`e%(Kr`bhG#rI)N;o?Yd$D#DF&@Ay2P5;MvKEf)r`BujUu9hHE9z<0|`0$HH# zOSPH+45l5f&VZl6$Jc5sB>P@{Njr8IcUssQ?BJuNb}u^s@@H-&q&96IMF6h;=`{jg zLpEQMbB$kG<9W&-k+W`;k)-zN#qZ_X=}L?C^dR&YwyXSn9zt;urm=n*7sM@4iC?8C?3I7WE9NkX}T}0TqP{? zWs+;-XdNd_9cndYp_&(bWBT`uVj%R^1kKd~Q4|pS1C*IqYK=WjUFy=|c3* zy%Lcv`GfPu<_}u&MwII&UZPBvP_Lt&te-w9*jXX)IV-ya1ZK4&Zah2&2wVTFa`wZC zjsGxrYrLM|C>G3WWD&osB|eWldy*lqlvM$AQ-ADS9#ATmjf!d|S?0U(+sprK(_)L2 zHurno-3{$2l2f86#)Kon6uv^`YwG@F?AoYqN08(`?A$x&4Yo5*#Fqc7;$aDil$e^C zb#zg|Z;U9Bfkt7wKT3lYbxeaaLgCaOByNSKIw*B5tba~Y%S}p{CW~Z$ff>^Zgf$M` zaMEYzFAE3HCC&!%;D;zhcj}xOXu37q5D{Av!$9_Z6B416Ho)6FEd>B$tm@Dh|PwtWk*9UqvZ)Y(C(dHG#rJEUcJuiqfFNd zQdCzq`be;_P7qM^TLk65N!2SH49Xefcs^B@-Xz**YV4mwd)Yz;?>Kreb~0-)FoJng zQZ&>(miw^E(XgfsUT)+YAW$U4RSw)2~<-@8|snt0?Hxh|zgU!<=helO=*OoZ< zUFx;)6`Qn#{x1UrDBb*-(&rKExDi|=)KbKH7>j}X0{i`|%!@F9;6RakR7W?c9 zc}#pV!_L~ALThpR4C;dfv_|=?s~CorXs!#sz^Bx%_)9yXKLOR@Zd)yN^^C(G^72?~ zEByDF(N)c zHy5Q1HGBLGjmmlLaB+Ipx?Yy5&Ij)B(2-~;SStjD^TQ?X@;F?K(gSAzpIP01K~2Gt zc0Kh4vwAM0%eX?B@G@a6iZA-U4DHfJwfByE&_&88)7x_CW;TbOGa99OWKhMHfhXVY zB9DskGBGnS@CSN4=sez>(9+Vj55==w%xQbsYBjrb)KqvJ<2e;q0?o2L9&dQ;w&9tz znpJiubEUp%*4y|jc^%KQ&Ck!<>{Y#zGThudZ^#8T8f+oN~Q0kfcS7!bKBo#ms0daA0D%B?Fr>iYUirh|& ze1WM9Ys%6nc&uM4%wy|PQi$*fE_YhYxLg0IyguRC?+*V=LG*mSR+h|_BjR;{PfJTP z+&kYJf?FLO9W|NA`TzofV7C4fdYoh?1(XyfrY7X=HATmy<&PVD>o6ceAlxhG(K?JesQug;E0UK3`tS|N#8k|;7CZh=hB`fYabJoSzmde9!JV@Hw*bhf=*voJrQ!oz?0@dNF)hMt_9yx!{-$o+DE zwU?Qjt4JPGYJT}#s@;}G7_SXAR_@+;3RvQ@UPXq6hR*eI4n!rcpSiRc8W|C5ayogL zb^WL2+D4 z_l}=r(K=b^XijHguD9T}5uLFWAUY1-h2O_QGnV7f4Ro#!90$iaa@aU5Kn#9(USqUbDww_+;m@EAnlkZA~OkBNrYsKdNHyQc)tN*SzuF*3T-brww{ z8&}e(L{#^wm=wpY>PqEHF`|cuhej(XkpZ*wTS|HO%&gIKi@ArbD@Z#pFR$Ki2a$U; z-Rnga$L@+@)$8$u+u>-or1LW}sY}(&!4n+f!oq^@e}r;LrZ*^w$%})jU`Cpl-IA(z z`L?kv9Rk+BTxUDtB^Vjm9^T^sRP@Iz;HnZV?=Ui@-2$7<4c;kO}=n*g-&-vOZLT((0!j1m1jGdA9D zxd`Y;rd^nWUl{XY_1pl10V(5xq zsnrX{1Y*Ur?2xxzcvQ6R^!-6SI_o3#DxQF=w3y*UYPyC%bSy2y&srZN2;CPd4VPaU z;al&48X6ksGs@bw&qHMv#)_~}}coQ^7%u-9cjahQS(p0;R<-&K&wjXTHl2OLU zl{W-Vh~6ua1irS8ZNz)NU&VFm6maKE3EgeKQF@P@&gnPHqV?l-1!_|;JoCB+q)s&ocMkJdh*cL^iJ+r1$;`SG*jQ3wWGcG`SSU^*Bw|{gz4CD0}V`Tv4dA`d11O zf!^_1%(F6k?(^J7!N(@cwBUF6N-2a|0$2%tU+k0 zs;ty8Htu^qJ~;_D9!s;;mrdo3HJ3L$J}iIO1hv=$&*QWYMq4XCF&wMlxG<=1jP72H zaIY!ct!L7yc-mM zAhT#+Anr#Sb^g8FWL6`-Lp)r9*=YyLqo!9aFh#Y`R56*QXCXG zWb$qVQ%_Pah$0upiZeI-a?lvu4oUndBH4^)PpvphHSGna`V+lT0KJ(FK~CsNsVlTR za{iYyJ$?PInV7h;z7Y}_IiT*lY-^ zvJO8O>6cev^(p6ZW!Alw^tXDTwL!$q&Ar^@9GTp=-r?84Wk_EAM`)s+p9&$b|tc`m~sCb#f#-kjmP-S{De@SG2-!=MkKVAhu zdi==;e-X$b;+&`pkY;<06WC2X7gu1go-WGIHWszsbm-MrBz-q``>2c%BoUk>D|1dA$;94^QXAa|K_D`V6t2$PfSx>s6;?k8Q ziV0WOr3GC?#ErM8tv2WMbN)s(gkqO#V=WrPC4Am5%nuVSgZXV$D)o9oD$(M#3!e`1 z)9p4`)g6mnK#udDkC&exZxHZKOJsUb#vtBsCG`7)`SB+Rax-3Z4^bpYqH z)tz3W4hI_>R%Z)Kzq2vmW7tuscFSmKm`-U-Pu^m=Pu%|vQlHg zu>>~1BIwhjqoEmOV^Ux__EpH$f8gfN8{v_EfaNt=wLxiIcn(s+xgDQ;;H$1~3a=d% zGucZDMGY^_&Ym-LI3M|voIzos|h1B_@NWsMxUnY>n^^0rNiEVENOco~GH2_|LV0&wsg#xV3->pGtT zaS|LG$rrDYy-Qo;bV|>tDqs#B(Xoc2OiT+&G-kxwiy4VLaUI$63D8C4rM}YU9ygj{ zyM>ZXOc!)q44Pyb+L0gvs5^Hw&nhG_)sns~9wq3hl-yPQF>_CA7j#&up#+1$HdK}? z7(&B?3h;|Fhdhu{20h7-e^xNx9)34Sfp8+qjfaqs&-z9vGE%iF-z)p0Rs|7U*P<#Z zXn&;4-$=iL4SO%MfGd-GYir97m6$h17s{^6Xr$bJPlj3NbfyT`IYlqkQnA9^P?wif z>1yMq!w+tv(opK@;i$||h^LK(j;_$+yQhZIp#Kcfp1F6GJr=jpUb5vM&mUj@G3sJ4 zIHse1V;eZtqV8|oqG^t#lZ{?7Kd5*GLe)C6c3(&#J2DGrxub&JwR*NZkUg zzYO)`!=oO-(r_#D)N^=S+Y53KV)`(fQ;y#@+vO(YFVqkENk)jv4eeGwi#-r0Z>XS}B`?>u#B-;)O~nGng;$4tS;0#L<`(7S2| zo^wYbjX5lmak7w-I)9Srl3}mdm^UOMI)QS$H!nMGyc>7V5#(79jq-`*ZL9jK5_ zSXdx-!ye4o*6;Gp!@Ino+s48cp?4qiXtji0k#9v~g;^e`T-=Hd;YsytGvj#d>UKPn2axmVnkk3aXz zVF{lEeae=%?a6J%&v;YgB_D5vmxLk0NJve?-?x~3K6#q>w6XGaw>mAtGF?;1 zYSl4?ubhCgbC|)?CaY89TkjoAmoFuo)6~K5TisEroHLc6)mEyxUSj!=w_0Os-d4R- zug_%+`gE&7nCZlq zQxC;S?U%yBAOxbI8JY!wC<+#KXm@2~G0f0G=+&3!NBa(X(&o#eIMpC^Re{69a{Kv) zVnA&L@cu`trN#Fid#o8QNa^r$gMGt!i~Zi{@>mT@3%-*0&R{IVa!q-7$?h)nE0^V> zjs4z5$87?e{^02C`T2TjcpG=K;L9C!+v^M8ZLIcJEd>RbH;&#x^bZ{TqK79q^p`Bz zCY`dn85y4vz+I8{6c!w6!ZUpqpjPt=q`RqO9oaA+c3|$bn9~@B03!>90@;8dhDLBC zSUH=Fr;)d#w*!YfDjZ#q3qyZaTxZwSdbnxfo&A}*&MKw;ut#B}tKeMM6ZfJDL>w+u z`#?9inCT!G9fzN_r}J@Fg(CWL9IMEhH*<*WOzlZT8@bP)xSxJdq_;Ow@|ZAk)vs5- zr=y7WcUot)_aCM3P@PE-+o)tNPn$iII0|0S#8-D4Iu^|MGHgZo7RTqltuHd@m9ilJ zgJ1+nJT7e0KC2AcGZ-Uryf}a3+)U?}gE3pKqmPr+A2ZDNRuk%(q3?S>@NjgtSmfq@ zdyWOKs;WmPh6<H^eeLm{uet<(xc%(#py(pug z8+6a)RHZ$`efgIhKvQpruX6F`4{7|=S? z#QjOz6144nkTo zMdx-v2O2&bmI^aaMjd-DcCwqmbM1VMikilU0*C z8JEKZuVMtI&HoxG)fJ4BB?|Ktq1N5;F{h;;>~7>~nq+PJ2x0CYY%d%(=cxyAY&JQF zy(TUhKI2llOYs*o+%p8OG&v(F=~pGq)YjH6zbt}Rj~R;Ao-cQ#I_T}V@-{z*{6T8D zkKGBGzqnNSGSZrtn`=w{sc2v%LZ7n+dn{JFPz(QMQ3Xv?MI|VfK{@VZYcJ{7ulDes z_ts9tAX8kWtL2`a++*^DCxJ4HCbw&|g`@v)iD~bQ%uyb`rtH``SO}|En9%Mm+w89T zaAiyQ$0l_ZD`&!i%5?5|&(M;aHJvJTF0Q+jj>dJr1QIq<+YZh3qg6alEvx+*CM^$L^Vtnk?7l&#}z4EfXC#a>tJ&l{eCr`UxXr*A>qd_(}%# z*-??vI%zW)>SSpjz=0B7B33(@^Ub)mSXg>%WPyWHvL-J2dW~4F?%?*^Vh&%NWeHHo z)8^*oxcad_dHOcxYd_50!CEt_gxE`|x93=p=q1#s__9yFKPKK*x#YFayp_h%{3=2-bm=X5u^6kRe1Leq zSscD^N~z4%VVGcHv5*qT8=Epjtc-jROm{veB&$1%=pz7TIVb?O&g3wWE0>P)1k zTICH@#~(W0EZ@HiU;rc=B zbJ2KKr*>zIK0`3}kZrl!szo|IxsBnSy{fjw7PJl*4x#*oi`Y!SD(6h8CZEMpZMeE& zNqt$~-MYF|(Kct)tB!Y>5770}pu@3hl4dMTU~5rzePr$I`e@GH=Ppk=*#@%z(`v`% zO;8;?)wKk={Ii9+6vE_a&YrBKc9IFY(TYHgkb@Mx!ss)3wj(cDS1jM4&Z>GvGF7HK zC%y)CDLLDAz7VF^jPwNe#@i0Re&h$~=<`J+yW6(AjUwvPBFoqP9)+cEmr-zsdp9TW32;NiA5-192Hk zMq-B>c=Za*O-0nJ^zJfuIAGin|CAClnR4Lt<+`e@i7~^(peJ5;$349zn}y&zcciO| zhCtPTt-<$2zM7Kd*zp0Ylk)QGG_Sw7qv#r~nE@(_r)3(@!$oxVR`6onbaQ#M+)NUxvp{;WIrA^;xV%yFNOtrpY6E%?=Mo(_-O< zNF{7@kN7yDdkeV(IA|h-X6hV~qwrKWGm34=c?c!D>No-QvKs-4|<|n+$S5LM@p>5ON6ANs(lt<-(9K*-C(}Y^PN~M% zGXMiffmf{=PB?j$K-@XXgwlc}*s%_Kd4|BIfdR;1Wx=+*1N_1&5Byju?MZc0tXfs? z!TCCrVfWNf%yJ*QZ6UwY5f&S;3VKI`i`)01d$>ZskDkZ#sXilIK*4^lRFlVH|CbJ_ z{dPY(IaVG)!e9(PgOXeSf%TjVUVbgu z01rDZ+$MU3*lyr5rNk54-^4NlA64NVPZ#wL#jWuO=WvIWIn~Nh_q~0#jP(zar04A+ z$d!npwpT_onRQA-2HW4pbi~Qp4l85CF-u23k-C}t4|lrWH`a&b(6Elm%i*};9!nP7 zP>1hwtV1{8D8!P^VMbp}WBI(>L6ao<`@mV$9)=%TCnc zEI?Ju-xhkf-~LVZ8>uCi=ZzJJJi`2?I(_T1=zxC3BDE=m@E{OG3jQQ#WhAWwXV%Ss z2!=z7YGXsC4ykG96lUA=#hQ!nj%nsry<=$cca5E`V$LP;Pu$DtSHnSK>ha*O`0QrM zgw{&Bvz=SxM?!dehS)NrvSO>;eM1mYh@_-KkO45H-nE@vJG zp$QSDtjNd#qx2%P?vFhk;nt_!K;>pQ-wZX?{gS*z4;)A?np^0wn@;HQv&WYKFJr3H zY+HpJzUEeTb!jaEx4jY}_4_ufs2V=NlD6UgNMIR=b)=R~J}*W?gt!=z#_LEwM?+e0 zm07lV5kimjw$V!3zS!#1&~|L7h@A`3pTQvoSOGnmg&;f}wswjp?ud_-&)%^)4WxVmfs0_rqU2u@ zLJUrvzmsh6g}UFZ(v#jYj;%{v$)4wK2^+W~f3fPK?nk}+qSOqRBcF2dY-axCGK~!Q zG;%IqK}X_Y9!4{Ev~i#=&Ho_p8~BQ`)se2Z{3rsw)-u!UY<;*9_kH!qjpw zE7K?3W_1QVk<4uN=QhsH#&Md#FaaOlMQRfHcsATDEs*u6k4&;cX>;J)eBbs}Pfb>i zHyP|0FmnM=!0GAfzpN?e%abNS`z3g23^2v?w|#-DAk~=37g0A)yp~(u5JZ-(FN^$P zq>FHxYW^9vO94FEDyr?pAMbWdI+lw*Z%T{^4Mt%053`6@K;F;xHQ5w>#ojA*0jycd z5SVKJm%!&_fYe=%^#T0{CP+ErGn|XTvt(anUS*GbdzMAb5 z`>O6qbsk-gKN1i&qY%8lcjp+lwLEOI`W-UPb8MD(aS z(G)pzyFT1_llL@!jgs8;lf3kQ3uJxjC4s$PvTn0|yfZiOsNA}DddZBkuqrOAvtC2& z{lnBc{MEt1ApnC0bpE_OfO*P0&vtgX@%|qu&GOI41b=%uRuR#JQ_2%EA+5zu9r0?{ zDXB}Ki!Q!mcRFhAtZ)nk^x`|r52>4zIl#;_V+V=Qr(*D=R`3~(w)AG5-{BjxaLsg_c6WUmku zzU{6V#|M7x>JrysR5WWEEMp&CZ4V}^+;&9xzCXs-DI1T+>kUuJvSbicsVtZ48CTzV zi2<)t;5loB5*?_1>`_Xo6W`a+DB#dhLiQ9JuX6Ay3Z-(`dCwDUOV)cf#z0rrE^J`9 zQU1kp?<06>{F#<}Ivt`Dgh>_U^_3ig zgP*k}QQSQ6UDp+J$i-raMSGys?vBB!o$O|P)T7v`?g_|NoE+Y}yl`EJlGOfJ)1wWH0jiwJ|QO%+1x1j9% z$O#E^d^hv1Vjl(qHNyTCFE)q(tnSb?g+Yl46fq}uS+e_Bzb7{^873WZN19`ud&iz? zN7@YCt%x^%uvh0KM5yL1lb?Y|4;V4rbaV|AjMiDOEwcmtzf<{G!cx^A#~hVU51?iHC2{Ar?Ff0l|`@#Y~6ckjw;}OoA zag7WI2Z!p8xBVtN)nBk^Ho{0qNR*CrcKY(g*HnFZ&=j`5|MU^GPD)4^%5A+G^I_#l zKxeME773TxW=?|Y`#)0DG@Fn}_{`LlQ2DK7wKeF2=HaWqts6`E_gl`|{pJqz>ouF7 zTh7blo}ry?*5@TJ4E!7}5ylT=7oF>DS_huN+SOI(;(KUX`(<7FTOXIJ2*S=R)HV`@ zp!qAet4I05r*)VwF&<$J4!`ln*YBYPf>hGabnwrsijHOhK;_zdf-Bm*3Xi zuGFy&ra^sc1Y1i@IFfCP@KGZK2)o+Ej%x#VDJ9g$6r{D60G?uAh|&~l&oR5)_6dw4JRl59&RRfR8uuL_ESxIbhkc7 z1QyQbK1}*0?_%XqgnGK-g-{$y;FeA%mT^3XpX~yFH>+uq|J3Ar(5D;-c{C?V%TAdT z+wv}5?dwWr-EkwMyOp@igko`c6*H+wPNesM#1FD(WcjCWW@1GoFW>6ND}Feg9#cQ; zv@s-|;<;wLo7C5@56nO8`8e><6fx35ynPs3)CKfpugt+MClk&$ST+;3F2P|iyc+Ai z+;!WrA2$nQ3q<^(q54Lch4-%SJChc8Pw{H`l)t)SVwWaAm!2^AL$*cl`dgTfoxMg? z>FnmJcfJJ_IIZZ-Lsr2W2da!AT#QYD6xq8fZdwC=jM&hovBK7hdvXJK#hPpdyCT-D z+p;L9>}$%d`1n0=sstH5h&N>f|GVs}|UtkFLAJiS=(@x}Kii zc%C$&#Y$tWx@Br&;=s(M(H<2I&DQ14(DE&})p9%c8pw~O?WvM6%$T7EyYCNTlXwpR z_6~cMNv)bz-F0+L-7}hnN*))0LiNvyJFK@$QWSESLKKtUMf!MZE+s}Z}PdE z7lPKlbf>_OR=qiPKz!q@i>_r5%};R`9OEF|E|haOPl0C5?BF#gv-LU=f;&o)FhQ1} z^C3g&X8y8JTU$eQk#z@n60 z@Mx*{4+~UHw8;}zpRvJI)u#0Bup37y#`pb6|kH;bibP;g%l z{xVDSmR9HE)pt(OXm|Pwnu*#^BF6aepeSLAaa^ys6d80h2`ubbHV^nLYsHr>G)<|(#w6;4B zsifj;$azQ~s?3cIWwHAHggpsN%+7)v8a_KXIyR&)+!Z?@dYwECS}CnPuC}-@--0x) zYcFbA)^byj{~<~g5^vW5DfK-#F7QG&R+U+Y4j3$0y@K?w(>E(u&9{e^OK;gd$6fs- zc-z(uTjuUm_wYR@JiXUA+B!&o3qPqlKzkKxcBKE-udFR`DXPJ;uBO=vctKm{J_~xp z>8MPXKJRTN(Skc%w`5>?npKDP`u=NO`%3Iiwvynb=_krOWtH~LGtHq(%L+VTR&DDM z3vO9!$G1r8$;Lqoo=Y~eeHk6y1b<5MCK8fVHox_LTU>zEYsofcY_MY{40@iUjpa%D zkkVq%(_nXpTwh%BtA|fwc<40eMEL>7*}&I!!}-{>;1t5Wa%UkL4hU)B)+AA}S)nEn+>PAvjH|aaFw{@i zFLBeOKhIwld0Z2R)U1Hg5~~@nS3e?e@k%3X?Nl0t+c>5XNx5fD)<%Y#c)(ZTU;cP$Y3+@yi+)Bui z0e%{^g?M%hFT$PQP%Mi_T9i( zv;9Jo4sUJ}-3`T!jER!)gDT;~l$u7>5l%9>feuD(db9trFdd>jGo{C#U06^}+1(G> zw@Qe9;F|H+T*BjY0X`ORfiHS+>*CZ6JodB_Dw_lZ#K2De0k6`JiXHq__1@?vg~2dt z%1GRE-L@IxB7U$!>zLVM+J4(9y8$*9g}J&mPf)-cFj$wDN~wQWv43Y=x|d0IM)2u| zO5b7#cE_vb0yWe5?XXAvdaU-&h;{Le<65f+1Cjd7AL||u1Ox;_AC@)lw#CHoLYGzw zMG+7AjH1uxpe10&T>mnH)xTzRVzMg2XH+DE#j8!)s8Izug zT?MV5Y;5?X@;Pt5oj!AUe&FO@!=#akDLFTq8-rU4#bMeUML87w$wSi66=$mLxc z^V0c`o6rm`BoaF>cxYLYI^OAwhT&IBUUR{DY@HBl(L}M#^^75SxYi5(%;!?@DnLTG z+=bLadZBhpvbw+AS(YSrCvS)Hs>By4I32mg9S&VtJ94K;sX7akx^cuxBmB5d6RqT8 zuo+sHB<^DVC%n#6?T%f^x2-YgTse#2ML-(mRWk>yt!%ob_M4$L?5aBj$eggeg00Wz zt|Q5y3<+}hQXfdSe1bgD-Uuun4$H`;!nJyl=O99xU_vb+P}V?Tu04tr_;5eJIFuEV z@q7A1g&`VmkE5t}z|%Kr^f10W^3W1^rQ!|gRY5%_yhMDF{K-q6Go*#b$tKRtMsP=~ zu=JT*kcJD?pz)D-t_F`srv+%DB00@{Chb*GZEaFII=bbj`-^#ct69(27mw||J^Qsc#hFmK zRAb}e*V>)Eg6hFY;A4q;UGLkuZUzWt+nd+yxi_5Hm6~0sD#um$c7$sg_#y%Yyd&W- zL90vm{m;#eGs*EEx!{{{bW%2wDaxtypYznmL6Smd+eF_{iNFY}&}@BPSWYlZ5)pfB z{2XmQbB$syMX`Z`RLU2mHTIQdaOX`A)Xg(8Jx6X*7fSlfFKA=!ZPUH$fNP;U)qFm! zLy4`}*1%#-KpWwoEr2Y-3!-wD*V52S6i@}lOIo3;@at;AdMxkSlRURN4Ys_nUwy3Qbzw&e%DX88U4_3s4*Yv8NV|#GHwt4#>2-)7&T`2ql$8p z%xxVv^T!B^yUk9c6?~oZH5z7*L0)m6>6J`swk$W7ikrK(Vm;}@;9JAp2>nN76qJct zOLeQYLizmq@u!2S{N)DF0JivBejN)X97Dxk5_*MS0*VZDZ^H1|>+SC*sh;Mbpkeq6 zc6&ef`##Ui`^Pym=bZVznUBe2G8y*XYptwH*Y9^-j+@n{v(;#UxkixT%737RHNsA< z1INbHSZKjiJwZ5PS3xlktIj@^*C*^!PQP%hsunNG6_(;s{9Y}U<~VanaJq$Lx=lcQ4%-`_Dw}SAq;YYm#5T`wQKqSJC z^Vv$J3@5rVjl>{&w5J$v*otx$%a-BE546XE|078|Ngdv9(;NC!oIMugggn8ErS-pJ z(z+#^Vlsn%+$2ohrE`_T0))c#>cX3#_G$$3z>}xeTp)+>jryxwXh_6UmXAz|aDoJg zVfd4G#>lb;$FF|MuZz{}o}(IW-ni2@T`xtM_KBP4$Qv3`bIZMh;#z zn|vKSC~f;iWXITjm{9x{wK0%Z<)lUYq9OHas`P_7Tw?ZvrbEEg$jyE$@&G`+JGqz| zb37^4=I4*jV(`OZ;LqVnWV5!m*7Galc<plWhhur9w|6<}16I{V!osc)kjHMn zc*X#r-`|h?7tuwX#;PbjyZzN1rn`t(9EH^;{(W3&%OZ`M_tU+3LP7WGmLoP5(Pdtb zL3NETxFzT@6PotMQ0ZzHff^E2mt?R()BY^3uoezf7xMXB9K!B9hSLd3#Xg|qR6x&* z1at^Y9U!%UHP3oz7{w_rR`@VP?zSy8um>saSauh~mXPE0*xwRE&FY#t=zx;ZRWO;` z>YlJ4s400Sw}x%~mZLiA5!r&zGIH&Kt6n`7qHNzjhm_v~^$?kyJtRy{ zB@(BySbMnnyO6~s0cBZDFnvwr{VA`r{pVzbSbh!ziA>Ed7aEJ+!eO{J>YQEXKU!-> z({LBOP+OnZpwTY4QD$09M<^7EZP)U`2jDTRRv>y~sP)p&PFOqPg5GLQ6k%F@1TQRF zTUrv!oj1>Z&CMm2&sv-EV05s&sunn+SI)=n$=e-?qCjLhPBkjj9B0Qb(77F%pN051qrS^7tu)!fFh(M% z4t1c9LGm9Dxn!PzT5Z>EI7sCq&hR3{fmyaO2z}CTup=gHsfkQr3=Iwa92bY*27xrs zEhc0@D+xBmb%9uU{fE5S5y>F`L3u0S#d?4SJRoUHPIKMHO{hT9#-iYGE^JB|pRop*J`CtiVv(|Mf$`{z37 zylbLIccSuMTPe!&aJAb;u=bEiys-DCZ0DbB`zu+aCwU~loZ%w3VUR=HdSfk(Q^m3} zo%=qd(X;^Q=Ag%9fv0_Y6lU%0yBTUZTCXS$`_C?!Mzw?z~8v~QqkQipR>5Cw2 z(n)X+&l;5}nd=VtpA>-%)$CuzQY&914?9wQ4(#{nSX)KqB0!!D?+N=sy2J9BWxR*3 z-9kKZC%)-}Iv9SI15vj1{*E`*GInGDse-fEN;eo-6ImuK{033~2U^X}`D_N*vLNde zOD^NcTk}lqQq6L)&LC``h7_{Aq(;;W@_^FnkfRu;f4LoV8jSa_jD;Ga-0_F;p_ z_g)MK_35%Ly<-C`Yt);bdfRZiR1NW{U2Xe;xrdLW22?o@y%5rl9MWofyJC-9yQ?E0Bz$k;V zufJp9{?>;fk&)fNcr>EzL+Q@WBT)cefD|zQn)5poh0*rB|4S@V%N9HY|E%SIJ&uaayg#6=`S>LV4S_KUp7BbNK@CR>S6TS{ zwz@d1t=ay+^~s-WiX)i*D@6IT26-Rs?*7MJX&@#~{$q7sA)f1g`j2m9D`)@ubGLuq zWWe1o{(*P=eY0_fhCBZ;$5?~v`~S$)pPPL}h5f%Y6d|m1p{Kb@(Xam*&Y$Pp)V4tm z?A;680p<yf0)s{H-5It8};@wz`zpp;cY|~4!M4f z`1s85#$`r}%~1x(ono>ezf2Bc9uA4~3Y!0D_RdrIB~Qn*o^PMBBjGsh{YFi+l>aS( z_`b}Q_Ynv`NXm42CBkiqzZUdnJLoDrU+7gnMW<3yUPe8x8lU9sMp_?$>r#|S+x^KX z5HCE-bt@d6<+bU$V%RpkxUA<_h*xpE(bJs819t}t;B@F!+A`FUJpe^aA2GeC&VmKW z?4W5J``vfgtfO|0kl#=GHwjj}eSX)kkuZLubzllkYi_|f&V2KE^c!i}$~g#6hI+Tf zF)js`-96@4&#@c5e7?*7^#|XQgyV2UayiN2*m;GaZ-B?DwKF*lbw<}uzkL$92RPR5 z-pMF6q47Ms0z$H*@rFTHs+wynve;wC3pxSAlO$Z*|BG%BASnn}2x`@x#qYL?`$Y4$*UrCl93( zf5KHXS~W{F`=jM;t~elSPyEh?cYbzwWVEgra$+oQL}p#drq;Qt5*MNsqoFI&JMQ-8 zBJD>B^=?w;>hv!X(9YYFiWiMex;Nxaz8C3#q4lzU?_ibLzh1}}oTcE7PD5$>KFzcE}t*yR+;Y+VD0E*^A6#bylPfC3vE0cqTF%Z z%Cbu5>%ebq@Cl600tJa}1P?@XkKH6VY1P@{N9l$195!KV)tYf+wnIXYkwPxAA3gS{ z8Gp4thYllqGWCyH;Pw0}LbfKjK|gx0dgVvN*EhE`a@fF1*Esx9(UO=W)rH&DRu{T$ zYcJ(>S_r&u=lmhM1uO6<_hqJ}$f^kQxs~n|m+He=hx8`0NK?9LqhD>=TLz0(UoR;} zI_u|+dfT$9t}6X`d@ZnjFHv}t1NOtXd!ijjf*xz7&9jas%u!?p0rVqWQjOO8^2of2 zwO1V6Ho{z3hW7Dj-VkA>%I>3PaVI~{CHR+Gjqebo{7>eq#+BJX|B%RQVwavXu|`12EpOKHEWd2p$SzBdpBEixY=JAaJ-S|DJKcn?aVQ~e~!j|-E(LMHc&#jW!4 zA!YmMy=H$O%5Rz0(**t&Og&NOK5ws=BDMp`JFUx6ShVurjOyB~K&xR)|FXDuS z1NpO3z9{&SODzOu%+@&5Tuw%a^&Dle+H}7q<7*_uJZ0{(tmKjwRcn68Jo!*bAvKV* zy47)YT$GHrB&)mM`Gyr z48z^2fwj52Rtrau{3gzN?ijKel+j zUg2GIyDNbPqdv4vOghj6XpjeJB<0(Y{RD|KByV>uY_%I@CHhtKTciAR*UJliY%W+ zUzxR?IJ&N@&WID)U>k-`d_6^K)s2)@5{|9f@3y?%+H`7i@S*91+>1W?rFg3vfHWDYO)4Q!0D4(}|-RBiWemkT2 z?Bq)t+xp}L|2OCT)65h{?^nE~Yb%dx53j2AdD?Cn+B`qd3YX3j_1lUf+9$GOJLEV#**$kRFd%pL#s z#hU4>?=#X^fP=HMH}4+oc582`y`0TnDdJRp?D~COe5|DUxt}L94wOmQhkCyP_E^Dl_=%A}ZnViA z!#9oD+w_OwJDo1Up((Ka@mwa-bnGG6?R`JKbtSz8GOQvhi_iwW0vn<> zo21TDlf%u8BxT`J-*)FZilF*U+71&ucV9x25$M+D<|-(8Hvbb;<~<8!r0XVXkC4gJ z*OlGk^liY`L2{P0Hgmtt!W`T9YY%E2Y$%220Vk7}v$-L`6IMYH{ly@1RujgQ#8x+= z`PUrcn)T#Kh{jkMzQu&Gu71xi2y#FAIhREm$BkL%GJa#;kr_ARVe0!QbyA#N2N{{p z1>`%A_KfxSC{=NUI{j&{&vN?5cR9-%(@8V5$n;@^`5HhOLXU9%W*mNj4lY@l0SE6h zGghVc`)-lV?@Cu_50=rwD1kagLO*Nr0$1j|Aiov^>qbHO*Q!EfJ6nJ49UcnVF21xf zKk7>IsEdVq91AV?EcY7kt<0+4tTCel2yHy%M@fsxnp(1&%56K9;V1e1GIGi84|iZC zK~>-6i%$Cg>MGgcd_cGAzMA~rg>jfHB`UZd;hAOxMt0|T8dB*DcTSynG^Q+~a2_*7 zZ^o-+Pc4;FO3UWn4A0@jDM3rtE}XuttFhEH5``_5T@;0M$1G(@l51=hjG`K**l{j) z8-!4)uxcLHvCNTRcjnGvxkMKqU%brXvLs%2_(0#XTNv+CRRRd1{mejk;5mcsp{VZ2 z6ZUdnYaxr~o1@P7pa~~_CyA7j*Ax6|t^#LQ4)fJL>9ArX^an}^a;-K9%ikR7qZN!1 zo;AN|vA1m29~Lt?Q=D;)q3&xQX3x2N;^H(Li_=|?p~YPh$X3O+z$K=%1BVlVOXE+J z<4M{?QnF)jy@VXfA{s`Wm6i!z752a9wX)HbR@6-`#R|=w#dBDJTAH);DjT9=PT!eU z4>>C^R5<(`#0>X1`l)}7h+jIr%IQP3S5eGIY0V3a&GI3*){p8k^pkWOXCg}f)(9pi zUk2FXix3&HzcoTJrLN=Y0}q#hyIJO|%y!>Th0Skefqg#Ek@i~$?4I5{3tNr$&0cD) z_dw@k@Khv#>Xn#AW}<99m2Efa$0H;vl$O|>p4NgbTzW|XZ*e^c`l4zXiozL)_;Nzo zlO&y2oh^80-|zX!&kT~NlriU=>F;rv%|5wf)iO=sR(*Jic8L=~rJzik0rPlaJ$?sD zD*LO^!nh9`j^PBU9*A?KoHIl`rt~me>omHol~Pzxt$#wM!Nev&7Gral&HG}d)??$B z+Z)2f7U;A1=0{SLZPqO{e%G7zH)g?hGZ*ux~_b_u#|fz+pqAvUNoG zEk$Rmrr6oLJh<`CG23rT81i7FH z_nzi+Du)ZO>L%o$4|EudjlAzo<79ZhaE&u9YpOaATaZ4crfGX?@XJkxKZy2r z7rE8uX>W`1mTDu-`Y$#$l4FnrW>~; zId;YGn=DtIN5nrcMwRKeBjPt_6=+ggm=sS>`Ws{ z8|e8cmf_s3oV~}cGXIl+Mi#ARf*t8vjfw# zVe7TXLKfv}6j^(ax=q324GW^un`dfFdkj1-<+=#XG7No$t08`~+pK(AkyI^_FU!yw z-m+tTG;Oci_zv17P4dmVPt^+5Q9PRu7NAAFZg=YcJbxw2wynd9i_@7F5WgMXZIjko zbr4t*@;DK8RDSpw?D^DR{J1qoB%}|OXm9W<2yWOOMwp3=)a=eMpb5x9hldMp4B08c ztgk@DXPS{6Jh)1Uk5wSu2J=ob@UfImwXsUsS7syH1VaYNp^*Mhkv%np{UuixVe+76 z9Pe#nTR#7VnP7tnT>}sAK*G5M>CpG(2R%rN2?e>GAjDa=;;&~#*XMMZFpn{<$&M;b z=~gB~#RrXQgNjzPBNxpr*h}b2HfPI+(gmyTCSRarbAs(LY?eQ5ae7EJIwVZzxqZg+ z>{Qg-*0dQ}3uLnsR36+jZ^fTjMVY3bX&IC|423Dy;u{F1>r5!6XsMhjcBxF=q(nJ1-utchW|sPz z3iD*W*xw+o`cCY2%xpr=aJFX@2Wv#FG^t40Hj6*s2ya0>HkL`P-ejoiO=q2=-CCGm zC&Nm7YEJ||R_bDPm()Y6G%mvn&cmOuR(T)oXYW@KH=dCNw>>^`x2M%)ZekPJ@SSWa<`O=9I~ z`$qR(rgAq#z>3c%lrQtV7JrOB?TT#=c}ZaPr>@`Wr~8DIHIpRp@T_;`B%BRFre^qU ze(EGXV_G*kH{Z(|(z1Db-X5>9aJ8#p7-xH`{TBO2 z0OsJ=99-iSNyz6qcli94pC3m25cy~M!2Vo|43Z-4{5x#-rB^aRs0ZtZlr7Yig-IgH zj&2LwN`6K>C-bJ6SuVP)oIfiZe#F1q$Vx5PuQszfrZ|-qU+)LEE$M(H9^ttfjz{`S zP>OwtsYjJt!CL53xfv_K_W~^Xf^BdkJ2j_9KU%39+&mi5V3o%!H$K~9RKgYTu}WP| z&o~I&hPywsg%!nCEtN5`Dqh=hJ59{%gXJNXH>qJ)@D=59$}l#Fw9y9I`rO2uFdl2b z-yr;if}Cz>^DPY}UmG`Z?S@i!USY{g@yH+N`bXRSNRPtmxQm+mYjfrYtdKQDg)Tu@ zmi+7F9ZTlh2*T1}+BuK9)rBoieasKjE07JTkve5{j|=JRSKDpV-=-)oe=Za(881a4 zKI%&0Gi-`JDrh`2rjy}rnQU%rz?^6`8%yHEC9Q2DJ+j&q-0_JM*cenSJO6m6rM}`* z8!>fEqc`Vdi5j^^_!a3BHjKwJ4rTh>3ZqRqd35)PkK@IIorHIAIbp$L0l|&z!9m&8 zjZiD8kLksRriI+NV(==FO4demPP&$%nVp0QenT;PHQZ@=rls+rAGZ7lvQYUMroGeP zzL%RvcYgWb*M--c!qSy(7XFf6Th~W8W~_W^ya?I(i8^8P1d(8?i&gmCuVoj;cpjgFFi>dwqmoR+UC3);0@PZuEY< zp15M+@|%5{VsCv)TZfL*+CUHswSIWVq|~XbhCTlc*Irex)UdO@ZMLX?``sW|c~EfV z@>Sqruj=9_p89?Icx;7igng;yZc_y=q@Ym~*28^-GMlQHAryF>K%eE$R`(;X*4Z$Q zuR21LuH_%y<5*E+<()SDz)FKW5HN-#VL!1cJ7-F8xUh0rCOvGMTiRC@mBa|uu2r{F zF2G1oCklr?%$LEn7IA(QtN{|Mw{xT@-#>^a%LvZNON5pIVxH=n-wVHNH=Hg4olZ+`Ml*?wVhIgQM6ZNUJcHCMvt6 zRAH(M)m_qC%wwWHQ&F0;J?mcgoM73RPZ||6EZVu8NL<=jb7X^5mUS0tKDyFi?$pSX zT)U!sLPbLipI+o#JIyp5Vfb-4_dd_SQ8(xrH$+W&IPTCp$F~|4e51$*SFAvlC&hNv#Ysj|~Bg8x!sETx2AJ{DFJn*Dm zY(X8wM4z_-~6mlLUhi{d8kR(k9hro%CM zPZ_1vS2SIa~pfAc2iii zaIjD2w`((wXpgvL-n5vw$}283@VI_8n@1tQy$rF)Ji<%ISe)_*1G1iunOsDE-_h(E z<(cPR7>Ue8pDmH40c5@ulLW7tm5+aHvKk+Xp`E-tkV>uOgTrdJS?aIT+kJU- zNnRPnyk*Bcw5Md1z(0NNH2-kKf3?yBqL{2y`IE`yq37{8!0)RttZapPQ8K=Q{_Pe3JV4f~&Tt!Y(gl74@ylJK|iGWOGjo2ChP#-l^7>$CX3Xm98(CDA?2Lg_o_naN5&iGI4FbkJ)%Rm;B%$erXpsd8P3icoTYXTGl-K3`F71^dLA%AVf7L z;b8p5_2-rIOzq_Ls*y+d;GB}&P()W`uc?bn;eSbjGfLLxQ8rixuoYcPlQ# z;tXSbrVB3|n!z#I+>T~loeFmHD-=!6`YC1Z(fOfTG9^{_z?d`+K_36eeds7z&Q}4{ zhzJ$gDdtCWwLt=AzLR>P45)gPe%KFKnYEnZU(@-2;5Pl$czO)XWz1tGs;#}??6Hy( z;|NzC<~WHt7}*uTKR%6e%kT~M;m@CNC05AOqp=64_29U%KxipqbIIm}E}p% ziWR2B^gwbNCpo((JfdgZQqBt3W`^#M?S&q_+R+`bkf{#9JOxqI2vm^@hd+0zH8_$7 zg)TjXzZ~4V?z-hPFSn)LFavX6Z{a5FH#KD)o?u=1zE&g+duJ}@BWy;`yj^D9fEV`6 zf1@-j2ue;FIX`gv)1A=dBwOMAHbRyKGUS^0G^iw#wRdf#tuly5F6JLoioph1Ok}3> zpQpE=%ai#qh(c`(HQd^IvmNe$%)C|7{@FO*7Eyk+B~EDtry=RUDGqsd-7!^B?4Nx05m!DQw(?=xL;`<}A9sJ} zz3z2Jy4U;EI&OcxB_$MGt+pILf(#-+X{&(hPPzJR{-U79Y!G|T>DlA(md;s}1Czw- z#)a3eL-$ZvYu>-z>wC>_#YJx`5E+L!@@H+k7x3oT-)hxB0A;F5StGCbFMGELGc@}p zLtx{9n@P<5d;kY|?0YN`1s@!X9;NpS*!k^J|L!Of@)O7|SjvNhXMtpbj%kiJqns@P zBZYF;10nY(cNeHe4>1DC-{_LfyeZilZdB_66IN&a5Q*c)UlsT74#O zG&z!Px=(v`m5c4&+nUuuL`4r&V+1^mve9ImFZ_m^NmU9^ffl`A%6{d1<&?|IIy^vg z|5QEG`Vs?ystZ=uVdlp$;e&TPg+t=E#AOKh{C2FrgL~rDcM^TcgiBrHmWr_G42gcmlVg`=fGg3 zLO~)j26bL80tF*CM3h20c*LYwQ<0Yg0|)P!Cj1>8iP)qhi(O(>NOm?>6clYDWiNQY z=>W-piZnQVZ8%Gj*bzxIVEBS}zSlDE_!~9Nqxg5{Su@@ZSmnS4UQX~6Xde?wI_;4# zrEqf|DNu z(xaC+Rh7PVlOcreM36IQCl*Hy&UzwijTW?3LpC&xDn zeTJa z^tf*aMR3=W;gS_C(Ii1C_jDBIa!5(&gr(>vzUp3F4JxmR1JQAnO{SrcwYek0|Bc-O zu7B>RLyH5fg%z^6QCaGis2R2R&T@oW_>XJ)NBoi~j+Q(dxG9wq6g~Q=J89)LtXZZW z5tFR>5U=iSyD{oQo)uO){FrTsc?d%DHRy+mqFRvEhc)R?T*p?{d!Kh&#&MOd4X!16ZyiMVb5D)2jG)Y*LGqVG3%G=Io5*qMfo zI!mR)dV;5UVO^#UG+`J-lujk|y=kndNcog$jMmc)oqV$2uRPje3m&Kv^E!!Q8LQow zz%lJjdc%aAdJ@tlk6e%UYaC(oJ^HnGO)IWQ@Jizn`g zzoof+`Ye6kb~W>t@MH4FmLfrV&&Srnr+AnyvSOw38)Hg1tA+=mJMIbM**OVgp1aYP z7)>01U8le*CUOOfCJ!UB-S=Kj`;6nkYow`cFDjC^iElwmb(+0Y4|-mXG!=Z9HtsRi zh~YPtB0%tv*-iyBo-LQcj;f5km$z6Ne11JQXS0S9rjj?dpV!;)^cbE~V08C3c=tLV z4`vqWQVG9r*bT0nf@;;fwD^AVwHx=)gCh_p*N|Sgmg2`RE&$XJoP?vesxqfnfSa-wX zi7L!&8QZwLdnWZ3^VK^f-AyIEu6}7Z)x4)XlA&Wo0l@ZEm1N=;8Z3U{#VCFGejsbP z3_fZ(EVXF0$WCy=mN$sf?BrsM6NuJTe2ig;a`uoXU%U11f_lq^FmY_&F&IZPT(QY`^1KPfk5)+lI1BN_J5xp zYKo~$vo`?w>?{^}2Id&z4~d} zt5*XNR=g@5QnaAWw$Xd}kDrTXNcXJbYE;nr#c@Fv;h^LJH_ea%c=|~5F@&AiHKvm* z&Ltx_(F-sK=JjCjzB?RDiO*AxHKma$r2>>SdXacTSh?(v-ABfE*r#5!v*6=yJdtu7 z9zIt+X_+3`srJm!7;&tR0u(^;&2RZXpYCzB13j)l(mhjxH$QyK3(B=s=&PM3YEivi_CgyPerqflSxlU-^9VY0 zx4)<)Tu99Jn?m9Ae=1l*wR|`_@7#Z`T;zd`N^a5Pj*Ce~WJDZgMOYF;z1=+h9x>g< z`{GU=p`qEFF>T*CIKh_CSpbUP% zHIJirqs`Z@jLWBcwN~6$x^v69RwEuR0Iui=sm}xc;UN;y6T})hIaBV>rU7*+6*Ppm zyFHXvvg=m4XiiOLy6RbW5Qap@f@PG3O!252CXzA@bY8DA@AcrFu(x+nh>59KjCx;h z=D=J{oi5j3NEjXpEO#jLr9g1&F%#%45V$KF9M-t7YReOWGh1-0VlW`9U}^)(O@gvu-eOTPH&<9aHS98%Ddo%y}i% z1McsZF%& z*Z#6!N`8MEg>Ugo(_lduRCop+9gxI|B3mjEp48J0Y$Oeh*+8xgIk-J=i|o4uTxAJ* z0ra)SQZ;F$kG?@PLhv!&;WDw-+#YURjl$;9iaMA0&~TY-I74*4qj|u0Kxb&Rax&)>>)K9Q5?1F#vsNVuR>!RQ@^NFT2P+a6x|5C*+MO z+Y!LGX%{eLuAKJK=l^sR)-( zAj-|~Chm}NEq)~X9g_K#Krl^bDsu z7k*Wi`D@qnH#~je8~{N5#SICRhtI9SwU>+sim!QYW?tLr2$NG&R7QV+;a1i0t=kgA6rz{Dmi5{LLrPRT&`+D&Uatm zyZ-V6*|`_wEHB%6A!QJXd*$Md++^BE$>@u##5u5YtTxsgcD9ZIXA%i*^4keCkkY-Q?CGmbtMa|z5tyk?zKJss4p=V_zsX|$KCRa35#z{)=m_%vpAgppmX^MOiloPvMqdqv*B=!A)p9Ff|q7Vz5H|7ygcyHzcIuo6j@`f8Ai3tZ|u4#j1F; ziQ;`k>)lF;pz~=xvQrI$g9yu_rJ?dYxbxgATg~LNr~%!ru|sP{l}+v+s6>~z(o-Lg zwSmg2_YD5f)oB|~7$y^@_jaElcR}Mam7o7YW9`B_OXvlR{un4-eIqmMN|Ama&L`~O z$DnDlWQgf>wBTl^&;1;9R{nV*(U!Vya7}BQo^osgbUbNDJnA;*w%F8y!p|(Vv(bH> zTY>uE*V}>(t?C0_aS1drH9AzLxxENnIJ@FerNHZyaND8|4@# zq3LOIW>LmGO0`omw>;>2O})V!INg`(AtJq;6Ga9nW zAJrl|ehQH#U&w*-l`1S67f-Ag zTS)=~OS}20F!L2b7FGvky>m0ME&$DT&;+9Y4f3trdSc4`iHDMQrfYG2{>zM#V@0}# z0>Z1V5$DU#+t9l{R{Fe!o2@v%;ij*m{x`#L|Nn-O|Fb&(y#0@G^8b&9@;w+Rg7>f9 zP%^0|KJWf!1<(-B{v{;iAD8nc?9c0Mxx~Nl`1eAXmN67Se}5g8Gp@?b|Jn(E=JyCzT0Ut$llTMif90&jNq(K&X% zYHVPMOuA*YH|+2GQ58D%C8-^5dpcQ7)i9u%lK1N8H{}YGKzVSl5%`z;PrNry5ED>- z&{Tw4E8|W9W``fqfIjK-Nth%A_P| zIh!rM`!gT{xZ!{9k9JmhD?yOgoE;4FT393`O(8i!{13keB{Z$K@xWKP?})JCA= zSG^q)2AM(u1%|)U%Ds5bj)l+{;1a!a=hGco2~l-`ep`z8jDh)f;<$M;Q#^)B@++&U zlzOEBc{m~Sw0oIsf%z|9myM!pY)T=$?(PsKcZ&TF7K zSurA4I=TcA_M8Dc6XRW^n*W%JntH5En_WIjNS}#%{uyyWqg}0ZG{xJ97^NPb%ytEpObLf1h~UIrOS~Zk2txccPlBDnJS3EczXQp$zuO} zxg>BS-Daz7-0P6AFx8C)qGRBfYfMejo45j6b!bii95&wl_A7^aVO!Wc!*()&5-TxX zrX52qjq`DL77rko{tU&Zn{2Ug+nrr;5m5CVJf_vh#356@ohj3vXvIAazvDNba7>F} zGHByrGwb~X5YJ54dLm)=%76Ca;$RL!;g4zgtLp_oh%RsknkY@xB}aieuDO6ED=6q@ zA?VbIkYWv#lrrVgZLlL^G5Qo1O3Ya8dAzX#bj(3H$PJpZ64PS)-CPvvG#Eg@Htl&U zp>&zwb0ov#vx%NP%fV9m)sb9O6BYA-EQw0Qnm09Ajfp7`zSGl!+ z`NH&&6;8+_Ij$ylJ3Im?Nv$f^nO3xHCX5%KWuQF1OjB7hONm%-J*FcE~f9+zV- zMr;hFl_oulr8JoawxDjxyeh>y+WV-F4#q(OjnxAjTipUUS=-I!PKkV9T^mP?i_7V* zw)uL}TaCv+Lm)h<2%_u)5adMDTukoL>;mX;XWAc69}*sZ%$w zh05&GA6ID9y}-Kn>#Mh19tTFCGO0+Cw~6tHJ>15EMyIlIjK!~HXv5Zrj%db+IZaq6@q0z+m zTkQ(9nInSH&`;=^EmojO#0(gFEAiL)zIrDnVbu(NF!X^h;`~u$lS6O+T>}jkG@`z} zSR0N&%_Vr6fR$1?WUp^W#c@4J%S@iiF?yZu0{6uckI-TLkPofF@}rV!O8(477MMIr z#Y){h$^rHW4h}AL?N%oMW}G*s3@AJed2kRZ7&RuX!3YfJCN)|i2qUIRcfxC~&e~?q zu0;o1xl@9i*E!EU1*qO!GE3=)Uf~qZ00_6Vr^uzsBh><0rLOM@1_MEN9TJRfDz&P` zh-+gtSwGR90yPFMlVP%Zx?uW&+nxgss!sVvimc?WSj~$L`4l!7ygc^krQiu19y~^E zSRhHy30d;H^+B?+bwza1fVu;?4L-?u#-YC^(XibM?X^)1uLwp!Tz51%_qs?yZ7cut z62-E&g&Kq9qV2@T(>|C08dZJ5q@uqLHT;5IEhrlxrE0Jek4r?j665R9JSgw#wo6!H z0R}3>Y0n9X%xt0RM7_Y6Ba!Pzx$(D!lEwA1L}O3Pvjh$moJ|(1X$DBDc?{UeUp%Wj}a4(fmyi8c$i`a zU%tFCB4MAV7QwVBbCYB+mGD;MD1~`m$!4kN;Pu9u*KRcwO_7BXN;3SbSD7Nnm|3bm zotwDRYxJ9_jdt$L6=41+Q73E=a~XVIDdG}Int9M~HhKrp8>o`k9;=%gSPvEm9HW$~ z&yPB?M_R00d`_#8;VMBOrj1o-j$W!MPoY8jw?{(YS{q*QcOTkEPj$ZsuP4KDfYu>J z2%uFH1v?plqB3N-O@DcDEmF@Qx|xDeu4Qei1nFyGFD2W zdA@X69D)h)mGuWZU~mBGe15j%*U=~q`c}}0HBU8RlJ{HV8?3=tAl>VnLVEO2=C!cR zzBp+G{*<3VgFR(fKaAIl$!fhBRgd)LZBpo@T49k*VGQ z=If#3?pZ~fC6j3q@%G*uxK=EmQ0Hu-%MHv6SscyT-~6k=K5cuC`FPzwZ=BumlzJ^~ zKn@Rak~LS**k%-S+dY{Cn{~#?_wKKJnn%{pLdRw}PDhy~0F~%>m-@Rb((Q36q#oi45Mm96^COp>nk|t%sSG%=u^qQ*r4Os(#VihZU5W9pa6a|mt zx3jj?&2R+Md%Gp73$0?ZEUeOTpxy`a>l<8QbX6)yP>8jn+bHSd`}RI*mV9WFOb|)T z-oQnIfL@bhHc;v4NU>kaCJmMYxJe8y`lqijI7;#e zM${mAq!}a=lQ|#zqLTOc!q;Q}q7|aNg_u`#+DO+?a{~>LMDJ1SiQ=niJoMgV}&`21_kGe|x)< zDmee{^?WXHKceYu>#d>$s_v?Fmi8(Wku`kzS4_3=?{a~e3j5oGCy>m~{~IkE@bymh zeeZ7wg+F2>siLkE_HTmpe=hjHvr56Fizr_ph?;VWq7;Vlg}3zmiK1%8Dh-8q%5DSt z6PZfK-GOd&KsQkB>nv`N!H$W+H4x|6q*Um)>RA50^w)*|9{l=q@BqE&Ov8aXwA6k# z=&jjm>IR2J8~efn()>x3LCZ&ahmLEv^}!T;Vm338V%2;WqwjajMG6X{CHiZKYZnn{nFCihoS&~@bC{XUq4%YUo#j0e$4r~Yk zYb3w{Kk5Hs?=7REY`gwpLP9!pXc$7em2Mbd=u{d6L|PhTknSF&rMna)Bt$|$&6k{(gDSPpk#3nK@^ld;ek|d(TUKgLhFcv#8bZ9)hZd$o#wd zoC*9}a5Qc)(9&KP0A{+kxq0rJS16KL>n-qhPsV{CGoQt!Y( zUUQh`-Py)3_w`@iq-3xBAxSgIbsxOVLr$4c;$HepyS_mY8?Ybq`t9DaLx5^PJlkk* zG`#vT6%ULbl?N{{faO8< zw@N)$5vwStr%RDkh5`>#vi!gd7y7tcTwx%W7lUcm#_yii`&ndXG=0jxi`TN?Nf<@S zRJ(jVi6k7C*f7~;D`mbbI5=0zPy6#-%{?L8{z5?0wyFDC|A3qNZeC;u&?CK$cDp>k zZ-IcQdT%`!rs*Rpko2jJ`zV|L>_9CYvW3Gtp9d(XUtUE)kg4m&;i%jIn8%U`0M+TP z*{27GZGur{aNcD7w_3r^sTdj-z}(}GdO+?fFK&S$lxvO`XGirOD=H!ava*(Z!8@;7 zmS43j>Ys9*x|KSgp|^(UGmf^uyo%4tqW%MRAuAag-U3`8+$#8Ds=c6eD9%JJJrQug z%8NRaMqCl+FNUWmKt1n+*(-Z4T%#!|Dcr%|{5KfhB*{&*gIO|8ooRj_DV1yolJ4(E zGa?4*Qmt^|w2$UJdBIMf-k@w6hu^-DA24}fQyfdq-%%oWw#k}6Eu^RwufY9$iK;i@mX{V{R`zJp zz-hjLZ#>7Xv#PxB)9ph;B3ZR->RPovU1Oy4nQG<7|M0=kOg=MFyNJ%S?V8r#ivfW4 zF*{~0f|X?k<<-;;!eCLjwU6`zn*O3)r3856>Iq;tKk}Y@efvhNLwGlWK2tM3loN4z zx-sQFUaY(ib{y6$={+(ff(g|d)mi?KDYwt}SD~3!Thmi-&d$o!-0KWHug-cWjl2gp zCAh^|NTjQ<9xKG-&la_rFB9-?i(9YwhDtKy53TUk06+yhwq63cWlmM!u8+ILPKn4( z$Zo#Lv824+XQzC9xGlqrUr4AenwTyMROx_~;uXL3oV|nWX(O6E*&1mI_ZU*H=xOQ~0l8sFT*h}di!jIsNUUFe^2vRHN>r9Pa7z$X|qeVSQo6n^NvhZ0<$d%qjY6?Us}4O zE$8#n1I|11nwk#)l&KrmAQn=$`$j?4W07&XT~qgNz2+g~^c;NJHd&^;97q7*ze>}k zGpX=xP($wAo=MNSc^*M zIt*AX8u+qBHJ?Zr=^vMk6#m5+)T{org#G%>tbx6CbbhTX^;cO3Niuh+mx;X+`V>LE ziQ0L9h@-Wo&;WBm5MfyXHgR!Fvta9wo513)U+yAS2)cM8TLYBKW+)z`t`N=79&*OY1#Ij}u$Y8Eu&nQV(T-?he5Pfp zP@6khzu|N5Bax1^lCm#>bZ|H89?o>j*~c_n!j^ECxh6F&F-KHyd%}JVrjU2)-*>IS zN(nVQD^6uluBmreHr-Z~eb>G^3jlSQpLY3ZTpe{4QqMzOZZNaZP{`lkdNn)iGAeB%5BNGGAzPAnQrZKKQ2n4Laodog;W}d zsF*z)-D(u_3>nKF<-~q;LI8BBqZNPC`D?JZcT>qJcSE@|7~SS%ih4XK-W64!XKYf> zeaB8INh_+89PsJy_R&^Jg;#e%3h5pDrOv7@sv@PxkqCQX(C?o+67#P>Fu1(MU)rtbyD*V8 zP2Br2kgn62x!H@dLK+f?d{`(9K2zH$^wVbuwX6kijXT3-kz6uqiI%8?_keSDHu_&_ z_m`t(GqRrD&}CCO%JW;SLU?Jsc=`C{pc6&T9j2FQ`!#l*`$d{5F2mH@3aG2|y{?+8 zn)@~D7X5+@iGMsA-FgZ$me^sjYbpQp0FGp%xif`OAh6tSQ?iP7(lbFTP*%z%pDfNrazYo6r6kZ#|g#_w@Hyzp45m zG~j+y&&19%R?-}2Gti9M*O1|_XHZ%AQGD;JQl2nT)UyR$6zh6Rsvd|n9cdgjPUpsOrVbx#$Kjn0VapcH^Sd2(xy};WCMp@}wn9k?L?=Mltz7HH&nPlnwTn%| zUI|YDE5M8n^A0{a@zW{ceWYG(AT}{NwqDJg5G~~ecg2@mApd2#pHrzu)JRGu)brJF z9T#KJiM7bLKZ-GbyFqRLR^Wvu%qGENU=g=p-`_i#MyYR3R;AMJ7!#>);W#s1S|6-_ z97-5QGKbUZm?S7}5kI-s`wYr+5^h>l>N1PCgpC{cfWdoCa6Gl>gsDKVvdK<(sCj)P zZ^ywUu6H-xHO_>0y(ue1MZm6xhNt00ueNCi;?1@Y|Kl1LqXetdUqxtNQMU7^e~G;| zL=S4sXV2furQ`$-Q%~MePt!dYj9UB$hj|KjtX+XAbzGFDsOuqbc2RM;3I7CU@inI6 z;-Y&D0)^>enzb{V)v9uo5G;|p?UHTHqW?{1k>V=-@F_Am_X(J;XWs^!4d#wUrfZ_5I}fi1UgSX&|VtZ@o#(!I_CqvkDZC4kv0{rr5L~0KT{F7SL6yP-8+mj!UgFVwwM?`)7{l!3^k4Z={^chTi3Bc}B ziYjA$R9#N3pGD4>0k6h?DbW`?%C7a|A@C=^C>y*4 z^uroV(fr~bC*r$nd~H+E_5(fCbz?#k%;|nvvmmIxdv=#?P3Zv2%}oFjt0KVdLIA*+ zcOa$!0UiVdxbqneK%IR+RDHFcJsjaY#%PC?P&O8L;!XJVcTJ&E>yqDZVsBN36 zrDnamcID)*{)9ijvftATIjWA6w!|mk=G3*m{fLel3QvJkXJBArVcuYeLSYYQ!q^HG zjic_c?dI(E@k85p`^puKagoZeySpoQrG&r7^ejIdqUkW`x;r&}c_#HcHvnu)%_zOP zZ?PBPC!csQQ;`0E``X70*bK2QiiB|Uzx(xJc{KR4@#|FNdwE2GM?X!U+@Bt~ zh-6*qg7rseF}2;&-(wM}i(pv#-xpt*vr@DJDgZctePCx3!|HU`rH{vIiYnyrvzV0- zh(7m()Wxr@d!6TTb-@=qYggfk==G9FG#BivU8cnY-q+n&46qAbc`NuHfB+J?*yF!; z8%H5sCw&5OtV!am7mip zknQ+Wfd4__cGW)K2)K(j`Tpx%AQEn!Ws%-MMu0J(Jigxo{Q{oq6soz!TW-VX;DCWaZ5OgdbN^`?k9Ec+Pnk?vzj06HO{`dEC7@YQFEEtE|l1b(2gBarGTfPOz>- zIVMZ`c*eHJO#@NjH6pPjUF=|F=K974JojszfNj>zcnmOL@5Amvk`@6uu>2Wa8D{wK zg+TC;k5#~rH}dp%BXg>Tks{)kLJQz8na_474Rnatp8jmx_)t&wP;-Z4+bdN|^yc)f z)gkaY$+w+r+a8Pi?atKq0e(w;hZXuR7VFO^ds)iC`^6m09kGSdKU-H6Pnp$b*ay>J z8U0`>{VfoDs?lCE18$2_$BoIAg3GM}MUzZR#Fjh-;o`Hy&o(u$nhAch#`zBOweT(? zc3yb~tK&iMkbs$|x<c69IO+nrk7t7xX6nV$r%>bEK|!n~*M8xbE>Bmhm`r_BxM6rsPC1kN3pV!Q-h z=bGdTmEe3pg|RlPPL63U(_wxN($eji7T1=qqLbD@HYyrPqp=tYO#2>mjBQvg;9{m> z!vA)&cx)t%N+u8_7Hlr{S*YLTL1tIPp%&TK};X5lYoJ@1K{ONX8#Rpk*h^<@uk7gV6=J@;CaW`abNaw>{ z{?3!-wUffGY77q^1nkl4w9MnT>o1%olP<=SgC^63S<8ln+BN1C(rmstl$2$da-(_f zYH;$5qd4-s_5Cl>UNt@iuCP+h*kwFlv$2rJaQ2H-<#JJGgyR0YBU9p9b;Q_flA!rIQGIg&h}Kv_gDJ<+cI<7lMhzq%0=r zpmpZeyS=g-Ob7k(7`$~I1b%Y3vQ{?qs51B%z9yW(8@gPM7l>+BFsfn-?1?sYp^Ztb zpFHB@lxvi_w<)%*(P41Lvqvh4L%5PETZ2XZ8!h$Y!&6(8SoYYO{6^$QlxoQF>f&D4 zRnSQRDQ|*>i-nV>Nc|hAoq>FrEF z?~HY{FxCqyhnP$t;IQXvc(V%}iu=G=mOnlF-TsYugwLSO|NQ_>lEUEF#qqoV?5>jg z_bivzr6}gJ+Z=fZhX?#sB>HwM&jx8?Fh|N<#I^31&d=Hxe7(Juh#eV@J?jfVe6%k+ zilTJr%doFn%A&YFookcc32{{jw)Q=y-)th-NsH-5mNdtA%a{}~pNF2wOX7PVCqm-| zI>mPf+A3C=G(Yc zhZ6;t_a+s3o-g`%&(2vmDyen6$HTyP~h{jTk*_lw8x#?0aUFW$H zcT1HlZiWa=MVF9Q#nQn%ww9f#SS_GHCo|pK{Du%=W!9mcxU*B+&j07mkOe-xTl`^$ z8j($OaMza;U5ltqkUlTrL7*-b}H zDhbj&_RLo4ZxYA(0Y7h^d-+m#JcqlXL-sWTp>$Pu_i&Nlp`!hs)6<1@*_ekwYRZ`B zlxrp`MYnKmX_Bw zarP3uW5g71co7nKX}anyCZe6Qc>~^YwVtn_)vsAw~AhJ*N1x_LSn zFGcPspSt+&o|z3sv|+Bb<)=FzD8AovF76vZ;ecX=h3K2L@f zYJJjN#cm-a7fgV#RWzv!MqDwZGD$D6FBwK{Ulr#apRx!$caR@h&RV^W=~z&F@y(+v zIfjU1kZ)E6Q|wkdae*M~@6L#$&xoABr02|K!R+FqT&3(L@Aaq51^q5dtns+x`jg6M zCKai0WlO!w>Ok5wBh_q7IBoF(#)Tt8V6Fj*5kt#;{S3Yx;>8agO5C(~`0>>(-mSbH z!uc=ykhV8NI|B2;@mh%GP`rdWPPV+Mc0 zF=&JNgYC@WV+J>ht~hd^*paI+e-m%q3x$V};}Yo2C%cpQYW(c}6zL4Li3%1dFgNZz{x|?v=pmDyl5Q>h@fQ z)cJ-4L-)sCwN>$2h4uy}3cT<5ir$3o1btggNVpquQpF!3dGE4Z%}{MjW~h4ZCOdLl zr|{;8In&zqzeGq{WQ;O#QZT?H!&fHM2N9Io_+18whk6y?V$*KPZ@(_sANT&FpzTon zk^rW0kOB+m^k4~5s4j>tFMBpaj0t0ye}P;CaQMlIR%s0`8?EmHd^{PP0z=v+){vRd zr%NTbS5|=ukgVd54cDqNW6;&nLQId_x%y$c##r3`#XQQ`3E(56#1C4kyKxxNucRq#j3eJ|uQYL-w|9@cy=ICTHrU7W)K4k~(aPG5N{=Po4EV zsvn#hl?~?ee49gCq252jTwpkY5L%Z`s3bEjvBTq0a7~wy_4t6pb*1U>%Rnnw4u^G;Px> zsW1sY+)sHTgqr7n#Kopm>k?+!6fgdYj15(>S{89HRr+&?FIjX40qls3p&4N4Xilcs z7n)lb-6nmrsc;b%S*}!exi>u#B_HoCQoG27-`dg&(*7y{QG`5@s8Nh5J)?98yF0Dg zCTZ-+gOjVPh1fXz&@5tCzmgKLqr7x)i?|xyUF_K9yj;9>(sLRGpVI53E#A4mT8NCU z3SyVRSWAsDls6@5K8iz^3q-n)HQv3qgaNgS4M|@ZM2gmLntP8w=j6Kn-hV4+Iw~031-FeB3rJ*#RIp;UuDFsh3h1saZ8yiO=AqvTz_SZ zmOC9gn{Nt#wn79~3IU?S#)dhAZ~o!%i;4G=rD9cdo~2?B6Y+j(WoI$#y%7}LaAd$k z#-l){FwaEyTlS(Q{Q?PP*@STGxzIJpW{Hc$l*Q8Ps;A~}EoZFsavkorh276HN{c!W zJU-#n*{1Vml;YT{suG&&{j%<&4zN|**{rA8syCHk;sm>7O2E~tL!xS_2iqUi+^GJ! zGBZ$bij=BRIlX|ELCBj@n#5hidBmaSW~ngEwhSug7;KrcOs`f^?XGtiJIaWxWA1n< zlU{nI1NnKl46}i!-3mhU%~UUIlJ@PbFA-?ms)nNm3!5!1@q9S5%JNlDIlmWMKcqOBp(1e(_Mgc!y(fGG8jT z70)lm++ol>64qc6mW5{UQFA*p?!QYmZ>)?cp+c(r7Cks4Wl8A#e00a5WWz^oPZUA? zBEcDRwQx1EIb_UkUmnxHI+lnd5jMg<)3EM6_I&ZJ#SQ749poaiaFe^2-?xq+SGCiT zSQZ1Wo|((=rBp0sI>9RMAX3yiVQgBcW5hxZ7sAI@7;4}3%zbF9?u{cxM;%MYmejZe z=A)N?J>^USY9AHAEbaO}A~Jnv`5+^ifok}k`Gx0SFv9%8rR|@m+&j#-II(&$*lQH3 z>-Tap@;_ArbUK>7g{kW9pjZ5%8k%{6E!$U(L>r%q9x_O5Irfn*F;$0Of!>NfhRX6O z^Si7=ibQOd5t4}2ll_(9NMERcF|%w`mTe5SdK06-@j}7i-J$*tFS{P0582%&OJYaN z!sT(^wjTT}-kdy19X<=8>@@nKvF5XMl80>h1xVt#y^798NA;SG<63Pf{wF3D? z&zRfWnpdwAr87bl_?h}2prHld z%Vji1mwjs!dpqs@2eZ7!OE!Kzh37@zA8I2c{&T7fhkN}p5^zVRxvZ^a#Sd#|+1?VX z+R9Y1f69{Rfj_9moS!wH1Xkba~YL#-V(=48u|@} ze2*V1$nb5U3^Q|(ixOrP?|sIYAhXIGaL4eUY9n8bP0+2&Pf>wmc&mr(Sg9*DaJQeB z^=kexFUnnb*m+28>D)+k|>7TuBh#ge%=f@ z5VWVVvD4ZrywkD80bxp0K7t}opXx=UanX0|GKHA1H$1fbgCC~oc$*F(uM5n&|9h$1 zZ`J1~GRf*BjXI`w7LIJ8iFik0=r6sF+QGn;ejsZL)f>;@M&+DO9B;Bm$Q)+|5UAw_ zjM%7-oBiZs!W$Bye5(|2zJ0 zHLF(bvN9d;iSV&7CsZ=cJwN`kAv%p=Rf5rK6ALW9YieXdMR8TYP6-C5)fn~ZWpe{! z7&}6WR6Yrcx5B_2SU2RbfcY6&Q5TY)hJ3OKHi+O_2oy$}Hc__^)w-uO*Vlb_7%T@EKwnPI- zc}w_Q%E7WRdHv@}^UGk+pj(mzbshC-Wwc`%<%l`*NC1JLS9iK zR}oA%2v$fbGA%YyRtI+ZWK!2P!mpB5G1;)JQ-TNyyjLV?>#&d6NY^GtThAp9`6n&tAz(Cx8W>CP*+{Nj=7~zrc zy)WDMI_H0SiqnS2__K_=0a3Tz86JL*v@{B;nCVUBMUcfTZ%X~xN;6CF{ZC(UT3g?Q z+y4pEJy7#Y?&9m3NcBgvc9}nn@1d493E^!>bq*0jh3%Utb#ovo`c5NpSK0h))JT>1 z1ENd#9uF9U|ND3O(o)=&zqcr+NFUD=BQ-ePyyeD;rlfo`u<;?3`cZ?(NrK;%vq_a^zqtW{GHW&Gy&FaEI! z83`|<&qkHZnRi`u?BRF^mDRKHC;ad4J%Buat}Jj)M`iA=U<{=of>eA~+gmKED{W!e z(|mI+wtm(-+W&TS@s0U*3@=gJ;fPeUN9a#0&yRQ3Ja`#Zsxcr@w$=&|M7YDI9b4I# z)8?@s9~7O)`Zu{H&p}T|^aY{7JNLGk@A3~Tk&Bx#Un1#o!`PZv?FEF$jqz&=WQldA{71*E-h^@E^RLK%Ix=JbCMQ z-PwTS8TzMx()wD5J)46(*qB#r8LkUDsMfG%yie>xi6X$(w|IImHemW6>^2z+9eDma5YfA^G;RYxmO zoIeCve)5o>9T3WKX;9k-ZT{&Sawp%zLlbPi*~Iffk`k2_Ob=4LMx+lv+59=#UkXaw zSi*N=vzD zx_Q*Kk|d>gRe;#8vYrQ@Jd;4gZ- zLio7>3Cp_soN?Mt>q-(~??@OSKXvm>&$o~E!6BsEpv8}PfTEsoi}|}WJ?v-Cy?tP= zRIrHvNKyRbB#~c%8zr{dJ*n43DudRYQMDr5PriirUI9tR#O2M@gQXxClknoTL2$4D zybcaB+$O@elD7Q`o(0O)RyGKn7@|iB9(zipGEIM(4RR*(=7JyQ{g9dG1k){!MSWE94;d_4lxezVXH=|e}Uwvg`Y?pptvRHTnyt4dD z6kaaj>wwMp#2eS0ph~9&L1$aPf~$Y@buNN4S$&)1B|T4Rg=}EZF%bh+YiUy*0?#p2!R19Sh{ZAvk0ebcia{p8u&riFp zk|Wp|iPnDe21oDD=Gc8Bi~9+*BHYN0COkWcVWQ4i$l&GZv-P`0ZZRh+r*|Z{B!xci}aE3jhCMwg;uToK!+c8z8fVv=TPEuZi;HJmJR9p zqZ5F-+8o6umDbJAsYzD8e<8m+YaN={-HiW8B}`h?U=K^nMb2(H+YhK1^A_(jKxp{B zR|zxB(?7d4k!en2u*X|vFMP=wEsVL zQKdlhVK1f5E)?kSjwua3P&-1;A9(tEA#J~Bz_G2?84zDR=QsC0L4Ome&-x^?kD95u zQ3PbHE*9VtXd~KN|GApdYKa+a)ZAi7gOr@UKWilQv^n{;)Cc;0tp5CP3+561_Uv%E zFr0)y;H75Dfb{@oFJ@nC=p%Cba4P>8<613sQhIfIdS*U%Hqiz59^}r80LttbFWz1X z#~atKi7o_Rp1#NUQRSTu4|b?p8@=6nsFT zn!^O^o+D;M=(+w8l{^ zS6*M?HEDE4i0U>~vr&?DiqfOck7tpe~Gy}X-4rI$F3qlkav11R&7(yy- zauFkCLE;~u7o_fgFb*+}yd`hcmH}fnD?PhYZZw05rWQ`TN|sp9(jB0tiM^YAN$8;% zJeJXviJ^E)Sj6Z_uKzAJOl(@IfEfbCU_O9y0iQM7ou52=lPMybVNd*!Vmx<8ju0K` zyhVSm8EG#y{&kb;$Dk0|ZHY<80JtZ!JUp`jeER5b4>lZ~`=!_jUF9Vy@K<>1-U;vO z%(55GM+TZR>1!wZdy|JncnkR;8vv*u_nZ52EoWOV^r4Az!N&?E`=C;iNv~?McADbk zOt?$+mIFq!7Vbdl$s;B^Dto^BXqEqme0yPzIiZ=VnLLFpA-o`z1a-JO2CF9t7c(brmNc_jfJeP7jWjM0qOewnNH_6{qj1u!QWszl)Hk8tTv3*>d+y(NHlO!_s?1pI?=!C}N8hc= z=+7qp?uB@db%o^uhbkiVKv8~vNwYDTQ?*7F{PK~6K}fQi_)n}?J4l_)BwTGYdTT}9DEllC5;;Bs8M>@`WK|rI>KJlQIwGCuk)ldlZYWgP>n4Eh(OG`3AFGSRrv48F!O z&md%{p9ZW#T))_10I$_@OclA!N*H4++r5*0>z%6l{04f0#cpSN=I;PA*sBj|*vC{t z2H>vkzE%FZ;hKc5MFi8r{|{$J%eyRuY9I7fwEZdAG>3#xd@rT+SG;v|L}Emkgvr>W z?{+)H>%-}H<(wFHGsYC2+Ey0&;b9pz>Jipe8ZIuI*KE`zY-<$XT^g;5D|z*Ox=p&r z$GYF20&DtK&|QWsG=2!DO!=4oK@p(#LYHM)njYiacoot>X2;fT-JgQ$ z9%u8U`A+5`JwiNg4)Ykl3`=8m$g|IV7FcI~ig_X5`3N%to4g+@Rx_D-z3KiDm@bJ5 z`8BoLg*)9iO~$;P3D7ri@VF7eeDjJHeijNnO5v4H*r|pyYV|lJc^&(9OuviwUf0L0T;hXeK zH{kof2IMY<=xqnu+5NmO>@gi#0(EiD!VV2e87k+GC2{cHaypv498rpzlY};r!xL}n zW}?}TLP|?MGTRw=9?gS{t`vu#=oYwRmX1(a<=xV~N8KVV=jrMidSL?z#ckwb!+||{ zRt|8}1Fm@O04)DcqHr5j@t6|L|&WpJq*>?_M4FrGXuU7&-Ls7G-$1T#@6DPkI|ezdjmSHN(&PzF`z{bDkA8AQ{>{XWVISSLEISt_0rDTR4D20 zsRAGG%_!{CaHcvYL}sM%?wiALM4uH#<_k4H>zEm z#_JmB`B0+h1kDlx$UoMVECQ^~tiOX!3Ax36+#}4??N!dBbn068>&u^M zSj$(CXn&&j+dqf3qh`(x`d>DVtC}0Vw3dxKUvWXNNp}jXPndkJiU%a-;e;b3MBHD~ z)u$G8n4;Q@z;x&X6Q-&SJzla!3Jc;OX($=7uUI%B*_>%@s8mJcb#Ax5miFo*P9pj|WDT@uQw;%3{d>pvx zQFDmKItv%Y+I%}Aq0_GT3llD2qN~?!9JluJ^N~inrBI|P4Q<5 zRiNYftu5kgg{DSa#0MYwCz_LYI+&jhs^%z-l&@~9`YV6KX|hPq_u$>Yhnlx_mWrvp zc@z1@N0bN;Sm-YlLJ!qq>&hAbPbz?O29#_-wbq1__{rR4S& zv8Uaqj>gjbDJ|f);P>aJn8y8aO?Oug}M&;8#}rP-y; zUU#I{Y%*|B@_!oxgsHAgUPldtl1;-y(q2-+dqO@86;ba}8VUyGSq5U*dg{jrF+Au; zWZ4KFQB*0$6fPlPPnVy{t1k`K%agTn`UH7|-g)myQmRr*;sdY?S1vc)P0QTW0Y&%y z;WD+CRSd4Dvz(TX}w&OtE;={L5-$By3Uwf%C;bN#eBXAY8Om zES@(mX^17iDhR&y948PqqK$IV^&L{UiVY`fQ!8!c{Ss}!>#yroD&|NKv#=^%PC0D6 zB#XvNiEH9JVws~~jx}V2(J9>+OTs@Q$0DN0g6pyzif85)O={^ElIf8YL06To8EGV= z!Y{!uk3YY-pZjzUg*VyFu=V zk&ee~nBVD+>2Kuv z(RYHjqPyaxVvA30#S5r{$`Q-2mtYBuGLpO}tPe#3Y6rAWbqGH1e*RDbPoLE& zT5<$Sn{F*f(r5b{X*VZ^8*fOguT~6^g0e)GS84$@CA=6uQqs=kh5m;6R?0E)c;BFdVYn&=wk>K) z{V;qkBZ0~}cv;_1TVz$)m2|wkG6*zzrAf$Jm2FZFV`f^Y&bZWBJbjU51wZI?(z6_V zSRO{W$@-J8ia`H@VuAaFaS}&1fu-5NrpP*+n z=;2x2(8?8(5biA>JdQaiSFhyzPHA%d@#O6e?ISCqnQ~)B2g0-PvvC!)z&Iko5ssrU z(L7yRHs$Yrb@3ZdG2&dIIOQO!{^s9-_$&rFNgL9j*AH%L5B=#CeD)T+#P9;6cS3lW zm$IKz680h-jP=Pl7vZFYiB(~ZX`SISq|Dx`YHp6170}WTn>^{YM9yb67k}pM%@+(B zch+|sgCHF+C(68@n^;A%W4})*C$u@Lnlt`uJ_+V#gg}u663UIakj%PD;DyYq`dm+H( z<#je3svXeX0CKq7Id5$Gc;^7gjsI*MjG!8sCAJ*Fc{h3ZJlQ~o1G9n@Pfb-zVx8ZZ z#kW!+*+4#xgZ!HpHq?gs>AH%%`Ft|nYEHVc5(CLVE?#l*De`+|blZ}QFZBC=HcK?- zpxOP{QpCDWKf5X3W7A84-82nztqgOZEsluk%onr{`}!j*UNB9~ZAcSASu7FD4%#R< zg&`v^=t5jsJd^Re+HRJbLi0kCw%JW{Zpn~D+m2xGSw8#3Mqu&SPaKss@y!;G;y)!C z;dV7Q78?@TlkbAcIga_facMce(rNNftPTo=6Vs)$liH}1veCGiRzdz*Uq)`Zdq$7A z>V=ffnE;em()Mx#hHT7q7!A!|{OK-!hDX+1O3BKQqHVnax77|#X83Pjl7LQHBlbZH zz$J9ww9d_NZoRNTVx+D7MINVesZw+tn6l}xljO#l^(fiESS>y@V)fqbszNF zhuS8ugw-NG^oLHZq?IdUMlVQ>k^tNhI`(5E%btEeMP5MCBocUy{Ja#yimzY^5BLP< zsEE8x9H{y+VN8TqM|jmP#_2!N6b+j@!vbCO{aeaZ7PlZTABA?CJ!$J>l-*Q#o20?t z*87B!%-sDwPMPfSQ2w#l7$M{eY%SID{a@S1jz0rvcc2#>m(E3Z0r;3pe!&!aT=J0R zdr)8d+Or%Hzr7d8F-C&aE5cv z0D+~oZQ^i2Lv#WpSq&Ng&7$Zq+0;0dW`!pbTX|m^B~s9qF7EMYtK6F{*?Az)sJ&Za;ukA!y)a@HqV zNz5jKiOFg_ksEa$$5YD*n)mDEp~=)j#nR;j;MP5XGu-e{h6zS^)d`N-h01qrSJ%V= zp4j}YIIrgKo5%a`Gghlx=jr2m(AAYu6*g9~1X};wvI&4RV+HrWH&$2&r~3_TlNpPo z;(2zdf5lB205>f~{?&os^>M9z{z-c}>=yZxcbb%H3E0uLyxkHuOl&-ae{#V|j5S&M z?pMuo)h9qzGJm$EVa46N;5mGKbf5e8_1S>XM<;(aY4E)<^Z@5I@CJfc2UD0$&q`CZ zx$CaJhm%JAusZobg~j~A|9*-)n0og}2!Y-lW2Bb?ed9Kuect*T7`s3}x!5@{QQ z6^$;cP@B=Qgp zh-SpQXigdtCqpQkL=C|i&nPsgsp(tf<2t{+?FIVLVn>1w*`>eEZE znl|uYwh^44j+E{~YR+Ilx3p}|D_L)Jg?K2p?+cC0VIdnPAh66);FZ~xijU`+lQJy7 zumNp_Af9b`uUp8sE3XRldW_%m0|qYk)!V@1+IMxBoH=PBlVRo%^s()y@W~Ki9+UIF zJ|np%F~e+Pes3z@b@%|BYl%i!M~lQPK-$w9KBk>sTTi2JtCMZG0{7M$8`S;uM@!7V ze%yI?-NQi2OrfR|AGPqdx2DHZ)UH(KYE`@y|w!9*M8Bw z?RS%&#)Jc*@-~j{5u0F>G3tvX<^GC%iMGxfGwp5V*;dHfckHm{@PiR~LmAh;M&z$Ux8@uV~_)z}cdi+UMWx0okBGz_eF{G?e55quB$>?7r=RYvccfnZ={2RrYsT zp!-RLOG<kknPGO@QD1#1+54jO zN>h3od~pv`4}M46?Vf${Mdaf&CjAKI%WAmHD>($yw9Pp08IC>K0mSAe3R7Ns;!1I3 zTo(C!Ii|w9ieDdePoySbk_IAVHh-v z-rIELHO)DD`R0phpU?ok!Q9OdzR;PBdk|0lBSoXgT>DQ#wGy2lPrg4rBhx36ip(qe z%6#S3+>>;dP^&X8Fx3MdP;3Ny7nUXy-aC;JE?Lp?HIt8W2%GCpqA|GTDa>Sf4 z(7rsX)Z9_=@w5zye%di*0RHRPO_oRcfaG$q9j}0?lw8SGSa-E9e|)>-YohWg`8K`< zx+J7_qrbzf#+)%lNy7xE^E)^-l1{W{ADxj39>QfO9aqsEnWIBlKUecr+uj;H!S4e; zzd)|WMcKDnU?(RHK5;n&LiF&J$cuOJt8)p-7|4RN#RRJ%hfvGSV_V3rRW2rO49EBS zDT_Y&688hAOLITHTQa5CdiA65-CeWQUz|6N*3C4gYVAQuX zUKUQV!K}NStfnqR3sI4Ozbc^jp=-mtVTGoW>1XC4O#_yzE-C`UQ&j(@-NvEWeWEZn ztnl-I#x4t+bjStHZeKs08+{NcP3yokpx6C5VNmXo#cMrG_%z*%^L6QO)?{glT#*BN z0%(4W;fL&0$<0dpToo$TlH+%szTjJchAcLl*I`HRO=RRRLdN!tj zr>rKUtBjc7NHdaU!x)rp9_L5lDQ02f8?q$Jt7mSrC?gsf>~#uDaC5e~HxxL>o;+wx zMlMzb`GYpIxYP9<0rC0CbYHfHxMn;uyr!EW?g}@MTNHuR6IbjA+%chA>m8P(Dka2S z_Da&y)b9<${5R|DJ3c~pp=C4&@r^g ze~;&UfB)Zg&iB5b+)wX$bgoNll$?42zXD9Nem77&t3F43yxpofI z&_a(rQ9NT0qNZd~JyTgn(L>FmvFq;umauiIHZl7;%pi&lZMBkZ@-4uiKbxoJK&h!3 z@gtmydGBW7CtrobA72!sv;}zU@8WRAz~_jcV+<85eU55sq_P8K1D)}{q^CH$58T7l zS%yaZ(?x{T_Kf?DD}yWXjFx!XnwSfZfVu>RBuf$a09U6bdG|z-%I>8nX$EFFESQ3( z$OK7AZHUKau-8ort$wsS7EYZ)C=qwut@Dwq-8E9U63>I!Tc^bvFAmxxj@xv|%SU4J z>bjSULz2QxW0}=Sp-Q~KHjkvcY?4LQI7zew@!=Jl>2#@CeH=x_l3oc8NRD#umbk|} zL3g9jOFv={(_P#sxQU0w5vY=8(2Q9TEdA})DOqa5nM+FUJP@c(W3(T`%^*~#5Fb+r zt#)9pp$f0qss0)24lH?u3JT6D47m!9YWn0UG`*G*Z2%Kr8X{w*jp&y$2)dJ)nEU!C zJ_V9-*ngBTG+rYRAKc;{ZfWaH#!!(x$1vo@kp!mYBv7rT-8H@HB)=h34>k>GpP8=Z zjHI+6F+Ti~D%ir^;_E*dDK5GICG1zper2uZXD;!6%e&z^K{=F{bAk&}x$%2jl^|54Zn8(Wzjz;eXpG(sAQJa3Ih zPLiuMr0x+=f<#rbX{|l?)&?IAzsV4rWLe5Y#ilqQ2(I*s}x!MttkG% z-ErS*N908c3SmqIxr1Nu;r9x4wnytP2T+lL6}asqn=|~`=Ya5^ce_;XmV?Y+3kde85#CzzYxCtyz;-&Z)yWOpt-$4@$|zT<%&6FRozMU^6fX!P#`dW5eS% z$^M;SqWjyK%vg$A2cMaL0Pm*t_mt}UgP@JDC1H|w&g{1A9#+p>>hzIIcA{^(Y?x*B zOIu!7pY<(l+T1yhp6>v(0(*tR$6ZHZ-3IZL2N~f*a$}~0&~W!N$Pm`LA2^JUb~{yRSF3a% zK?ZyqFL!V|rY86lZat)w>M*93HiJAVtcK^q?!-MFMM^K^&(bD(3_FIXAk?pRBkI}x zbIr|AQ)>nMEvnBH>v?tQP&w&z4Yv|70~4-fr&DXjzvd$9X&$Nsnm z_kZDz#B}8Ek*8h~eU2fzHTd#}qVOvN!s8KGrmWW%e+NwoJ5<%M`Jthhu2TXbD%;G znknvbk9^`0f<906U!Ihmmo3qIID7~7zM|?oUyJX#nzd!Ajk@`k{HVrk%J4DeQ?7#nHZAcGjA}Mqt zPsuUmmcEXrfLFb_cG)Fh$T4JSJ6*?UK|lnj!o&xAxW_jGS8BdFEuTivdT6+}(fe-T z%Fb(qzSf!s@$}OM_O0T~6Tir(-IWERM|-b6icwV!50#C$ixbR?bj0ppdpTm7%UzzV z|K)vBk5Dg*O9nE2dcz!E$jeTNY&4v9j1Wa96D61z^#D_TXy7vF2zwwKtP><1nAE!l zYP7gj$w@=4legEL9oEcmt#Gh>=P#RC@{uaeTv{Xhr?Ldo_GF{srjNTC-*W7>5<{5l zbqX$Ni*pS-_KNmh@R}h8Ly8n**e4o_Cv2c0wS;Hz{t>JpWr5KrZk4vQZ@E<40>uhE zNH3X`ABQxR(^B^G=eW}zcCQU}4Lh=k4a|Xiq?&BSwXuvJ{VbNT+QJMc5j#BFf(Orj z6xY_R9wN8YXy?OgYN!pZp79JSX5}aFkVk0qG9kG=I?^3<_;8t3fuoSloG_d8rof_S z|IK+0nUV(PHX)vy*5bxgF6YB%P%UV(7wIq|17VjPW3Rl1!iry9MN>n{05M0D%({UN z*!g!eF#`u=y>!g__X)Y2ON|OR7>a3$pL=T!xWc`vI<9l|@do(muRI4eaun8RN!2Wz zv=30d>J!m0-U|U&X>i*l5EO8#R1Ye1r%*}Gl1Ro+Zlw;@CGbrk0DFE;!SA`YyRD9= z9|d>nW`p>qM%&F~{)H%Ul^M&@k>ZPS#!2?`&l8mL1HzzoCmY;@_mJ8zfseUf&3!6V ze(RkBwaSHR?#KfP$~Pi7Lh>G}Hq@?J>U7vBP*jZ}j88=!MS|WsPD#hj=w?JR|DI}s zIb@ZjBD!JoJ}SS^)%;PutpEtxh|UmbWc%ldMK+(){CZ*ok1UO?!1R~$pxgPf$_M+m z4laA5sczSBc?CVV2CJDCWjn`_Tga!XE34}5fG(D|Tg(K!BDC8!r^ywdtSFKHJ)wjnW&o3njFMu}bfbG#PE3Dk zafwljLLjbBhASSr|J^EJTBU9-ms*De&29TqXl(v5%vJTrGBr;Nm!goE*wV&Aw-p0l z!nYT3#UyY%K6=95xi43rS%_Jdbx1y1>mPMxBQTaxxl8++^-8>lkv2Do|9S#O`IZ|X zC3f2S%w%?nwDYOkT;UKg;=WY%l`h^CIm^rsLzo=sil8cT0Xkv?%!VSsXZ|4-Qst(oasjqME}Y$q`2 zAx?<_K1Pz>R5Eid-7@#smLv@;6f1Irxr^G#mLFI46=>x;QYA+XjN*49CLj$tAudCW zILM6#LRTdyyUDshIKQL+^a8N#C+HY#Nb?6sRe~wn(wxc(0@-YxRGx^{`C4nsbaf|9zqBqm}}8Xl*B0u zfC*VXt+3dxmDCa0VVco|8*&^aIp%76Pa1le>($wQerU%Hp|awzf5k7uAbGZ=2@+#F z>Ni?2<`b3PL{`SHiQ8T{KA&hi`sRz&>0w)IF`UG-Q5C|z_{Z(N3CUPlbL+VXl#g(D z9mZ@Egf8(vD*Wrm|Eq-k_m3~VdF`1^sl&DDU_rX)NfT7YGCST~#j5P;6iArPQsvfl z?Pr~*c%Z#|r;tNTy(Bm3_rLUpFPlhdSyGcGb7DOG#3T{8bIPQ&{EPi_N-4}6WpnDM zySDp}2Pqf#Iw_YA3Gqt;)Y+q6PxpPYc!N_opdtU3N7~w1VD0du?a1p^?vga2F9S;b zZ(cvPUb!m&nK?>WL9goGo;TI?#YrXNbEO*r!b^n(gDuUan$vFI6-9}1@GXm#XJf+u znfC8=>Rc+FuF_yIc}|zYqho$G^;g|uAupA9yi6@*Xu}WEK=)PcX0p<$OVc*6`9jDT zyAKZ-iLMFdtQ%1Z437rtG@@h-K6v$mZotL$V~ z>&&cPi2y~i5~@z(L6U3Dqj9y7%XC?Cv1fgw3#&OZP=0;U*0Z>wsViWTl^2@M`c?>} z0-M{{qi-yRYHS?cP_tQy z6`ud4ItS4-%TfrXro%ID-8L@)qBH$d)(7vnWSCw#4(c9}iN3Q1oErULU85UIu!VOa zhxG*_Ac)evue1>_L(KeN^Sokj=+X3@5a7EPyV&-eFBTy(-o_Fic2abrESqe8%`?V> z;#aZ5nXOim!n!9C(lepDOn!^}&8}Q}3hL9Pd(NCoJs#ioS;!kUS3;eD`tmksg+(%u zvpjwR^m-CDIX8U!cnLi{`(F(0(W|=abHIM*)^XE8J}~eIkRWzaDFBKk$-V?Yd<+#2 zMz6*kg0Ui3O7*ji0cD+|8>y4_6l-BOyI)cA6gZumWWczIcmU;o;(|^yl&kmvzCZyd z+$s0k?^4J&z-g>wQVjBg<}q5h*V=>m1l_O9>pTBcN^`@2xu3pRGm(^X5FiXJurL<8 z3mZU1xxv3j3It6Q*Pc_hQ$~f~Q_wnquph6nhZ2fYCzRZYv!cg_GSLxfUcr`;Z? zNfeyq0A6FF00^r~wWBA%@h=SK%y3RRG%aP2ZE`&V-~H+JG0S?OJGb6QV3%){0oW&j&jJK4@mw4U0_Oe^?=m*`Q_eF7%+{=YWNlxzxIW5Ym zIByeR6vv1ghW9>;ablu8Fsw*8CZI|g#DI!v43~#m(i{L~DsD_UrWtg$Fq+v$*aP$Q zdKN0ab>|E`9J1yokFn(go|kK#WMbr}S{CATwxD22)$9^c|A{=}kHH%twWel?=A$O) z8_3RMMe7X;^VYx#a&?uex#PUt^Ooe;&d-k@-xX~$5jRX@wfu98_(DW5${K_kUo%VE zp^Q;G0GFl;?N@9HFx*~CkkuCMH=4z^=h%^3224M6YBE-lUM(&--*EmJmK#*%``z3* z=EB55tjvZXfxd@)tZabos2!gw{cIRliL?rAP}ORceyO`d4_4=~%#cY}AUBEvVA4_2 zLfm%;g%@-`E&yXf^vI45I!>^9`9M8jeQo1T+v&H$`qg1^QWe#@E_0}98aHqpqXx&2bkFw^x)Oqt#oHXb} z*u~!Wbnw{*73*gxSQb=^QWtFQbdy9MBMqC`5MoFCZyMh z51)AVa=q899hW%TyAiw$LU~QuCXk7pyHAy2S+&#+1EyT@e-D zSUNpXHthJN%+ES0Ua|PPeUNro(c9V6?{C$Vu`MP`@)ZW2s4fo7zwgvMEf=R_ZA7V0 zyR*H_vL5uuAAzO{=EDWEUA3gNeIU6L_u>mAWx8c&$N^^2PNyi61Z}(wa9HzHVaMuT z;odk{ll7cCIAPi#V^Iokp~`%VWMcxSY|bQFce!s1k|jmS?4&dHLh9JD=I9P)EKfM< zV}x&FJS@jrIfyVY@E4;&IO@Tzl3fNIC3sMH@rcT&Xr!hpB$`Ok7g)>5L}f>g2q755Si4RhGSG9g<}EG3xZ@ zzJLfFpmFw7L5*nWG1eLXt^gC`|B~w+*5ZG4iOHE!vGP=~D{wUl0ZDK=&Gj!dw+FgbC_=x4ngnIC`cm^+#`>3Vf<63R#mqFZi3z&L zyn-Qvv3m%?wC-;#VLnItmxAW^k1ea5kW1b>%)MA41FAAqmg~__I9>CQIyl5##S<;& zDz8lp_uAkO^}-@@#C4ll5kMr8i&xZeKG9YU6$JyCR1Qti!qKEsX8_MA_V7~9*Q{QD zuh)QK^=9Ew&mHm#@2o4*ocE5eLJJdxv^Gu6{?aqV1i}pi1x94jB%P|V{Hh-M&J%AGu(dwhT zMmQvr{|WgS$6$R7R_(iuA0%AT6TBr0a(-9VNckZ@duYzy4!5 z_aQgD)UG-g*2h*<>ZQ-yuX%U}w@#Zo6xWb#__E4YaWMs#96Sjhb{!2-&1KI$XTt6M z9QI9#q7T+z%|qnP?ZO#%qpPD`m1fQoWU-5I%gC;jKC^J1$#e|={ZFZZShG2EicZ1! zd58+sgKQii%hWAMjYHcXO4i0cm`lKRBynBNpM^b+yki|$k_80yez<+2oFo1jmnlJr zjJezEH=Wy-Ve`CeeOI(KavfEZFyBK-C$tw?!WX}%tgn*7!syK%*bPtBs`%RNGJN7q z64T-ys6Hn3Iaj+>5WdeP48Z+|SMRy9PG^8(r02M1C|8D1F~^Eeb^6Rw4;w-377r$3 z!FNFyKQ%m=o!TAIlTN(YV{O_V)43%5;{la}ym5*Isx?34@F>8p{toel^$ol2IQ zJTBDUaTx}bBVFfY#l!Kc35JB?%XuYiA(#=)YHZVx$_{?fY20mkm0!Cwf=@42kq~RikpvcN}@OzWshPaf8ibTCBa8K((E}rp0 zvfr{RxpW2s+~LS*2=`^8mFEzLQZjtN!D5l|g7xEY--v^KpJNf>Uf=g3EP1a=A^dLx$HqNL@QlVBH`E(_4FG=#`H=r!I_b z7(N)Y;ha>BqB0mwbKAou>WqU(Dsg*%fR&d3@bR)4&UeGNrQj|o8Y7VZh&w&PR3h@n z_-Aw`Apv!$w(>QGA?5+b)I4wO{IJa4758Go&C+5~Y&Sd2BwNknaE~i}G(`@oe^!-F zFKo1d=-jfTp87K477OxKs-RU-l8_j5>C!_u%{lZsrSH=6Nqb-_Wo-G+mzE7etQkBl z%wglxOg;;@)YtX_FfVh8iR`vAwL8Bp`S9Ze>4DhAl_=7ouG{w$4)@H5x|SQzQ>EDG zZkjha`S*!MH#K+`{*8ua17_o=mp0S%KgZNsfO0rRalx5!8-GwjM^17m7ziB1>?D^MQr@$X}H64vA`D4%XJCK zrsJL9byf0aF*|wb$F)@l9Pf!MD2u}pfsByGE{frFn48+#e02BTGG4Ayt{_FOE!RfY zWWvCZCT#E48_xuH+oyH>tZ)fb;dV)j@p;_i8~kh^_%2xXCLp@f-xq^D$}B&sS`id_p# z#2IYSOqHm(OEt`Ly5iD@KBrC{$9Av!U(w$y^=jpBIglBc&?M`xI-n{XM2X!(zNKab z`oAK<5>V5h4Wx3z?sY+oIqySF8z_hoGxiRSn#4!yHZQBvSYw-f@Rj_oTCY-ZYv?52 zh`G!PfK58)&{G0Cq7+Vb5Wl+C)TfsmRLL7?7UDFBnWqvI<7&pb7|L0STOKov*2;RE zHC7l#zWiSgwkVj6iwS{Eud4uc{yyPox?co>nZ7bCKH7h;m>`rWVKcr8Sh%xjL8g48McDK)V8_j2&B%5!~7= zenBSR@=U0u^4hXCF%NZ7%l$7UARzy>?awQ9=q6+LD}nm$(Lf#gJ@lzk+GPS22AxxC zTx99$yK^SBHlG#%4H~1ifI`2jJsVIfugS_ILL2z$;xIJxycNF*KgBQAe82{pB96!7 zIMiVe8Yk{8`GYLK9!49arsO&-P&E1QKGbKXeu%ZA0qlLA+njro>UFL+ZYR-Sy(h@C zpc&@!ZOQPj$T6PV_;=)}G+~vu+q7B(kz@3*ekLN%N>e_{EO^=Pb1AUTtR{cg!uMe+}p5gpw-(Nz1ozEF}N44d7b&@O{GOZtq)%*DO3g>wjgo~+eIa0){3|l7@$nidx`S#^;IC4%2Ba|e& zkTgLd?!`glu=s3QY0>hDW8tQk^~B(#xiCx&l_st0CmR$>WxR+AmZAD&Cro$S$Ke5( z8}nk&3`0HD5sFdE5Jr~h>;k49g^z<+i4DVI1>fbAQ*~a6fm-Q3@!li{L|r07(I8CN z__lFjp-Jjx2)h%Tc-4@(aZq8kT92v(4-R|Gqe7cC#LPH7S0I-r+{ZEGHa27C{N?zI zIz{^|?VctMdf+;?x2QM;d(x1tI&ASdba6X>gciRmMf8A4VH8WWq0K-b{dmAdG92ix z!=5_MeVemK#38zYrh(W$3{ZdAWrw-G*PM*ggjVr48ap)H8I0tYD)X3?8vbN?QMyL( zzfo2!trxkV-gDXa-S#!ysO=K!)pT*#YJp#pDE66aW^J7d9%UKn%9C`0Tq6!WZI4fk ztoS3xfH8WrEJTJ<1~&Pk!%m=%I5u8rU*-)WBr-h;7m5N`j)OVjM0R;8n51q)y8r31 zpvsJIzbY#_6o>Xca05oX;=YB~#1xazFFQr;0mzmQyu4g&7=k)~#zoW_bAl5N;-Sqh z$$Nn3Xih2|Lge~n|Ls?)sb~q`P?dA9`#QL|*?MO+$7wRFO}`fvFi%erli_{Z+}%Tr zRjTPCW3actmxn`~6Kt%c{m4&EtIbWN2r>1%k^8!8l~{vG=+d)0Pg)&+&9PnUHa8|Q z^Ws>tSA}h91U@`lU>b35VBFLR<5kV)(6-@UE;p1Y~l zsmS3}X-%&~HG@`qtaaOj`xL(@t>Fi1Z5dDITmVS#aFsW?apQ1gce@}NlER;$j`;i= z**=N`c6-k*ykf8U;&@fF&5J_GY{!mTv1A*RKRF+*22?2myo^fgdNwZ0hE^F@_p1D4 zX1NiCHnkruo@~shO!P+oGge!=;m?<+iG^672?=s!o{l+?k8M$jV4m7ycl zdG3;iEioi#6^b=G0miC)m%HWKDML{;VtrgX|N7(u$=3xQXX(}}GsMEGR(~=f(4d4x z)843N`*RkqFKk?!>|A@XxdQl=lC{MDwugY~_s>;AsDoGCOKz3*cDWBxBrq#i_hxh{ z*L*P4Zp4P1VYRVyxHs^Lf)}}mN~c=SA~#EL1eRb^H}KPo+`3D9u89JMQokg>*6~m9 z8z^XEXklA)H}x^JDYreYngM5dp|)qIy&)`9b>~_Pc4Ba2?BNw69<;$-k|I(aovw!U z;$$T`*w{oeQPK{3$s4Zl9@@BQ)>DLp8u6tZ7iaD=C& z_)p6eJZ&b)Iubp#Sg!zJ9u^vbQ60KLQ9zPbpgz<0cGmr63*TT#0Ga&sDqi4jHpc+B zjYQtGxFjx#L6QZk8S&BIKhpIWc^S+5-V_BGpT4VaL1*6(-#J4?sAGrTfBlW$YMLm{ z@N3yVwM2hiTJUO1%3Du=Ofh+N;C6M2vO0l3!BEuGi|Ihd&!KAZY@M}?^ z8xVY5q>tp`#!fVbMUU1rv_@Lm5`E)(wcUpIt& z$-!Z|D&(PJsvMXX=jCuy&e-OQs0%8mdjQyJ^LBDvmjM1sCop$r1^jZ*2;lXv%m}=M zmJTA;OF&=DoL1;n8+$tj>Kf@(K=R!S6KJ`h>@!A5V($$8cc7hIVH!}&GNS_P-xu#^ z&j<1)dZD1lyDa!WSa#!QI}zc@#Q&GeJ_uTZ6T#g|OqgT&uWzv0{?Fy|=;yD&i(i8~ zXIL!~NSb*Fb$TBRpp**Q=uf-_RR;Qki(f18OBohbSh4$asIb&w-gbxpEJU>aiv-uj z8u)kCSbfwExY`Jq&t&ca_PLNXkWKeOC=PEj`0#B5`NwYR50M0bJ-FJg#m{ek*dOQy zc<*4}<%_6a9ay5ZnPZ|tC-mXP&09ger?W&$3LmU%sBMqM;IE;utMwO zi&ZUUQpd|Mw~^KoOUniD0Iq=fVOFmiP`cfq)$FMa5HDYlH*lVv^cC{NI24|{_a~St zkJss%V-1lzDN!Dvs^$dWSrK!JdKU^tBY!+er~rokHZ#yf@$o<_iOn3l!8S;jA;*3jGmm~tqs z6n`HtY*x(!CcPk5pc@K+UVq@*3_C}UftCfyT)m4M$~iLxojKy2okf@h&#<$pDhxmM z9@cAK&Usc|5bm$|AD?;i$Y78{VL*CX?Pr@xd;s7AyY2M9)R9d3tl)Qz18Z=&qNlM& zN^4y({_TW%g5;(K!3KcPT!N35!RiQ&^zX`TcK{fA&cVf3NGT6r;Eg+4nqylwmO(fbJfWd}&Kum_bO z>k(~dx`Wx5n_)P$gkDFK^BoK0tS;^r5iHV>*y6U(=Oph94)~OWw{u#J{=uT~nsZ)W(gSkQKwAi7pKQGw*$6t*5jToqBYm-R; z3et`5OlS%nici9u<}p9seMQr55=|uj9y!8Xi*5y?HI|J|gMNLaYAXh&SagFR!7{lE zxIm;21qewIyHHM6=olATNSRX$dRzeH^r2qZn`^fVfPmTb?9YLlr1Y;7PZAvpW)`H2 z6~R2z{OYMXSAdP}R&|92bR8@6?66A2Yn$M9agIe5Mm~y?;pR4JKY;%1%Vdw@kKlR^ zt%z12S}ecEN>D&Zz=~Y_WZLa`X;RFxIJ4J^-OH zW;2A`49pi-cU%W!s5lyT&#=81gWqbvwQn?f0aRL8w3TsWNov6uG=sH7CVQkbO&1>A zxM>z^=2g14>f$%anVNR0H{rtA@wV-JGilvbMS|8!Z@>o^R=>zptsZ3K`}O+L@6ymK zV?#8@Ka!JK3Mu~c{=om9)q`TO=tZJlHeY>s9WjtDtG3A281ToI@ncl(Jy2o7@5iHg zrRsP&>rDIBsS})GG zGtY1q(vua#m4?pv-h2j1)*b9%iwKuqO~}jBc5K9>)VlVsAkE(r=W^072Fyf3DZI}$ZxvIx3&R%Nsbb!<_p)aX}SPQifqF4u?;Q7Vce ze7HrmtI;4Q^D~+b?*)k@I`91e@VL|W*+CSGdWDE@R??muj9!M>0yZK)$|4E_g+0da zyAvGd2sBghLxIAL*6YBIHyJ20Jh()8h+G%Tilz{`+DR;$*pjtLl z0W8#4Y>im(GuC42O&O{YMmO=bR$>76yt|PJ9SRDg{)m%XeTh@KqBIBCP3gbUy9K-; zcg&rhiB2_)SqI0!!w@V~)IX?q6Woe+be#7ArlMBi`(F=t_FoQ%=a|PJT7PD|scqP( z8m`KcA{w#ki5s1Zm|1L&Q5k`j;1JL+vX7;hl0F0gi;M;y7U~dM5wf)(1-Y$@Aw-KI z{Lcu6kO6t?Dn!3Q>k*X@o1n7LCFnOecbVa>n?)IzMl$pJ5;u&iM>P^K-@$*UCimHB zf4{s4sP8f!F)CT4FLW^>*oW>x(Cdb>K-~y04P||=Sq*rye*#Q2oCq;fmg}Q?(#GF{ zDA5wwx2Ug-e$6(+D?pX+~Y;1B)A&-{}cs=k#B_+NX#UY{qTf! ziD@(%D#91yP?u1w^YBq}Jg&FVh1_j#4NY*3yHdcGpBIWXoK<;F0DsG5&dhV{a}>ME z?ZfVqUT$bCgkumC_2VJGVJ;KO7-T;18{EEJ7jb4WAysO?QmP?xViR>()t@{AD94J(zmZ=|xg3@`+tbd2E(I(-l z@`8%iQ!>FEemFDdsdb~UingbZtFP7R?e=#|znIX8*2VZzPLR3Bh|X2hKf6@1 zRfx>qaa}tXfeaZ@YQb~C>5r81uYO#7tA2bPmgpl&&}7}0x^Np11gQ;3Q@XfA5gnFd zL<}2IX7X z)8#&uJ%=>sEVeI*H5i@=5d&kQ9hkjALPl@QI4PmA7lBR6u;W=AIYU2%I^hmjPS|Hj zx*D%4PbR>Rfc+sOnkQb48^<_{@P?2c9ZLS2K&>0dg9#;^$Xz03iLh|zj*K@#=)}j{ z4I_p>qwt5PL51Jq7|O#5m3&9(dP@d$lmF(Ce!pn^)(KZF2!GEx4HetX&-~Fcxvods zvt1u@h)pB8whut^r~bYk2e~LXh~2d*nlb4r35rT;GOfR7R-M?viB_FcYI;%{UATJa;n%tsy+z(p>d$vnSyo*^tL4c?{|{Pxj3dk_p$K z-O!IZe8$gaS@d(HM1*e$2Ew`W`jYk6C{PM2$lDq#J&;zpBLN#Rk3t<`@O-N9UHgi% z(v8|911;58^c#l`zNSQkH?SaTa`A-%fLG-F+!h~hbQ-hj%kWq~B_zB-Dm_Z#h7tS@ zm-2f0SG>AR2bXHQk56I_9azI*ym?=+UJJ-ga}^qUX-zZf&8hM0l4yz)ovM3%js{A- zwmP1OHDU|wGWV##qQhFFEX(qk?ub(>4#v`--ixA;g2>i`!rAuD1ql0-w-~@xf_s#! zm3h!|1*9YprgovDX<79nM?Ke->YoQ)3aBwgF(x^{0mc*o)G~n^gb2 zs1@mKncs1w8gZy!2oAvB)4sc8Vbe+Pdvu96NDFA|@Dy{C7F{pt;io^AWJB({lu5d!uUS=-XP%PITd z&y@ebQfoo4B_o+|jmmC}SjdZUm*T{yVAn@W7-YcCXalJ{ z_ru%QU;0`1bDbAPD4{p+W@5>p^H*$6baw%G^8GP*1SJDciwDebv807gZ$05!Sos0~ zTbStQ%G5pr6gIh}VqrF(1@-WJTTX(9pI`MFvbPYe(w>VPV}Zf*ph;CkGl`8ERL3i{(uSDhk*!NqX%K&7 zEoqa_T{iG~e*V5==^ZnD%R+0F)jhnhiV|;l9eZzGRSx>9xY)#?&Ylx3dTT`3rU~j(P&;Hzj`nRd^Gc~>IW|W24*IIwmW4;Yip|0%~PR`hAkg#$Pb&E zR*T{pz~$Uy7Zh~^*cgNTZOMS0`)nQn-qvJpFXYVrx;I1@e{oW9K{8h8Nzk-{AM{DK zfyBi=_Lav1$1kOeU;FXk%Hp~9r7ddLVf__h9^S2myuDi!K38h@3B!IZaH?~@218(8 zBr`?HZ#J0hZeRS~X78PlyFIZjw|&cC?ZMH6+`-;s&~s5%HKl2Qk$R$hjyC$)5_d#U zX>*wUWT?8bx;049VogTmFmF`HGxNe>`%9E)<;!}TC7WH&Q4~`l0cn>g9W}G*Jv{as zNE{No4AmZc$uDVNhae$R-Ivs^sWXW@d2)3^C02*vC&ZY@$g?9>>?>45Xe%V9nAE zcaxoKvU;RjyAZOWfq?Y@JLFQj*BYd?i#PyhO7XRp4fxSZIs}wYK6L=Tu+nh{)#JG~ z4j?@7pyfu&jEtfefX`Af>zebxT&2zV+8kDA@*SMqFQ?+%9=GODt@`9FMt8*DH zf=L(Ub;~cttnmTiFT74mhGVH@@Fn%+jfiXY# z1Rz|)c7RzQ=`TAE=Sdyu2~^ocS4TWDHY|6w>5msZb>qeY6y$o3_#z)*J5@f3rxm|G zm1wH*`q^2^h68525O8ZEkAMRqCAS?LmUn<6gPgti-1bY4`*+Jn^l<6^W#XXuUc;n> z(Q)K}@5%tXJ1~^S*)|<~xA-a+dsF`QknAL7YUcjXN9@=!+3|+7Q^p$%{UN{vDA^k> zz~=VZz1J|&8ecDHAxqtMSc^LHPb&>@(z0T`E@*3P!1Wb-j4#`>&AiT#;U1Y#I16DFs6P$&TS{oD1@8l+c?oF8raSZ zJg914h`$3@{=^1sV>JSTz~aGIWzOSUwkn-HcyD{i684$rGg4cDqRZA$K;dmIA7nrx zrCNB=7K>vT}-Bz4M@9+Es8E==oZE z6pXH^dQ87xll*iRi1n|;Z7feztSkdSFro)9O<-IGwyy)?5oi*{f4 zxwL}D#<|>CJvxsY8z~}FoYTj`egd8^(;6LrnjyGLFJD_CDA~>DX?Z_Wq98L6JPOjd zf=Qwl>~BbWU8+RJAgsM|P&<2l`&Q`M%&jt=nd<200c%Pgrj>8`uEsrmz0B++@H--` z^wWcVR*cnP;bed=m-aT|KOb?Y#dZWJKgg?mXi#fiiz#3X(e}zEj9Ar&KNa0!weD-; zPl^cO{%+=w2s1nul;XB(1&2pj<}am{rL~2d+@cQv1b0#Y*H%Cqt6VEMm`daxEoyIL zCpCT&!fH%kvp)j)C-ne{CuxhBK4f| zYC6>sfE{NFCH8fF4$XFT=nHH2gzwA(rJfj!|NJ)8l;J) zif$gq0zdm_$Gf7uY#bcyz4@*y*N{y*oxN$A-yCDxu}1R|ws=CLh#%T7q;hp+OkaO@ z3QIXzJwu&;NCFRsg+2OJBk815>da+_o}?Pwub0lpi00kt1RE!B%^#&Ba8iw` z$DcmI^4lwoPFEwYK5HgR`%uu^dbX9bfd*s6&+kNG=c-Onq`*s@d%?-_tp5n47pK*< z_dk7nzM>8gq_ye_(#KY!sH|s#y&!q$3pS-xc#n+@6P%(+ZEWBbR8u6_@w>ne568id ze@+sibolKUq5BhmiHPG2aOlcq7!W;K}ASij> zzdw%p%(7Q``B1Ff49)}cPBL*aFxVZML@f--KmhBbpHH;A;uiQg%hFwFBKjEm=XvxL z?hoR(D#@nj2J{n6Z1WiF8a4@Rd1b&`J34G->xxn$9%f*X9+zHUqtsor%~=qqN3lBp zTDQ3fa`UtQvsh+nz3qnmJ^RGo)USQ+BD(3qK>ZUotolx;chzDt6LO@qiVA#&Z;Ydr z<}?>65To0yParX{1G0jpwwD}NU{GJ{fe2#YHFRPjL%4_6sjRB7V2$(?FSbZ}Cne5m zdD1Z~;8+g*MB{=N9W$9R`wIBkD>mcO9aGh79O)dzJvzJ63XWfDOua)PS@b?}G1btl zYExpF@w$09*dBMkuheQmg{fhH`D?UoI^VP&5eLyi$DQ<+uC$GI(EBhgjlr(De= zi+Zm|Tx&8qRciB`R9C9v>r8@P5S`+ewM(q$+3E#K=wjkd(=}23y~iAg3MoQ3Vddz% z>K=deglf|yrZ_|4RiF}fUCF~>%0gW|8gX!u#5NtojDp4aS}EJ<`1a({<@nZzZ?hK9 zCx;FUr^^!WA4m}w?FNd9qo3HQWV^F8G&-~RTQ^VoTT`kA#YX@ANf6>8e$tgX1AFo_ zdN*<~0Fm3Ylr4iV{6=8g<|~;}7bh|ycOO(CltrfKv0e0j%Ca$hqxr<;R9(0Oag2TZ z2;UiRsqZ#n=jm%5#f#~|^GSy^6CdkL`%F~_QUQkhQIBdITlxa79hy+>6X+85-Pwf6 zLtx2!tQn}Zq6j5kM!o}T7o)1B>L}`G-(!r=Q2FUoHgqX;nd^G|B7LuQL+NQ=p3Z*} zM;B@<`{7Ls%+~R>44WGh7wRnr3&`;=#6(eMjlY??6>X_sF>Xt7_RRL_NnF z2f{tXzB_Lzp(xGbeOV9PRM7_6-!O%Jc2`sAEqI?;giq=+A@z$du&0y1fViPYm-h7d zdrO~PVt%9!+PuIA4^9WUq-cXJ?2K-Iw{DmoT+>d%Y@t+p#18n20@%{sQ{D64zJ~OM z8hU!Zopk3$(*XQiu~7kL82?4(R;yB@AvgyJD^1^R0a(v++kKV1XAUx2K_>jDhvFH! zO{;GIcl*DR^-(} z2`<|j(R>q>ga6RU#~6y2_l!ktD_heh?Jitg>m^^X^_YAKH8Mc^?@wQrgpaMZFgo$0 z?jbBAel@(E0d3)6&^mQpz|3ARZ$de2(B}(8jQ7>hEK!1nY+hr5P!5Rz5eFs z>6ZNgJ-GpvXldSRtxrNnU3m{P(hF|VIQe9lWsoxm13Zyr8@^1=cic^G58cH=HY)9h zMS-u~fl$PQ3=qAruga6vr__;0;J)`vDc*|!c^W=0An}$8OoiL%O}c?{Q<=Ss%3(X^Qz3Gx z>qs?7P=1fso;DLM=!t?L?&0A*4e6l%dcBW^0B@0V_C?$H__x~@Ukgw;#tBjkOgy?y zb)WciB%{R~?y@etXj{FOm7aefBCr|lL7f$DkM|RlR_-Ug!7h+E3=tnYZ`jp?#z9g3 zcdtC0k|Raa-D#V<_B*F;M+=TU&z<4R(H0H#xgGH0ua)w8%j)6t#dBd;(2CRr9dr)% zeTiTHL~&abvCD_yqngU6@<0aUutyR&U9%&bF?dCpd3atUNK>1@)4zU@`FpqV!@5;} zq{9cThns=8;0$?wbUC@PIpCXX>e0H|l>Ea2skO?tc!$gub_XPiyzQ!eDHHl^h3gF^ z{nJNz68}sw(os2(513`2_&V8iwn!-z_im@7@0V6ZotdWV&TCxJ4E2`^}`O z{o-qrhvA+)bpvjh?KS7>TT_};50%>$XY z?BokC1Ck?65kaLZ4VxIRN!KBT2t4zq4I(_xp70f`fW7?!U`xv`G3rU*aYIY(+(dPZeH|;(eCh{48=(wA@hDF%FX4q5UV z25Z=|zji4hKWvUPI@|m!b|B+1_jumt?i&ZG9)(|xWjdhYM6|Fmeg|%Vbi?kIA^O_O zsl|sMj6;R*=LW?8dFR{0st@8I5jCmx(Zy=%`l8QSS2BK|m_S?5Vkp7IqKG(&A}f{I zLyX`XPZ9Lyc8hICBy9XC4sLz|SKZUThm$uJQvlI>2ktUR(+RsdKev3Nc)yix4y4US zNBOe8_vpdE1%1;B17ww^UzU_F{kP9(FxK#qY% zV;JQ~Qj>wkL7s8_qdJn1?ciCx9QLAK?i|4pkSa?1aoiY{cc>>T@h05WJ^wUTx$p9p z?dL!jA#b#my`iW*WEjA+0t5vV>HHCM>Fjw7{4bmfjbzQY44Ee^zpg2tcX(^qWNxiI z1P@CT4UHBXu50@Gd#E~hCNSOIcwh!ncTl+bfp*p5aawR|Y8(3=lX2Uh9d38|AtQgF zGL;nLq8zL@XlL43Pvjf&S-+w@ll*wb58pe53GNwaflFqp9gdV~x^D(!MZu!lpdJ)? z-20?Pw&p3?=o#i7J$=_z+3zBcdakw}7*6y)9&5d0j(PpQn|J$86o7&hNWC1MV#~Vf z^y?%b1JomHbZXOrOU0R!I3|B>HtkRTmw2EEy091Zd0-u>7U_&jKR$<|38(RhV;Sdj zeLEE4zj*pdYDTjl!rIMEzAL5h6m362eW*31%WjpNh=9+51((=5YmOGXEPy8LJVJO z!LY+dn4NP|w4G>fGzh@r+n#iJlCNR!81W{{)v>~N8wB%A*7W?s;W9M5`3c#I!T$Z- z&7i(_y{#6^L{1Aaa)i>93;Sx$LT`s~M%~RjTEh9okeYNBEMe@Bc4{oejmLG`H*KZ1 zX_l=V_V~U$_q`^LP_mzRu7*K8Yr>B@Y36o}?-`|!rvJ}E3isnoxB^jmpdH z9e9-F&V3|FK(xd-0W-9I91QxfO0^$p-{oG^_Es~^QMp)wLkfR8?HeaD8hcX4KKH9B>5EApiF*pef?mmB ze0<4Co2FK?wkKjlmA@s+6xlLl%twcoHt#cUr< zVoRau_~jk~SA*zDZ2GBY@%PpCs*nn=_#m%TjMY0YyE?l?H2-wu^i`04RI)9uiA5-K zw(i7;A$_&uqpV&SnK2X83XUpp-Up^+JFb^grS&TWYaey?tm;n=Ijg-suL`ZMbEyozlgIC^jEPuJH)b|( zXfYXU1b36WHFqJbslj)6@z_{(x6V-VeA}eQB>Fy)&jWPhp)Klae}8(?Q}ETnrFYzeZnq0k?A7%GeEXB-tW|;csS0~ep(0lNR`UuJ{ z<-hwZs~0Ze8@4X|6Nef%fv)-&yg@!Gt?1k24Q^sRN>YFd;v1Imfh%WxUKqV;h{2cm zBuZDNc)tC5k$YZP7pSP`Z+Kxzk;XP^?bP4CyonHS@S?4tYRVx5NN*O^)Y=NVF|Apz zWv(qBn(uGqwm);teVJDYl0bcDCeDDXz-vUomA2g{kj-tN_?P}A>Yq#dCo2#wHhcKv z|Fy`{W-$14SCRIS(D`7(y&YCs=KGg@dedy7;H-p-MJIhO!SfKg$I1M>x_o_s1#n%>P*4Y6Mc$ zZSD;&j`MR}Ib#6W_oG(vQ)g3GD;iss9=lRHh*~)^LRw=i~yU)zTRr(Xa#Ak4J85&dpNR!xzfB3Ok~cBftkP{o`ye8x}i^k82>+n zy=7dKYuolshe`{m^w3DC;J`@3C=3mvNTZ;14Im{TB_&-dLl3FaA)S&^0|$>jede*w%-|L64K4Us?^*)KaeGMBK%L3Xi$bm@#X;(u zT2h0NEPbt$KaLv36_O@e8OoJ7Fw^_xXps%FLfDu@o7}jN~F>_xcqh0KvY8bxI zRwuL6Y1Jsr#!0W3^d(Zq!kuX67rC%!<)FXG+p4zBp3{$wemyyUmL0}!7ekrU?PLXK zVe>y&uuX(c#ZZkxXT28Nzy__Y|LsfAk(}=>AhGVmz_vpfjwj0Ar+y3-w{(L*6HLJF z9vSe=B_ED+I+Aqp-D7tMftzlDy?R_-4b^nn!Yh{iJ#XN=IyInl=)A}B;%GEei^Zkf zaFtGlH9qC!LY-!;jXabrx7l&kaAZY|*Ho#>Hg(+};NPGVwezztN~3#@Om@cZYgebL zS#aNm^7{f4+dY40-de#cX_bdNA8fc~N&_6^s=?6z61)GwW6#fzC+kO2*F^TMawWM6 zt|wrg`JYKnz1#o>!u^7W-x#1%OLxSY4{{EdIa<3=_9b=CcD#k2hYjpb9z>NZ%U5T= zADBFea-#+rYy16*6;~&3w@?~=bV`D*j2;YoOhW^zTdavEoc(vwf`|Mz-85NroS-}m zcDOnGaQ_-?=mN`IO%It$E`cFl=*_C<@ZEH2PbW8xd9x}QOADogaCg4XSgKFuV?ma& zQy|ow2gnQ0gITrq{*Qh3>Y+>Wa%HP{%OJURhWE26)^aMDi(m?dYO{O)F{O*~sWrDc zv3?v%W*Vzeni^&(rk+|gR@s9X2|fh~ic_IKbCS~2Lb=s@%d z`i)snYx;OY<;Ss7+^E7N7eD}}rOjySi!GoW^GGNe-_5D>(e)Po?kKQeAa5TXA zfhSvIi`a~LLv~{;M*i#|duQ@d(&D69peG}A(G)~V-B0&2K+{a`LANa@`+<0#IV*lR zH_d=WL8ZpMd4H#=gS+rgtQ2(WNhsq()$Z!H+q8%E;Ds;QJt=(oxb-)%X*I({3q?L| zH+T3Z%?L{xICY6`U6WyOOVjXQzHW|K6#)}@%y#LE%jZaB}72~J-Jlp@C?rZrJSsUyDEl55+jQDfZ4LIfM!kbx; zD%M-xRbGa^JV-4zCxu{|y}B%e()G6|EzsRY*P3?w5pKWQI-< zNvTLVWFCzb7y&}KHj4u1qen!OEX~L|G*nQ%1TmxXbmd z6^Jh9`2%sBd0baAfZeyvGFCPPrQh=spY?X=2u9KQRO(sIE>rltHuxPMg&Kvk;r%Lx ziNy@s%(&YCl%jY?+mA%C1UbBqw;V(GM1f&1d&gz3F@uvfIt#5Hu1ePzsHJev%bGrc zj6TBG5Yw>oj&`7Cj)YES?Auw&aVFU28CV6d4a+spmp(s_4J)7JReZBoSo&+YeOZw_ zFMtN%CM>|(sw%bgkv@?}+D*%QcAh;vM|QxoqBi)6)AYB8iW&pES&LL^Gg<~99sJzP zKFVSNU2TeOJpHHA8vr9tvDNS<8p+8Y;JjByZTX<}6@JXdy-ZYHKN5z^*Jy5u!&4^G zi4j9r zL_GasK~TvaBl0;=8`bK++~kWa0sqVuPhL!#T%sdE1};C^#y2KgY%;afZ^Ir78@h=T zCg&RwU}#?=SV=gD6L;f}G4pVDJywOYio8}`2c`l1Lr+5T)j0O?FYZNs82`tjI9U%f`bXy=}Sb8J;o5> zxSH&z%1Bh1HbZwv;~!J9Po}nP0X2(t3@REJui_fqYuI>L$-cRo(K4h<}A1R=< zSs#U(3TES2REbm{4tHnZc$>P*r8Q0z1}AN-qrPvwNFxkite!AyC}JVuvXq|CX6Kz* z1I^Q5r9$Ql5}vGdCjgXQaVu%A=0v_j9wMq-yTzgLXX97$nl=7pxi$N7ty~#}G(F%8 zM_hDZU=YuktZ3~L*H!Qve)_B7?uK}-gdArgm%2I$WF$8!ox+a>M|w<(FHT2;%v;ld zK7c6QsH}~}AOGpTLm9FShr+|FwDT}8y>~;l2bO=i)&E+UYLl3i1!cr~DJSR6 z%d(}b)N{4XyCOSLj}^+of4w2WI!@mpFZpam7{km%Ld`Ui+79&icNF1xq4riwUvBhC zyYASnKQ%kTcJ2}N41!&7ivA%|9D|--jEy-a&0bIIAiF%Jtq3V|RGu`7a+lw9eL{K#=V`}*IX$cWtocFV_sS>%T z>|wY~OJ;=)uL4n=fvtxcb;j6|ILQKnKYi>q8!(h*_^L(38#h^wR)Wp}2pYskp<81d zppF=gX)#sTb-TcDr7=z6?9bc%&qY6C6@AP>_#IaAgb9x`$BHNZIeF08jET5$NLpqp zLmuAqjFe=~5v;rpcqkT~zj0WR@*z@N{z`H={s&WI>7T}|nZwLvAtN?&xKHJUSDr*& z$$SRj=cM4+=9{TkT>X(Yjpy&D6{Q$TO7kRkbeimLPZDI|kd;V z>D0rGKtrs`hXgNiDdKD?lc)$6<7VriUjpSqB@!6A^d9MvQpCl<+r~Ln{1uJjGKf`T z*B<$@>!u`4Ux247oR?coW(Et~iLPJ#(7fG#G2#t9Oxx)T9;?N5O&DwHtJ!LGLA`j{ z#6JlwdHtrq`vH!1Md_)NHKs8t5VtwZWODIIPr_{o`->U6yA|GRk|xaAr&o4rn*Dwu z%rU+u4Z)_{x{XSjX_QsOmZ3e`bdt9Puw>AP-;{w1p~y#=G|T1|T6HO16+X@IG2WoW zy=~pn+ehX~%ve+L3_p%|qlh)fo~w#A?+@Yf@m0;_f0qwG$882ebb9OH z&i9~goOhOpOi`~jh2z6P;p#EHUM(Fhbsx*zgUsF(QBX%3LAZP8hg$Dzk!VTFSJrYh zcN3qc;2x%zF*4EieE6O)*~E!lgEXoCKy0Csx~V+uL!vj-qWR9 z1(Ls?@c`4v*WrD3lc)-zqd_8-h?99<1+#GXO=X{ns>jq)_QG?F0@At`k#Ufto|Qfl zskj2D9J$U&&P+=fDe?Yj0QFAOK`e;K5Az6lqgI0wxesfXxNk#e`>q~0X$BPCR z!YNq7)4`SX<6-l?bM-7g0fPu!$gambio>h$RFCJvp-xTaP&)^(vGoQ1hN7w2( z7IJ_nKIrAA39p9Mgx_aLJb%DH^)+a3@e|s<+JYH7a7@0NFkH*J59FtU+CSe`TRlcd z9XN(~*LxdCx2|gN-0U6n*fk@ffX_GSZ#hN2>Pn%oQx|JAus9B(H`MkKB(ah4uL+wwFK0P$u4zQuHT$RaGj-tYJU{V+VOKRNq)B>Q~QWR_6SHQjrr}$WhmyT(7nn8#G;_bjQ4d=iX|qW1i^n)bDx*OPqv@Sl1D$G6`vqC&PU*!Jru z4-z)SFKVk9W6~&z{MAk03NOp7cS*m3JaZIc2&|&>fgb(z?P2n+xVk;t=DFt0f*n}N ze4+AAa`>K)oBS{FJNH=ZeofsuEGLJL#i;xEN(WQBeove|YZMJ{wT2|NU=-a$DG_%) zem2o!QiovW*L7cKYhv%UhZ5OS1+=TqOT|vJmQ+)ikOU+0E7*SrFn7e?>B4x zP5kchvy;Bf){yx{_}_b?k$VR4{4)65>ht9L0tE@FFH|i#7Q!l{bFD^AKre2ijk2W( zzxJoMJ#lun&bZ7%5g8&FtHwuUzrt*2wR%Ow{+{(eBg(^z^9`b zxEd{aE3y$a`1Xam9c1AMulk=XmL$eoRODB{0Z%411wW*JaHtE!mv=eca6jK|w*GBL zIh`oInI7k290kl23rdAntm-3b-^e#eZV`7J?lBmw&x0|#GO?*}B|)V+X)g;WJ^hR+ zpcpObA+^=GbF#pf@Gw3SREGt4)>|ag^yoL7Bu#5-d^W$=^?uzkOv3^t_mmvZP+X}c zx#${!(RPfuc!IXhXu_3`~vZ%d-ss)f^p)Cxc;mPHF%|z_rBX9T!!&J|83^ zbpwQry!Y140D1@V11E*y!>C|N#0A^IKmHB9@t*ex;d~^fREJieUn1_YM*2ja?4b95 zeXAtz7j1A*v*ZG|GQw4)GfQ=tc(2|g6cvg-r?0nPvy*3{V?+pcjS1L?6mTxus`3ze z5WvT6qoPh-*_b?VrFW>m!f>z&IA0S+FLH^F)nt>#Fj~2nls>vOSn()_r0r>{X$ndi zYL=TGK9;v(bHDFHvv9om+GY3!U57mxq`4B>Ti4sxInAd%lGRB2kAhAXGg80}?KuaI zrD?AE;qur7+_QwhHBo3muzvo>s|8iET4gg)hfTu?re^8gp${UM@75Wu zN!E)#4-AJQ^M$Hu*DSR`G-Wa?5_h%fUJF7+@mQ#udd<>P-xDgNEHB6cr++Gle=(jt zLQAIQ9yTi#UVn*3%l1%44JOiuBy+}fe5j(e!?lnMW}EP08lK7c`gX{cThsakRgc5f zpG1{gLJGhkZm62r?yRcWVMoDt!kJoDUMFE*l^nfR!%2i1*i_gM?}(+LusKS*Op1=J z2x%tAzP~b|q3{RQc25c8`WnZs1g?nqrfcUD+LNO}M|>75`HTCyQkim6rhSgG2JUF? zV#XM#hey`w9`E)A$D?m{ox<)diCT#*@nyc{8Hr>xom&Y>v3bCBY~(_{A8NwK7Dn-f zL0jf#I`^MzES=8Y`H$^)rSIOD_Duo70@@o7EV@N?=OdL~o#cHHSDTG!;&t-RM(e|A$}%ExQF<6YTa%F^cn#SyVe;+9kHgyyDqNW9yt`a{7rT z(T#OtmKX1`Jo?axBTDN>ny}dVfH++_{nYOu+4KKS)C2PIjuf~Lan4u#0&|iztu-A# z-Rg+*!&eL;$^+g~uj4MFuWTPWxD5)VkqNcr#BoDq>;T{0n3egiqc?^{>B^IrC)G;k z7(j9|nV>g`lc1%Ei|s>12bU}l-nQXxa>cj|BeDquRZh8Fk)1??f}IqdG}P=ZZ4nh{ zxFd_vJm=K+8Fu)JV%3GJ>sGXA3df)fT1A_kyWq#tT9-u1ueq8GALKY)ZAt7Y-{+yB z=G7`jvaPB*2Yf8CzW_H!&Z;1Mh*R_!#s?<#`bhs=UY#0mpNM|0;4Gpm`XigCPJ-l2 zl9oWDtL)OOcH!6*gDTOV8YQo+26&mWdz|yvoYhfNuk9f%&0pa*(xYB_c$F}M>^SLF>tU&?K4t@vDD(l@Uzi;%I)1n(FdcWWRzmmj8 zgpr#7_4uD^lPs*h2xbm*+0#jZt8|M@GX|SWtTII)T&4Oq=aZlJgl=rA)YWn9(a6RP z5}C^L8@axmu?)SIxEePyDR?xZeI6}H_8rLXfqP(E4tTRL!`G4LL(9(Pi8bN1G&=4MfcKt`Q`P%E*=`)21ed9-*aoCr*x)nAaveV_ojdB z0K&^n_f0TFnR!v5+4pOA8rr5jDWfB`mKFSN(Sd-n9$GY7S9b@zag1#{J}sx3%T+V7 zJjGwmmD8%e)c_4(F>UcBl@zRGpccPCs^1NWw=gVm8vOS;nAl3=q-mhbcQ&d<^{xV| zy>`BwF}Mqn8Kb_g~pD+pgQ%T2?_P!bD2rJaN7Kw5t<-m;wFbEg){h_K)-Ha5|`0Pf- z_8S4Wsc9FY&tr>=i9H*r=6z*kFaLbQOvmBxno%y*0IIP#WXpeX`wPgo-|zfw`(llAFu9%bf&7J5{sYSplf_*e*QSI?)!>;>ppjo zsYR|DG@aP**UiFmaTe!B*ZM&~T(GDDJJSHX(IMhtpG4$!H| zz#naP#O~YXF*$|_`u)YV;dh0q#8l(O=N$tz z$N!QQ+r-1SHl!^Knx7-_+v|SDivx(ptnBJ)|iGt2OQ!ye4alcv*vu zJOd{Oax^ikVt!clV6ZFTQU_Acovq! zPaDYIoQd4tfGC(DQG55c?ov=5&47*ebk+kvbA3M|tM2rl$7H%zs-LwM&cPth8Z2x} zOp>?WJBP=stof?*jkW~wpPopa?bWuV%4Y*=tGjIP^Ujp7;{rHuc z!Jic(765vVWu3|>Z+FwHuLCKf(C1ntwc)aStYg$w)dadd<;2udS+IvnF}QpxeEcle z<1e*={!c5S5KQuK2X^1O&znUtiCjCU%@?klT! zXw03ky`{s|(!eEE^VX%b!G*(~$#H9GjLAae5bM`D1Exm@UyWR zUFP~8V)JKy57QY#sp^6%^X`DQ<|2h!3uvc4AkVPLMBy#8MxaHh; z?NiGtblM?Nj=>eNgd%V)2G=oF9{K<-Pf~54C|r94!zS2wSULdh(+o{e&z%w43lPgf z>1~g-An8P4psYguR={4z}oC_l0I#xe#mA+wxx|K1UE;fc}h9GfTFN6UShOF%8$d=tY!I322YT0eE^ z;5ic~35>d&@+js(0Pw>`zmnimVqzgtLwgz=2jSW8SZPSKNaGCm9Yd0e9)Gqu+k$kA zD~_o!<67;*0DD#E(g508*6w?UNXl9EU?b_^StY)ak};Ke@6X91czL`gU83D7cGPzq8Oqy4SpV5; zq=6^|x<$SAgqk*~itThU&}=&c-COOt&Oh^qA=Gi=OZ;rzj_|M;-xb+4d%k6Yjc<9L zj`Qr-xS5hBem1F0HU0s`jN23!=@`^ku0r1GZn8uPhjq_OS zhTJ2=5K%mYWZ*X|b|dovfl?+y@wga57)%;BneJ0P|K7B_a+oyhbms%qd$K<^WX#4urx>Wxz z#2J5FE=S&?l;Pfi6uOq;ncn;_P)yi!@E07*e0Z1j*3}^5E^7`da?ZJfmyNh5j zP_jo_jot_O7^!jrzoX1q5z54_mu$c6PkN6h+9**tg*#~mX@%nQ)1|c3D9lCMrWfU& zlhG~@tb#RSalcouLkKFai~M)Ry$zWcFQSn#Gz=1BwrI4;QLWdvbB-->&AF9u^acMQ zsLs(XP~koloGENTq;nroL;52~w%U1Aoik)5mN2o|;W=7J4jyP_9wbE>sU^A1OS`RmS7PE1WAv!3;AI(davgC_+H~ z-XnnF*OKhAG~^L-)fBiGsUisK1`-?~%J}VVoa~6x3zbf5W*KiCqE3!gI@!p?@Qymr z{@$KD28{p-7PzF+RTUrwPQVP{ZgSWri%n->CHB>9XiQUO%kh)aT1rJll|YLXnZ4(G zFZjKxdWNmd5y5Ix$S+^W5W-SDepRWN#1E%Ed=DEEt!1_gS58^`bG{1Jzq8#)uw=UT z?R=4M=<7n1^L>1Q(q>k~L_0+kG`o7ahO;8Z&5zw8>-hsUwsEf16(ai14q%I~Yu3>( zq0r2e^8#9Rnj21944xqrN(&A)Px*fxYzjA&Ua9RH-kBxk(~&ZOvoD4WK^?>TwB@W* z%tz00mHekueNBBr?7)m}N8=8{$yo-L_b|vS-q<jImV zdsbAp-r-A3GQR%>pU)lgY6d}leeDchh{J<0;7=H0M9v~nh!7*+@7;q0dAGR8#W>d! zhG-4WB#YIf2Y!33Te{ipa!j|fGYOGDgElmLYwnI5 z)yXn>)$FkC<~E}97AoBnBm_RN>Q+e&33L%yMl~MZ270PyzzxFdE?a=s23+&Iw&Vog zC?mvte;~jeP~d}7e|#kqT7A(_hiKnY@1jPvKN$Gt4>S!s17Vu}HMI80=&0iNTZWy| z*94yr)96)aITLMkRG)an0UJ#XtTY6QNkbmnLo`}nf|sXT%y{saLHt;;SRx0B(Hcy7 zn3#b>qX&e><0X#CC~UvOc^pgfxg}aOzrV=f+8=)3V56D4p!iQ70yUpef7b3^A}N1(-ZGT^ z7lc{_8%>-V4E@4$Yj}@e=Q6|*(aCvkyo$2%g}mmX6EVd0k|~lT%~(AcCZUXfn-zT$ zBCx%EnxtGJHklMH2akQ3!{S)Xej2l;|Hl&of3&EoOl_O+Ikxiqsqj>v$-1$kAccT$ ziL9)E_$pZE+Qn9?-s{T9`lI{>-25wxF40^L;ZJuyeA^vJ!;LczM9tqhIh`@SExQns2>NR)0w3~kdn88z*^QK&~ zdhb(gIwAT^wh5Z*U6%2@n`N#Sh-J8yjkg8ySZ#*UvRIqEEq z>Tw=n$Q5*k>gVq~!Hmn=TNNSzoQ4q2Vt&!>rPD{&N2*I+r&%RilX(`ViuMa%S(Wq= z^&phpL)Y><(;eL;&+uJKK)xY9dV{##mM}XOe9lOR0(R8Xj-4ud-V5m3^zHqZxRes@ zJb$2uYKq!5SGK$LB+jm-4yC3~kG;A4Tt>PqOyk-}%arfSJ>g|sO=2r=Rs3uoYIf@2 zw#uhb|FyiC?T5QhQE?ez_QZTQZYu&ma`s11Wf8@cu-2W|oU{#niXbeniOO$29V{6Q z95-ktN+3wEZ1n&Bbt@mtB@%$_%<^i%D|N84uK3U#7FG)qD&S56n9=-Obev>fBjm6@ zt;*hAZaHf*=343rN@npF2p}PAZYU?eEyNb9A>V;70rd0I8!(3acZu~oQ1a0|s-g+t zDwc_VSnnT!!}n*$?lSzdh@TMZI{u{uJ+38aE<`VJ%cVpXtGTHcZVH)Aa-O)eTC+j8 zB(+Lglo1U5&5h|(R$s@vYjAaAPP_;HeQo9pkT136o%ebV=O`nKpC%J;FMhyDXMg;X z*UTu99kMe^O2O5IF6B;8=MOX^&O09_du|F~OG@UPzmv#6h5Wk>Te$|8a1&LG&FWTBsVZ3>CKz6zQSM{^x@pPw?S9GU80^CbgGDt1XCEvzAQK?PB`S64=(JZ3t3IN60pq-Kw`}^PIY=z^<))hF zWC3Ji76v*mS#uE5&3yhKahAl7Nur37u-hC9P1KI-G@`RatU;nH8>w08oN+i36a=<+lJ{cXSJ*$@66wOh=w7=FoCkb)tsOibVGg?<(ME zZ$GUeVTgC3Wg0Wo1rOYHQ+X91hR=7{Hqqn}2YX)|q0MG*Ua90VkvJK;THh0MKuuHT+w zXbH7_+(dPYH53$VJmY6!rwlLZ6bA8qJ9nW-)q3x}heXpH)zI#VB5(+e1gukk>pf)> zHJLPth4OccuP*PIZ!gn_+c06H9S5pCsZAF{_LPQfS@Plt)?{r14?aT4NsOAZ?rfhC zC9#<7Ti$)WCov3zf%4HabmJ70_u1qQHVn){T+jvziZ3qKGshLsCBIZkc~YtB;*@l8 z_lq*OT>)cO7}n#qB(xPdd3C#+uj#Z2!FJER8rnw+io(H4P0Pmt1zy`t_CGh;*r_!r zyk{2u+O#fv1LuvoM*WS)z_(wC47NrH@?t*y!^Dt+`>OX;l?xN*a_QFHc){6`(85r! z#Vd3RQb;M+NN6COz~M?hYk|~YTykHx+R`-0LeCgX6nA!;R|}uwz7@L_p}%95=dt7m zlSTLdPF3De<3ZwT8CXNaq;bY6pRp6A>ASMhhuKfmjL`UR2jgI??gX%%I`<30=KEHm z{BJH3Qn}i-WM05(Nl0s}QSf9tTPp-8y>vMN25+_Qzix}*L!{8I4pZHl z`m3vY`6)g|aq5=n_#hgoYs6-*O`wZLYJnKxzwU+HHkY1EOLeaX)}HFxyS+$1nnW3$ z8VE7*>68)6_@ZlZ_nmf>lcO5jE4bEjXUX57%dl2zSj{A|JV%txsGO`NXA3N|=fyW9 zWNTw`l&_g0q$FGl`fb#e&R@f3yAEw&!HP-Sr{iODTV)`O8L<4pt>RNTM?8d>jY5Wi z1C{E^ToQ59ykATN3E#vptjF`C+M2O^6e521mt|{pqW~K<^ui4HDLq}+k}Lm>z*fR& z!n?-D_NrAdCrU@OWKF9%%}9PNNKne!dhI#hkvNNoW9(KC5<>BP6w~C@E|*Qecu%b^ z`s){7@;4D~rG1|R8{djQ_Qz5y%IO35tuXif^#7M?tO@Gq($o0)Xf>RaRoHCOdm-#H zXT>GGu&0MiaJKTXhpUPvi97KqbP(zgHD5^k`}4U9t7}NzAC9a-SER`i(kCHlNa|u?8Ce|Ywt`q zGr2WSw|HPP6#}~-!Ru_tw@>Z-hW8V~^3PUREmM9jtIF%~*doD}JbgHqDhcv1s&h@L z$luZNmBOdP=S*;cQNA_bx$^bWG@z|K<|PvRTHvS10aP;A-pK-*E47oJznTUne*P4+ zvHU>~`<5S|RAkZ$=5UtQ!ae={x25I^F8w~$wRA&z6jy^+p*DVnoN1jt6&CUfxp6(HZ>q!$xr32wdJE8FPa8K!Ub`)N)1yWhE+w@Dq6MxdzOa^L^x zRehOJaJ@}X@E)$EHX-Uw4N%>{=2S%~@IpU-_S(%6+%X^eY;W#^Ow6joXwXWoJGSw} z4gqzlL3#)VpgLC#`eMagGCqnQMQPTiSp;1EM^QPd2M}|Jx#)u>-CF@t|D)hk{$V>jCALDE~m)HhUz-<;S(*Jy2z~Ddr-2eY=9-%s5jmpy; zm~;<|cAAuk()1F>$I`j8v;4Lhy#=lF*{Gg)HE3zcIymx7jwp>i89My9QUp411o$h` zUSJINrIgGz_r@S89vF6S{mI?5tKXuFTf;c~-$0v80Ox3w&k}tZAEtE=dU5m_0>G8m zhh1A&ET8WPLivxtbonim{{A5i03yc^Y{^VgBxrt}9M%GvuPB(C%}&X8G94Th3%hRY zH5B;Mu%2}<7H<1>zOrezQm=1w3)sVdB&A|@w^2%QO^o&M|ePLazoqjM0UqP!3F$!%)~Sp1)myxJH8(P z-Ae-t&_BHamuqaDt?()blcNWb1H}7aA&dqHK%rJ%`M`X!!!>oE{;B;l|6 z_WJw16dCRl?}xvh)!yFw8Z>|{WT^QbOeOa1`=HYcL$_18`U$eReVkz04F2P^y)P5{ zuEHBv4lEhta(+*BkNpYkW;G|RcH)$&Z?;^!WCnI--2F-?+*ZCICJYv^BcE+!@u{N7P5C5sUDB&WZa!QKidz> zU}1NF_y8E)afdCjN{QuMywsMx`SFxR1aFF}V+GKcs0QWFPgZwpe_ekt8RTr*-88@_ zf&Km2ppT!8mHDIUm@JP6#~X@ySxd13vXqtDbtH&UE%0Rn;?O|T0Tnf8i+Poet{dy4Fb*Yhy$iS2 z@Ijn-R%bBKMEK*4z<*bVw}d(0xv=7wTbA@kX7Qq=opKKm1v6(Dv32;KE{iF$mp8%+ z?9*JFNe&CVUk$=fd7n`InaHh)9lludIM9D-N~JX$*2XIHow*_*AlKr@_-cR&JJXQ=2;4o z_%c9y;zttck{3*_=U}Y#XlaHB`W|&mR z*wfy8JOVRO2buF~*mF`zfcs zEyodM`qLaT>7rFL>aFHuCrAU}?tN~G$t;6cu4-tt*zSeC!s;dq_%MR9*oT)lI0pzeeH?`Ab?xy2e4iqQ} z?Ar#Q7xPLFS`7d@)BU(k@Z!Lr45YyWFtrB&^fvx9!jz`Q`=Y+my~oS{Z6o*#kplN& zIE9Bq#L5KHawRbHGp#Za1+U3+I7TX~<07MvKI;ZmwYe_r2YJ$~lW>wS$Lk8U`vxOj!_Jd*FYZkQ~shygGqd_@3L7KOUZspvW{ z`$k3~RsAKwvkD3}3ncScX#IO9^IT?TS|ua+n(>dV4m2HH7JhS0$SrkXjp#^~ z#Sm9s3%lW62ckeEhh%yL9XLi>vW9k#*UVVdHdGBCwPja;^Ht@eDR#%Cx@Y$RHLQsU zl+;iIC0hJx1<$ekNrya-UV?SqsVsUETo6*uN~=j7?|d&nDW#eU&S*dHOc@VaWgF7K zmVX9At;CE<)5I#A?8fiox%1h8WYCh~fy3O1>+=8%=#&G{HRcyL73F=Cro>cy_M6V} z;I64vK$8Dsp7-;XcL&eCOxI#$IX#7RXTuu{gw4MJO#h^2HM%qdE)6z-LvfueY(^AY z^9gJ|GPGr@^04xvQUD_C7HkJX)Rg!LSs2dx`E4^m)nQg$5zc1qZenXhblNF8kaw}n z{wa?15xkGWGAX2|NK_=n zc8I?94PQ?B0~#6QsvqsKp+?5T`5gem=Kd|Y=2$VOvY4BkZ~n#l^}t^3z9KoX-9Wx- zwJkX?@t#;Q$r)3(89ls~6h5hUtQmyk3rY|7)nrc^wni13O!D$|Y)r1JE2XaEK`8%x z#Jv_8!6}3}Z~R_E7#6$ZfDR+=e|Ko6-sYO*64|5D2zH1hintr`pCN%&FeI&ux5;%r zg8F(O?-a$nBvJxFsaQ`Bv-!F}offI*6{@|D!qQepCij=zUErLCgjojsc10(sqMA5UFP^E}~V)YX!D13r@5bE_0&DV~Xoj5+EfQQ*x3o_D`4 z731{bn^USag;eMQi(l^9HJh`|7)d|?@DQTWEoI7BW3Y3id`=j2nJDb1!tl57DU%i> z9p|Zm3Gxx4MCelZnA~0sNgvfswaX>^ZvXS)U*%qkB=_rE(X}@?k}(iL`XvWXm|tw- z!1+mX`Nd(7H(WK1u0Tq$#xp;2qD0l=KPr6`vGLsmG$otL>scHA;PE`|>EmqezJajcDVUgQpjU$nZ*+@)mXD&_ zTy^s~_N|@C#DO^Qhp}>t`dfTe1Nh;GgDAsdmKdd}r8B>G3+vx?O|W9rx7bJD5AAup z1LGxyIUswMc!>1;6t2;xFQ<2+lzA2S`fcBlU^gVoDq3&yGjo+u%f~;4){iC55-7cK zClR&`wc_Q^Pr2(mKOZMwN5aZFbz!N;fK@r17kP3dagFJFrpW*inyd2!yuHR)-*0de zlE?j7g6zvop%8x}v_c7lc0J574ew<=%tQ-3ZBgKXR%lSZJVN$x*mZgnchyg6@B!gW zumux1`J;cu=%~Xlk<-PhZuP zmxcR?D;g5nh^SCbaE+BS7khSiAPWzw5mgLQp@>^~PdTN)kGfckpoE zI`K1tKc4hdsyvs=v>>f-L%!%nl4UQA(Tg~4flU?7F$Na7WKIkj=t*hm5Frmpy3Z%V3M><9Uu{t6>z1bHL zRryg4PUH9uw4m+Dzila*AztJBwD%)#IB}2Hx9-}y<+X1sw7k7k?t`dvS+6!Uh_T?L z*FrbmNJj3BG)(>0z0a?T(u02(k8awZZMeOzJu+VHQ9!M+R>&r6Yp)B2kd6qgg11?^ zTGJ)BYU#WH3$4iSmm`Zmi1DG07SI0I8+>ZYb;8usF~jZudBT+urN539=R6sHNiQak zgG-6-=a*-J!+A}dW6l6Ox^fMC(wbq%DV1F%Nt@jyqJqi8)2!hMVt!%KS*V?r0rku# zsyfj9CYpKVRXI>k}n(DGs6v+*{sp!>;G zaST3c{_MkkHPVc&4-{+4|DVTxl}S2lmhjzucrk@A%vXw2`1fAg4aH7{vB_}JEgt;# zUa##6Y0E2I*V`^zhF)>-Y3oBgzILfH9clGPHg(W6?>BAb*~mjCmbUNn<#fngE+>sx z3S>|`b?bz63R-1CJ|LH_Q{SX3mE$NS#olqLnN;{fA2yb_7}@w?gF8wN5ZshQgROrG z4bQ=o=}(t**X?tD+4491V!;EB;ywD>jHff|cI?0>u674VKfqeRPmbB+BGM&B=I$!aiTqQy9)eLPx?ft zoR5LHoZU~jlj)RsTIhvIJ%@A(SLEef-@2P!vcqEj_l@@xN|wPS=6EvUyI;@s5A`0& zb^XuWxm3`5<+Y9i@w0v;ZMV5iB3% zAzp?hPC0ho*6nPbA*91;ND%Y28geD2QE;|jl_lg&FU7+#tLN|*hPo3zNy0B77ng3n zM<2buudPJP$F;Sf{}aYs>tvwr z6d#gFR3&1i>a#=)p*pnnh1LB9TTl!=r2gs>47w(?3c^vmd9P6QtS);I^X*r2Xfi-R z)@4RGi;_*Ggh+g86-)~T*QdtY<44|RQyF4Dp4%VwJkdi-;z>P5?Ha|TM~iLb92zWh zuIJ`we^SqIPt27$9e`CgLJER;*Zc{1coWa)Lj{7eYh*pxCtgzE61XoYY)JLRQ{d@m zBiY=|A6|wlOhs!7+IujX03i(f&LJgST-%C!F}nFj^R??IpGWp~Q)r)tmm%1We1IJ_ z|96zE6!4bO!_r6Tx}u`>syN>{;%$WIsT5?8d%Xqk_euq=sjL50NL2v(gw8xk(Z8`q zroLY%wnXm7MZ2JShY*71QW;j)!@0a3yYSaNp+9ggdp`xNjjCI9(>Yv&IbJo8yZch? zeYhJgE`t4Bw!Jd@A}^%+>ugOn+$UIWqI6ugB$+!Qa7x#asz~FiDlC|-3T~BI0qzpl zt3kQxnR|~lbKtxs2`B0Gv=5TBX`hegYuf8cQQWQ}NOFHzRm`U#e|KxrK#Q=cxTG&eI$Bce{)D`_0E!Df$W>cr+T6L zSEPF%NNc(ANNh<0?!6i2vmB2*!hr7EG-6gP?C&mg2!@4L5zelTH2u-JaA{%8w&)`P zS5RWVcbsvY4m^E|s$XFc5rXC}{+jrINPFwBDA@H~6hsG*7{ZTkrKCf;LqZx9R3rri zL0Y<`1}W*G5lNMjlJ0H>q!bW_7?d8m&O3g4t@HcV+WVY8_I3Fe;Whf!^W4uJ^EDb` zdP?y>>5PENiY@IXdo=5j*pM$&-eCk=96Uen%G4!7_}G2p`n_0mQnNUP!YZ>*~-*ho@W-4sS&{HZ+lPkMTC;v@g7>8s}6K)o9S^b2KSL#{Cwh1K#Wx*zmC44 z#Y^gIAD^W7)Ku~AlFo-(G!JbVy%#c0am>4Vvv^-!?+FF5UAJzG5*DbwILhl9coKin z?p4K>UQ@k|M~)}hON36UKa0NOms!GbH&!6FRME_t2gcWZ4XI2_A}PXHa-)-1OP1Ip z0$nhVCe^xE#8aqJGCvs=J1c<=V}lV_Q`V)Zsr(de4y}>`Bn8BC{Q9V2#rTR``JxgZ zwJDdJjPpl%9;Qz%wqtomMUthslDzVh9;q)_3Y~k9{ni3i!32%ZTo`a-oG@v5baWg8 z>!(8O znxg0WQj4+H`p;P~aPs|Iad3IeRINzlObv7iS1td=qXGyXM$^!mO<@#0R{ewn;NzD8 z_y3bl`hRC!l`wBF(djH=NdAXizVNuuVdJP++s_Uu6(Q1_+6hsp8`=uNP>Y>_uMr_g z#H+5NP8ZR&sAPKovO~dP-C(vCzsey7&*kX&`h7gMjyy3r(){RK*51JKbzNR^! zG`)B@YqUXNdfaXX?j(jrfE*~U@ql;nfRy%UMJkEA<-U>w9CucPv%k7Qt|3l4c_?}M zRwNPX+mn|iZ4V8f-E%Y9I>mT61JoQ7csE*inTCm_IK2YqGn%vwD^37p%5UB`L-2jd z#+cHm(fa%VmFUCMr86bkcVCKU0LU_BoTAACK(F<-lxB2(l{ux=0`LM06Ise#sDn&> zrslewH&ORSnu~gV*s_1y&Gvjm_R9A(tHnOd9l)GlO^G40r(?0>5N~^f^`CRGm%#R^ zMMew+Eh54!DVj}P>sKK9qA!dF3Wb=qg^M2xtWQI<%56C$hS_o{?updZI8tXf50#Wto0OW~nfC|Y zYz*QJTO&v55B!(NvsKfXzi{UM5Tlx?Vq8o^m(`LlV%(CB%oP{O?6QvTIS_Pv&7b+0 zDVDoRJ#EyQiqh8+it)`h;+(tz0#D9+76FA;n|53?blrwDek^JU!rW;F(ty7+Ow0MA3U(K7E=Blgqv=uhiflKJMEh$s5|oAM?HEN z|Jh-;tYPD{hptbC&5UUCZnSmBB72sn1+w-Lha#<()NZHSJYc7ij0I)(9;Vq zV6^}L6PG-FH=n4|QoDrDNsysn(usj@+Y+>8#Nj}c$%0^71VfE@x0tQ2fv+thdvgny zBALKY;PbY#x(T3d-NAsbAJ0H1FX{<;dW4r4*#!C8;=<+T0@-6HpeILx8Od@daCmyF!frdxD26#aaq=zxU zmxY^H=6G?{xHJ|gUxK+xAY|Ys*XMV5md_HtEM?5RR8Uy@&4>Z@@A3TMb@MlYsHq`= zUhdLLpw>wj!VUi8E;YKQDv0_UwC7mK!V22^} z$j-f#U>zAnEu?qC{EmtbeY9{sv>?1Dmt#baQ`UTHM?(qpGK#K)3Y#|We+g#e6VZ7m zl|3^2D!RF{jf>JUBZU^^-p8Abf)+sL*nW@kCM#(xcREMT7oPzLt!-BzN1D?3EXdQtw*vl*=~D) zW4zkC<0M)?}CVRRI6m za&b1fdHvV26g>a$F>zL&%Sl;32Sj@W2DN_KLuysf+-w44p9=*}RiXzoAlDJjMzNla z3A6zQW|DVY{Dw2chw7^Rv`)S!m^ zBi?HuV~+0ty0_#EXe?-ko+^0|E2X#)^$I~%X>&v5QgFDUmanHY_joOf5o34KJ!c(m zisfjJV7{vwr?r8TAx)60!Ay9o*w}7CM2=xO2~Z&W$3`ymcVwLePEKb`o}ObUF+HkB@8ljCFec)k}2#1UpEPx`MO# z-k_7q(1*@GMi#I(@u*woyKOi3qV70Eca$9F5sh)tIb+k$fzy~i!jOO15frKsA_nnu z3)MVG#bmC1aOGksiwb%L*cLD&qEprBe{HWnZT zP_NQzeL&eDi})fa&g?nv^UW0>N#%U#cAYSPrd1cH^zv4?MAK*aC4(^ssC(g_<^rZhPgh)zh)}mKPtH9uNwit zNv2*dgu=nH4TPWu6GpNq?9n1kez}O2d|P6 z9m)6F@1XS*z&q@SlRc1x`57cc6iIjIZE{R-%~`~>g?%s`>c>Myx1pG988bpT61^=t zpuLD~!{kb#1D?w6(=n0Bgg+T?_@=d@x(%*zandP_yJhA10&tY78pDMDun=!_N8G5x1q&v3g0Nxv7kxCiG*HXo%-fYSGlzE_|2j=&ccj% zmb%9e<=l3F>70NtYPxU`SZ-*1v>aeA@zU--BLXC61pMW+NBD+->$I}nr zEaGYiR(u?~HrLwEF-vq&%>@B+8!U0{=k@DJ|}$kJ!zi$Go*)+1?B4H6i)6&ow$4s>lA zCQXn$yeA!its8~B>P*ees0wDMERuCV{R&OYkai0MPW^H+OiXLji;2sG3N&~5IAfT{ z9_zP(!f+~2uuZpX>`h}=1fogJQf`if6=H{0_EWec&iTkFX4uB0Y+2+=vze#YEq{NB?yf8Xk*Lv_R|}0zj!W`F z-NRgM+j$n2fBF3bfuFsL!@`q9)peP}mt;r#y)*8y-}m3CDZ-wxvB_s2;%s=RsyFlp z;v>>u)fXqBOaELEy_4E6Xs?(=OX1IzuGIFg0Tc#QaU4PmXWqkzYtZl*_6t!-<<*zgH|5(v0yS3p)=z{>!MkHKal3lWX;1!C_PD5srHu zXp9h&>aXrS1KhScXdhqpBDkfrbr%kwg`d8?wU%m&nAI7k8Bce%|F9bTpI*NvPJMF( z@^-gHoiZNxztCmbn+4R|(CJSn?#I9b)e@I-@KZU#xR%E|MNA_1c4KB4s#*1g~@0(7rE6KP*lM^d7QeDQZ z{e>jmf?zx>J4`W5OjSR>8K`aZX8yV+fq&BGN203Uduz6reBs>AL(LZ;)DeD9EgYykkH57)bwyaFi{{;Yd;Y zB&PW~aOFtcP~`O)uJnUtmM@1&?Te3I)eV{6u)h%^(@Pp?obLaHGgJ!Hr3&epcjM** zeJ2xBd{2`xRgEgP+#OrWe_thjzo+hOt;w4vvVCw5&@SJzzg@^b;-%biXe*oJ-vZ{E zH1Y3xpRxF)2HJtyVD`VNd{Dl~sqWdwIs6jR;+gFxwc=etAEK-R@sQu|_guUF1vZ~1 zQ^>s@Q_Gk*xuHAt{4bG|FEf7;<~XJTp#)d`d~*uPv*FI#|FJtZ`@S{V~Ge<&3OL6@C<-DKnxEkHQ@ukk`L#tPcPtP_%uN3W%9{WqKO7=NX z!V`3zTou(y=%6{Oaxp^sGM+2>7T#yoVphyup!Zhbx|*c}^OWJ!+8^6s{`DX)Ew^(H zP?G(a#KcC(1U2+*8|9i|x6n-L>3uohA)#23Eud}ByK=qGB!YN_Ov8zr`pn%M#_r1tdD#s9=)VA$uiolyP zv8~ZBP~3jZQdZ5DGYbmvH9yU{H}MWP9F`f6ot1^F7-RjqZSno-s*~!jv(W{B0m5kq z{&hK>5wHE#{E>Tp#7v$Sos#=N~&MO6RpNdAxSgp>)&$TF=#q4nR%lk-=#(G0Y z++UqFJzBHd)J!qKZ)Q|ak0-!PfUU?nWRBpUE4JSO5;fq(*|GE&2yb(CD<}reHxL@DiVdg-`rd%Ex3_qsX}ch@a^CdVkn9H!ClQ>9jcZgRTolL+RK- zlN`e{k;6UR$70%IhHvk)imnIYGKjemFM4R`$-N5HJF5vQV(3>#mV`GWT+rVSB9Ng* z6>-L5Ip;B&@h(hXs-n?s>M1Z0*n`}XP>fHlxb}n>rdQmh@#8#*P<2e!7J~G~Wkwo= zyih4?%cemQIcGdr697X8B{r>Hj3K4W5!e!L41PD-G;h)cxv^n<3GDRu#0avcaY%UH zF@RXZ&um~*Bz%$o{zMWcx8y{ZxP^;)tLVsX4H84%eS!w=ScEFQ3O4Nah!|aAAnB;f zs3kdlC-(Nu;K4rV6v;?A$2o8xDd|94HlB~=DyzxDc5YO^{uqg7^CJx*S9<@W*X5&w z5`+ClCM`jpUZB*Y=T;?}TZmePh>+of$eugfYjKso7{uokud_d|d#0v0=ihoL`5Noz z5lt;PW1IWU1rGA1{tC9|1ow{Cg+ME#3)Gfotc((h*Q;?Ccz|Kx&~*UX)XCUfi!*Rr z3BiZ8&3q8Nelw37&2`7$mt%J1|u|usgV>~L|XN%^ez|S3Am(x+|TK+=8u|F zU|cN0Um3{nqOt3hOiH(~~wS1Pbs&WnInG!;E_e-77CcUIS<9w=6ZSS>NeX9~q z_9^RYY$_b1#Qmuo?zow9DG{E*X64VdfjsOJ)J#f|PX4z-sS~tU)}9)yA@?Pp&lCBU|-7i#c&03YHjrhfF2&p)n%qjR`W+bUBUVZYakn0fIn;{x8f?oL7f_u&0 zsBslti*wa_P!j=(N^Qw{?bjo{fXYI+#=1p!o*6W;{s1l*-V#G7k7m@c{Nvqk#8#SD zT1`wXD8-@yipOxFwe>Yvr*^8kTv{=%F&{J>w$8fkHLXA|6kJ)Ay|>~rY<)|)!&a9XD3ETjF=^e8V%bVIu3_Bvzq_<8Wx z@3tQ%+HO!7y7XEzGf7X!db{6 z#GoGUxO=TR-%3k%B;)&c6@ipG-u_@wB{7I=pbxo(@-X^Uf;EH12r!HPd4z{x)Gd2) zmPf59btCRqB9Lv-kS?Od4}Cu54a=(qAPmZM&Yw=CD3Y@lh(hgL9kTW-zH)dXXpKyR zPPcA1)lp76;+Gb;pdL9DsV{q$BN==@v7-VHb&5X2c=hiDI=_e|#OJDd; zDlYiv%Z4Tm$DJulGZKqS>LLpUGB4fAmc_1)^setNk9`R>=P@`o4gYQBo$`JA!5)S0g5BM^g|*p- zZ{uIzWc{7Sp+6M*-klmGt4slilO z+H-FL%-@5@3?cu=hD{J{!sJnu`%RadS8sL$*q-u{xs5q31&4+6M~rcIJ#bWdd3F+N zKMM3cPaFXIz-lQC$Xt8_3G(cgX z{tTBuq+)#;m}h?%FWl_O_24w>jT~9NK|TT;dCH4sKvo4KMah%rampVt73}Gwtb5;# zZgXcGpYM-M)jZ8q=Q-}aw?d)zyh32l5@0TyPpbI4K!g*?UR;&FHMi$IZ}fVpauudC z1l0GMn*>SD(cDoOzG!%tMD)0@qOmo%Z#Rnx_o{MgPiG`v^2D!++)PjkSsh?-W$wYQ zdtY)^0d#2e%&F~0reEN`4kmtF+d)!i%7K*IjG3R}dOBdcOQP6EY;hSVc%F|{f<%Ru zn#>!-fQz~{D`Es>`if7l4ZnJVtD7mf+S zEfwziqCD(E2jWM}TR_tJY3$qn&@S8JGe9h>UdYEdk&{!zKbIHQp7UqU?;C>_46h-S z>F<~t;qi3=n`_fe;Qf%@ES>{&*b z8p0gA1!PAFaP#-(#&Z@Nxu2~W2r||=i^Bd5*20vCS}?C3;M>8vJxmtaeuwzM8a34C@Sfj3zyVz{jo(~>fAzST zh-umpL>_+50->(FO<=p3GtxR;TpqP-&*FkF*<|k1`1Z)y9C$%$c0I(d0F|2-vTU62 zYy^~oj~zgsxp}$JtM6g~({gXGpe6uf)S7B03t+IIGER7XHE1EoeZk;rrojev#H zrqCySp&?;?caZQhCG#M49x#2LePt_MUW()^r7-o~HAAlu3Wx!#oenubuzOA5p8ZP_ zIJ2~yVeI%(zg1{iwy9n$0GRYW0|<_*HgDB1d3=&wK+RDZcUvV)c>e-enK#dZ`0n8M z4C#^;yE=MhO}jh5yet%3!YU;73XFmb0h?dW9Smi{TsHwvDbv-NVZ6B$@U8Wk*hCok zjW|UI+4fRS{lT<7%-^zy-s7_$R0e#aQDWaL9T_+gK=R#e(pQ+fA)R4VYhPaec%Gp7 z5sdrG_C?+C)it+8{2oN0qTk!wR^TQi7CY>R1rTo91E~l8#p&HopO<8Lc~f*h+z(xT zx6nPn*Ftx=>*ZL5qJ&g3a%)mr}0qKqcH9Rh5V41U8Gylb$N3AVR{>8(7khqur zx#^8)Q#dg_O${avnb{GQE)Hoi9|q9ru>X!Ghv5gL|6>jzEqpalqPPWCgb2 z-Q0%j<6VJ0m7p^Z!#)QhqIKDifc}xPlR3Sp7AN_d79m+{N{Hh~s6PUZ%NVs&GSZ4X zV;RGNPFM8i$(2+=xN}#HDokQj1UmtTPl0dL8`5?&!7x}WAS((dR#USBGPnajofO6$ z$*?L1_co4VTsUi@tJHM0gmNdN?j)lhT6e875w-bi9(azCveZ%y7J7m$87vUcNvd)j z+m4mKy{i*}El3)#RKI&g#h^|?jd6hsZ+Uj~SYq?C-QK z%H!)EJ!)xWw$|A$lFTxu-7oM+Z_e*T$9Mr{O~-2?YoE5KVu|8md<6qw9{2dHvC6n8 zcH&`VJnn`=DUn>dKXa|=VBQ99`Y>f-q)4Z@-`t(q)LQK*6E8yjC+T}tn+ei4a^FWX8f(qQ?sph4kE~b(omh8v5O5w!RK=(1n#TQp=N=1eIifLokI54Z)V+U4xhYzy$qZV9Du@BixFFT@-^%>vQxSXs6& zL9hCiEM}=!=dE)Fel^uF7Le^f6g;l-Ze5J|#S$NLUjEAhs~J4PVf#X|LWu1Q;IqReOOTuzvI>V|gPGmilQfmm^&O7Ew)6Rciqa2mJ^bZHjBR^S& z8v6dD_>#9vH2;4sq5a*2;@v-oDE_~naoSPRpKo+YR9ek=chot|Xv`tTpis#i2`Xxt zKK@y)p-K(Si0x|O|4n!}Fw|nF`$c3?eF*jAmeq?qh^`2SHqW3nKZniTh`$$4a-|a2%4MtWCYJiJlTp4Yi&bjCmy^?h(5(Is^J%&O0?yo$T9z(-qS z&MoO&D=RGy#q+25zjIJrN^~z3HAI&VpWTghgh(r0O)JE~J#p#Xbk2S55qk2QdS0Y2 z&jfbTLg5>YH?^w_H13XfA%qw2GK<36zl!hm-o9AHT9sXEJXuY@P`T&QqoqtnLwIve z%Q61ihr|;b2Y$o9SEf$>bDUraCX1d#VD(5y@eS1v?$unl1b8N%oHbj8m!9tmE^a+ENVWqfnewqYKV*s{6n0mqpz zq5u2#gH<2q8uX_7cQz?^~bblAV%g2S4Z9;(DGhx>u@7Oa+dWKnh~3?!n*^l z@3I9K$qW+Ys;AzTW)tbONYmIhpsoB;@$v zSWqH?6+-~KO1i%}|5@9(8}7T}pfT6nph?TIS*8bieuWD~ z4k0tP{T`r?JQ2c%MLloO zv~7pFv)J>bNp?rUr_qPOin;vMgPjZ7n`^c-PD$^;Yt%K|`km$Y+-7htO;FgGb-IJy9MLNBj;vny zVrK+-@M8x@&UcL5k5H5Yx1szmxbJ=z9(udG4R3HUoN?6!nxK zuLp_zt5ZPLGCO0E*2B+QQw$gJ6RrAJf#}D__G(#aGvWR`&Hg*tK}v1ebIrR`B1Z%9 zXJ(}uzK^vukFwx3s6D@j8y4#hiZS&*! z6Veb;uR3+McHo&|Re)>vbyWI9tQRC<@Wy~t1mvs)*ub0f|2zQ9mQX+Y)~Lb-W0I>T_6CwoV^GFe)hAsjR zQVkD4!UL2onrQLC-j@hAL^>|RCA=46UH5CnN9o5C>aK2lGYbJj(F6QO=XSHSkqBQF zy(q(ko@iQ1!h}SWwQg#$yy(gOym`RCNDzKk;%_nGiAb+EI{|}*lyDA#y-&7g-m9rL zVcUXG@wH9^%PiXsf=D~+3GqGR{dHhm2wiLSw7eMv^5JhA3nl)$sn9>H{qFL>2o~+t zDjq&owu_~46o}nzaD&^a*MNJ%kp)*JifU|Tgcd4S|MgI8Hs%tx{Y8xR06RG1g^h{O z+T<=BTD$7$ylO;YQBKz0PK>zT^2_kQ>k}A*HM88QGR50F&|*n+AJq~=X}IfwV3Vz6 zan-eh<)RNUH?R13QsDj?j;aR)!86e0f&nI)WQhn)nzDTz%m%39j7bvwmGeJJl-8#T z8H|-F3w%^_RE_o@9K#*e>uQ=zlfPqHR`up1l&m9 z@lp@3cVO}3P%#O@t=_33MHhOwqd(;8%dTR7$Y_J&(3;6+vyqcNG{Y&)a4FNFt&_jS zZ^}J2+&WU=YX0^*<5=QtkKY-^*XGfOQ{)4=8PvYJSZ}b|PKE>R02{Wn3G(#s8}-tY z%_myaqlxOFQsm=X1)^FQZL$-O$W*DQmgfbP>r%Mvxw)83@O{WEoVb`%2ZoGXV>uwv zjYh=_z6)yO9IKv3i-zm-&X}DoNHjse8;6iyLYPiS#4z<+=&9x{ zhN=7hI#)g`;s2bi+H~9M>E@&`11v2$4S8yt2_EDD@xO z=iA6)>VE=QLns~qY{49Pl`7T-O$1hQT{5dUWZCKeiBS9vn3>%bVyxpT@HHq+pjcVU zQ~bZg&Qj-hmlV0@JKorFe-?3G>YRldw5aNGKh?Qgs|p{h8l{Rnb<%2)PUgviKfy!o z_Ar)Ve8)F@7S2qJaw58tU(b83Z2%#D@n(;Ed93NJcU|#Dp9hZzOfU5?!hQ3fS`-u( zadn`fZ>ry{nag#&w~R;~=$Nob;Qriw2?XM0R~+2UogPcda3e8iP#O~xM9t>Lez+g~ zQRV`T7?$A<>^Z@}D#Id{oiNf#KuKH_#XYxpM7J=W>^)g~hlk-8CX@BT(>Cor`jX;klJ!8M`m2d8?UEFC zy*D67Pt@SJOK(kK&_g@W#1oy|_vil7%Q6W{ObWl-BU2~_GFRY^5pEepFZnHCVzS#v zEY5o%7mf)NecfVIcY}8hc?L$I)T@rx*cKaH1RkZp%zE+$rSa&@S_rw;x`fAP69Na( z6&wNyy~8Zf?6dlYU*;gszdbs?mMiCfEMlOC>uVZVw2gj@e5}z3U*8V6IxF2y1-EcZ zx%S5^;l~S`Bc`*IN%I5`PMOAJ|FLxorqK-IF3%5u-FH~fZ(s#s>HsnmfA(A+?=DNq z>dZh9p?-~na<2rx24W8ZN#e|b9~!KZL3Y5Umjf-N3-}{^J2?Zt2kqIl77R9m6aZA? z71b@l7Z^o(N8n#V@!K@UxH$cwl>Sgj)QG}RQ*nc__xAyER*dlw-3Y`X#yjimdD&hl zloAg9LygfT0j+hM;Q$!9ckv0o?r;^tb5Q9+* z4U1cH(9YQa{Y^23G&H>MXnP(E70o7`HD60(oP#lw!RsHKzJGPzDhdeqHt&%Dci2Y& z=~N`Mm6jB1?-Y3SRVV#pzjE_9mZqHc*EQ}&GCwdGUmZmA)@{)Nx!CJ!;5ZsmqkctY z>5wk73y{|`zhuFt2d7vgAmfv6up7{wd5|}z0OhFA0EnMltARk%?T~A;2lSEoN3~ze zc#EgzLCF**2DLS{h+tI+U?5K~Tg&t?@icM+3>7D{ol`3e7CKXF z-~^7=>aj~Zdogd_0FV1?z@7iRIrWLhTYWzhS5YdDW!sBiab9|-6=xE}S<~#f07(Gx z*~Q67z*Yu=AzrV=ehx5=8MAZmm-%uCfCX3pbyx{bGhca)vaI3{DWGPO=!w#FWN1G5 zk{e?QUjX-kd3JpBTy{$p-`zUOrqoYagftDq$SPpaztj`x*nBcX?`oQ1DFS*nQebnMlp;psd@5DSBpU8j_n;%q{$?T7afJy9R1jL)g4#D%bBw z0W0LjIp{{H_t5`>15uOB-WA~TeI$D}GjhIa2QXZs)lZYf@Mo`QSgH84efJ`+iXc;i z{#gaWJ{VX~L#=_kZ-C9kJwNYab$D|i{ns-L`lklm$!otIvOe)dXo?b@rK6sKOYX%7 zW9R_|xk&fyAwb}%PLlvly=eb&KYD8t*AtVvJjwgn<$T*PEH|H$Rt7*WrD;Tv}J&yo{jTj3UlLUoVG1>u4j8Sr~euc({4U&sP8iBss!nh(!KA7zHwHlQiqz zq|}y{ljhmp$(N4awYG{G;V;Y!eBbj$F37-!49AD+B9=D8F-w+n_46kIFnEIebO?nT zdkNfwti)E}*IlG>40(*N7hb^HgkyivAvMUHm5c?`#-BB6Tg?0w@!`V4^Iq!6 z=E1AdU~FOA?#3!Z=O)wzK+r?6naj@hW`BcYV)6{wYtfT`yzZDMyy8xdKH=Uw3eh9Ld8_!5?XFX_wQ!}W)L%;W-cU4MU47y;A+k!^ zudg?L1LqI2%YySdlU(cvszgf>BsTSL0l~aP$k0x0jwx2G_KFUZ9KOpLp9eW@WEl}C zt6NQ*J*3)0j7)+LADnDmIuyC-ujLr<>~dCp)(U{Sai6$Y{mg8=p8DBjIS#VT#c&S0 zKW_N)>u%lFEw~Qc4iXooq)Pj(Mr|47j8m~l2=u?7K*yY6K@pwr9GhMsVp9N)bo%}H za`nvawqcniqQL=_7uKGF(f6esaNYYfL19y64Ut zX4@8NV4U+s2jWbxl|-qpZT6Kc=w)J+vbJqA;%bf#!FkO4wl8&fZd=toop6##&$u}2hIOcYvY%Xr`v-){#oZr_sy_HZ;S%V5zy87qLLmm9! zl>K6tf1SAS=EG5Nl0{7|?~?J`$mDBm8>6F%36h=nW2F=`y^OHY1M4FfP-)om6iY$<4vreF|)O;dU zfg1AtbPh(`O(^Mi;Kap;*C}%*h-C{vJb4&YX|3CoDW6T8&=pBKrwV4?$b;-6DfR2j zrm0ySf~ES0e1RSDUnM!TIny^XI%OG9~mu8(`-f=p%A9FgZ zAKT0;E`m8A(ZOVn|1dysCqbz`GqXBme@eWnRJibVL5IUOGHcwo2W{;aMn^S2h)2bEw(wpt{F}!1xP)0xp8e+x4xtTJE3z`(R-1WrjaOyr!h-&|2egXs zt=bQQIrM+MqJS*1>ioO~pk`cuF3?W&q3%0P*fILe%O_}G1F8V#Y~wiwp; zIcUL$C=&2g>DVlOC%`OW6oKsV?|X8=7$Y6qnC#cHwv%oM&8d5MB5>{3pfM%B3IK4t zqDj|kdYf?uh*}9-pnE~{JceFUgwQNP-9CXr+y2@$97`6lK3bNCLv-}(;x6ue9Y+Gy zmWcS%j=%+qz4lH?5R7EEU|FvD`0^(-0MAP~D~Pev@}s2`=?_Z%aS`w8G81q} zxNbnGr(A(+)>*6_akz&QkO-v{QzkDCTsfeR@kJE)!1ZmsubF)J#Q7|I>h~|omZ8j+;veyh z-yY3QU`w*KeE6JUl$RWS<69PyqxU{mg6QuUkOcLjEI?=6L-d*c|M8@Hr_K|e!#eFN zoecPvKR%ZuPY}v(ly8&EnyT>&p|o8~`XP3AAbnngFOak|XGFsh;>^vI{Pvi+KN4FX zUnY~)3x3jvh`Ff~jKq%0 zcK1mC%h&Sy#bqM4$^?&l70=b651zj1&Q9~|PTs2i2;2-#` z;eJ#W75KU*C=}jC6ny)tjtEILYSwu?Lb`T{9AtOY*-7IL<|4d39u=o)K#zb73iQzZ zd}!T~KHn-w)X}ct$in;h^G#RSRCXV2jG7x+oXp_`CRmAEDW#*(l?lfktUi{PlA9oo zcYo3ecSJdIwk}NU^lhE6fIUVIyn%rnFnYss_^qic&;lu|T;PiIHUc+F39q&ZemGsC zuKjAY+5?S#wDp$$Al^6yv>VqY#`xJ=^XBhjxsqY3wHWV}^K5ZhN)Rov0UW{n-G7Es zhV5G}3dl-X4W3t02&B+-3gwu%Pde#0NfwCgi|A)Fi8MVZlML%MnuUpm z1;Uh1u~td7se6-6W-~!|c!~w}BU-T1vYTJ@1f+(K`dZ?w6DiYoc>Y%xCAwfp3%o)> zP2|vm6alG}n;JsgjE@7P%&im2C#!7wlkQ@ix_4>lUkP?1sJo64)8WEZy) zPyeQRZRkIvwR@|%?I{^dmWwOEW^wLc@%y0}MD$Xqs+T1)WQ2P3ctnG6RZ4uH(@KYb z+A>FCfV=YgZJ6PU2y5YvAF8SIa9JhJE=2l{bd=V3plur#e9C9p_9oSJ(ILZMh*X-< zl=0_AtpG3RXspr5Z*?y>qsMvS7-B)339upNCsA$mkej-(+!VY9}#>5bjH51n|#;4IC*dgKs9q&8@ST$dB<#yE&G8Lf4Xl6%i<808bR6c0e-6~Pv`*}WmmyeG~PSsZf zV%9##v?;C0^gFvAsg}kbc03hb9Ju%Bm0kR}FYX>?LMCXi>V`2P^p=a>U-_H}9VL3I z`fve6Ciw! z`xuHK+dp8V|06{(@kwvIa%=O|#kQgB)yc>wz`m=`E_#R=M;HRTfrkf8+kSl9I~_~% zKvnO00JPX{hoFwP`Uv(4`{|>H(pTsEKaVYYVoDqsMPC_<4P#ny3Vw_Ct-vs{um)OA z70)A>^pu0Q;7+ChH_?u@N~cB{_P~>T^9i9)7a$rMZUP%r^Eft&?Bxc` zJ^KlKt+vM0Znpq1Q0{SmJscDonK+C#XJ+f~?_e>eTLy-c>-LhslJ+Bzo7bcPI*(#j z`PX#-<9$2%&PTkG^rY&o@+>$#M!rsZ+|S`>&28>qJgKJ+Gq-&UpV(J)eH{CsVi<5X zw_tacG(j+c+tNx|-kRpX*YvvOhbbaY%9MQfjfE!4qCyfHc~Vh61BgQ4lYaxbA50&r zhHHx(1o9nNtF!w~V+}I10m1JRV0tle-?2Sb-Zv79?z;K7Y6r9ry<3!ACK=nY0q2(M zief1Tbr>g4o84N2dW*+Tk-igFEjhQd=W-j_Gn^Erjx6*0C07Aa3wn0aEZKv65m`~B z&t2Lh^-Vx#`|-Lf80J6;UUVmZ8!@<0n-p3GloDcx5N~q=QWxk!56p^yS5H(mKtt_P zPK|zD`EIuUCRW;3Qn7!ilzH1EM&|fiUyt#@nbOV*!@#U@`WJ48^y0Jkrc{Dku5(D| z7!h|C8ST;*bzK)?3Wvifi!WVlt}O^|#@|QAABW-R(t?jl8DX~iu{p@uIR<^?Kj+Y0 z1xLMcw?AQch~9vw_vv43w2s)z-Q^w+{~U|^mKOX>jVsAd+p&Iv!(EaL9?0^3>4h6H zq3>y2LG_7CZh^t892USF^Ape&3!P`nk821G8Sqqel1&24_3>O;H0oK}FubI8zJ3<) zZQ75{bKdQnYrT`@YeMT$p@s0QN8Lx|aVHO>y#R<2TpR<-Bf1VR4jpN^et z{F-onX2P5>Lh5m9Ctz*R0T`craA=CLi`oH@$b|>d-e0Y4x!BxzL%@r7Hf=^Mlr6P) z3Ib`C^xc{*vl(3n1tx(2!03z^^~%ya;p(yx7S1LPB*n-behUnL&ns-q4WN7170v(f z_Y9x#aWfW0Vr(bY&Pbqk56YUR?rHY#-}|Y#ZCpPeaOHP2)KUpNH$p|o6zNyLRuR0= zUwiPYw6LnAoY60`MFxZ8hWK%B3*6r{0tC{4byG0V%h~`X8U9(9U)}+ZZ}`jTGvPx? zK&@>U4j)YP-6$^n2+o5DybsuRC>#K5O80vgavs6gvR}{fDhv6ow5o|oCq?>+Y_H8 z&Ow>jUZ`i-Bz6E~i*hRk%KLc1;m2o$?J)rS-U)!HDY2NV0z-v@ zN@!x*yu-LHKR@6R1=4lU2g|T|Gy}mfoADY5t6Y@5X|`_ZLejMb<_XW*bNV3lb*>mj z#ZNlmD^PpIp<_n}fTEgbVXVfWFv`U1DQNS>hp!ta0Ad0F!+HSlPY-Fr`1N0LOi(h+ zn+;YKQzk<(wi+<>DVWGeoUKBtaq3=M>SdMTJ9;0fr-aMPdO5hib&EI2^^6vAZ?4+% zR-aP`j4tEM9y%+@0y^ZWDg#R#dmc4_Tyk)gV zn;!V4&kb_v8>?(*o)(A(%}cpCiFYh1BhB>adP9)|E==zU?5!_8*6gfTw*zS z2K?u&BT$ERlP}zOp3xPhw|{eNY0* zj{iiHK_8r(0h?_AQJL*IiQCh1U9OiWYvEH*1n$Ac*={Cb-yz}Y<$Yk6R zRGkGcN$^b9r(KF@{Ct3sy3xQ%2p6&U%|LqRFJFk}nkB!Iu=&kg+M&^doqBH6op?N# zHKvW|3$SJ)SGqY9VtKxOX9Yp-h}JJ58KiTZO!#iD@zt9*=Mk&b0%kavtWul3~*bewoPxi1FcKH~aZu3&RBF5@Ta?7NB1efZZ_ zVM1Iwr@*;oMvdVbct7s{!`)kkMZLCfqaZqv`V4&-1?f*!wv4r~PrQg(a2FbuenN`DnY|$RO6^H^6TS$g@S;BH!`Cksd7i=Eb*IQ&1}%@^D7di5 z=uL28GNzy5qoyb1);UW*c#}Q@>a-uG5IoiJNe)?_y=~nKd`fRn zborXkuCz86G(R%`oGVpg$U@8g zQKCOZKw^ph5Jk!J0SOX3`{dWHJ7*R7J6ZOls^jWo;SU#fsJ<7enqIS?BdI%(2soIF zryY^nCKs`rBcgionFiUNf^TR|hRz}V%+(DSk5!B}<}&eA9w!!{ktA+Q1~{jj+&kau=97Luc7{P`sMk6SaX!vQp0ehf z)w>1zUxF!TAiP~<|zW$f~C`{D@7TpU2jD8ODj5Gp=)w{qF3U>BU*h`f6$Drf%4!fq|A?N-g- zFa7)2Dcmzni~-mc;m)?tVqSQj9P?K9h|VsZH!%FP(@FL7i z_0jus2`(Y8B@(9$Kfc$terCPT<;0#5g9&NxbZiW%7eoRq9TkZMcj*I~PA~Uh*D#Vc zv?Tq(ojE(RaKW&pt@XOgzse@DQ2hlV>0L!V+$Wo2d|u*5E+)83Ga|!r)k_*m)A5 z(&&pfG5T8u@2H-O+>~qJM&6dV;+Ero->3;=8wFq1uh~_NpQ}PsS-N}u?qghV+D?Dz zen?J(xZMQu(Wzh$Si=3eb}^yob0j;^aHk#aF2r;Ti>P3-^%my_dx?h6eOBDjIZ_ zZ~wY!D`|D_s4sPWm#gNg?f%oJe*a%u80KMS{Xl%(YdJ7i!g`K zwDf$N;dFgHFM`cg7qOo?KADg$_|cl#J+G#_-8v4U)+vte)YV%Qu(NsL=x*O`DlTPf z^<&x;jl8mN6@;e<)~=z5qw`m7WcHFyvO;e;X$-!lIKivck1sY&ZY7jRCLC!!>yu`m zZmKMCr9a|&>i)m((t9ax0v|5cN|hE8*OVEPRUM6?6j_01tVvu(DbhAs59O#zy+|sZ z#Jp5!G@jh_g0n`|?d^P%D2k6|3EN0^MLEHe{So8D?6E~}>^bA#SOAbua@k{}3Tk@8 z1Uij`g^eQn$i}RJqPA@930s*O|APhc$O)Kge4=e9OM_A%9zZs^?)t~2BYuK&suZsP zgLhLYpq+)JJ%G5P(Sg2-)=^mRyD9AnXs8atFCpp;i!=4K7fK+f7#)Vp-dEclOxVUm zMDVt3<&4HgDnj zfMG-_$n18|yUGI~*vz+fN76PSFj#8QYT1v$*Eij$rE*#bM#?XEh<3F!=LcL-(3w{SX^G6HhcO}>MsxED$QN$+H1O;Yc)2-A z90Al1zi`J+7q>nHh_V>F=jESM5T496RKA+^?l5+?_Nju}vw1dIG6@a=hH`VI6?vQV z%csurIkuMyVqSA83fS!%6>loNE&UA7Rer{<;`8kOby#_h7;>m=zZxZDFN`vw9cOJb zh@C<%yPE&ljV^z$BjWXYk=6v2DIF&rYmy0}2^&_%B1exrgr6^vpWZN?`#q2$?n?*b zR9=(I5S^osE|;)zy2MDZ%V^@XtsAx?FNuHpw$Iqdj??66P{#(+d`b9xs2Z8` z_;BAl7s)x+fj(h3(bvpF?9Dq8V6+34Im_PDwm$JmWS3b6S}$%z;{{PS-}(mKzmDTw zldH&a(|d(S95sjeQQE*3``guNVinL_^azB=7`ntvF}O_u=bl*J-E8#u1f?qX-zV_` zmBV5ne%JhY6V89vDB!RKHT9DH6}<*nBesjU=hG3l-aw-e_iIVLEGB%02s=@^~aA* z6o41Sp?tHo23vKCzlKpsz23S8--#-&C&vUa$19to+&R5%?sAq9#&9_s z=KLKc6{t9EshH5rq_H&(Vltt}WTaob^Xs;&K6x;<8O-lD0DmZ_4AMe!{A2xrAD{Zc z*HShVuA-d!wtFfNT->o)oI9#84ijJ$>P8brwgU7bXZt%Sq8nY?_fVn*AwpTZC7H=k z$0*>)H>NY)y=DpeDy4TKO3$z>iMLrLRE5QtYB)y=BS@le!_4Ihgv*zRo{a0rXpv_j zx!!A>#!d}mc76&3FvSS5tH=9vG-YchyvD7nC1@iu=j#rrSQ1<=-yNOWi>3dYe$XLj z1LVf;Xa5Wb(`=(tuQ=Ga#@~_4yFG0d&ybz_KyzN zC-5(hgAD2)eXbGw?|KO^^nqgF;q%WpH}m?B-@0fbnDt2S>xl+kan%e7lUQO@NF;U3 zb3XxyM~NlJ{aJuM-~+3+P`+y7y&#e-;{jG;9Bs!R_FwcyO~vjGf(fQ%?VBb%KA`#% zil>AGjD<*>XF@CzL*8=bl`&LYWn+Y+Rufv9Jv0o&!Ge(w&iXhMA?>J}QPCzO2J)jk{9VyIH<@jj#0@g%U?9)7W(e-@#x|gRSml+i*rGL!PYp=vzhYZQ{d| zH5-o!0phPf!Z`xyfRBHmtcxqjuICkFXm|e`!1EFblQ=yA%E@Oxz~3u7m7P!rU_&KC zW(;@M0boJp5h)54Jp*w+jYhtiF%nnW!fB>m>ePf=ifxylKDcX-trA?jYrzCtd#FltBhNth?0op0VR^W=73 z*xy;|&<)=ZG*+o=k?ox~ucm&YYA(ns;4zsj>;7en!U=#7YtKH%N%)!p-08FCCLiWs z6j{}%rAI?@Tu&j~2dLJ>*p5Rf1&UpO1~(6~IVYus>`_VKZGNJzCx8LOk4r8BAc)>Y z7$XiAY}3cKw$C%k&M+13)XZw6?g#e^OC64DfhU~A-4f@_W#axeFqrvFh*{Hu@R}aqur5jjw7vQ>f|8 z%3K$P_*n`Vs@NI6LM_tH=mDvwS5O;Zpym#MiGhmq8xy}Q8$wKajgK#Qm&fnP`BvMo z9;HYH_&aSvw|y;y_!eGpDd3>Zj`bv5xrm< z-e9YkEVff9a0Ggs93&TfW~mSm50O#=@ykNrU9<|gTv~$=oH1!^UXnarL3;bh|=x>bvqPxl7{~UFhhN` zWCeC~GfMF%09uzPL9BIWSZ4X5eKNN4DiIAkN?u=<>JAlT3ami|3f2jms|b%GNLXiE zd}3}#19aoT=DA%}wXN;D*H8Rp22cvTyZT#L0zSp1edeR3CMn62y9c#H?We@|1!6uf zxqK3Nfb_q+7(SueVZ*m9u(lkns<4zul$x#zSu z0gQkh;r-o!MOYZi9+tb9Xs2-U-k|%X6>R(`_IwrQFt}-n3R(uge?yxRbU4C&;5fe; z?1oZ#ulO(rU+OY!yJH(6T|IWPZ<;LT%j>)lD8E6P&h)+4V5%uK*tX2|=SilI*ejMQ z=-vd<xn1wbsh_RMTneu7Fltc4`1x z{HrGWfCcJX_hdr-8hAi4x0AfK0G^?DJUM=8pgB28;UNn`@$r(o{NXKCl?Rdq|7^0c zaMvdiE6NI_cETz=EnuWeRPZBe#qsN_s0nsIhme68IuB!Gk(iXbbK4cu#a|&odJ+$p z-%3kBX18k%llLn?He8FH0;VYvg%1_oX7Vp}Hv=o%Y(TY*P(8hbVzR-WJE|Kje|)z2 z^Dd7GDZYz9D`3cyoF!A5hfOHR0V2h|Mz`{m?Ti=Kd3XcjBUPIX=KDRv#EAqK(KzEf zs24*qD%j3gm_DxEu^eS?Z{ntE^Huto8E{?N=iTH~6J+D2YL;#9>2g$+$7RSTt=g|M z20UBfi)M0^n|36ZuWJdJtP-lSYl|*#0&K$5ji(Iz6LMqO`$A1SL6d@$0gSB6cKG1@t&_!GVKfMC zAoGkS(z=F}vnk)Y$Kt~Z+s9S-rIDBbD`OeQjpjIX?irIKBE=n|2z$7kO(5SUel>j_ zqOi?ja7nEn$RF|u$lK^0R}zdxAGl!nOF!QpT-G!flpVey8uA@klO9K9Fd4}J`6pWkl-{>GH$Jo7aJ!zdNd(^any&3BabP$HL~ z7uxYfa(Uaeq1~9!M{K5Zz4IMOf~Zoe*16sdk3#aQX=|8``sSPWya=~|jE%ahfAiGh z0ilHk7XzY`_P)kfteJ9YbS-`}~cQ+sKPQ@6H+ShngD#a}l4zsfczKA@f~7sv)s@18`GpL)?W3v&8AX zhN){j8jVo(cE}$+H(}y&N#vUdlTu*DJLlWyK@oG)>21nyWP;1JNPW(LqaJGC?;(ZG#0hbZy z7Pmzudhw3yx8Zz1xIDZTl ze4MaU^~ejjZVOH71E=Wa)nPp3u}Yqg=v1rfS_DniQOkbpy(<|+${$UEZAbq(1#+FC zR)2F}FhfJv`Y04Dr~Er2;od zWQBtX13y~PXFxEm0%+LQNp)ntTP`exKg2sJk=|lz*3?Q1FMY?lu~7Q;nqCc@HC~n` zDg55$(a=IW<;V9Kaj+Ng)u`@V-&uCQVFTmLzN_C0F4A6MWG5{zhQI?DPNC*;OBP0x zzZXX<4bpQoEijBP1IERKEr~buTGV`Eo8WHuZtFnE91|>~f!<(ivR^=U|32HtceWh1 z_Sgs3ooGKDLBliih2XFmdA~7(2GJ!6;0ZiUw>>>-mLMp|TVrR}KK>dPhMyGsU^aju z45t+in=ERho;XZAk?Z*pe1axQ)`6aSbB4@t_xDwmcwCf$XC@*E*W-$R)`ES?FdC*3 zJ$yJ;`HTN#nmYLdc{@{zt8J_TorJk|gTW*y;!YNB#0H!Gk`LosQjEvp zLld~;;2YG*)EXw9-r(LRvVry6Y1#=^3%n2OK#@BBiLw&KSpo zTeu%}CrHOz^(w%A;Qp?p=5iu99^=7lM)$_u^5fe%h*`pjosMLNr{G6W@b4PCV2#qm z*j>ETB=d{%8^iAMPF!$af)HL40t!#uN{*}Xs3bUC=GWKRd{~|b^?Qv5awN%cs z%dS>Bm^Q?l>KNu`Vqb4!IRhIeL&GNM(yj=#ZNu0eq25;b*P_lIuYl1n*|Oh{!bjcb za<$sGmPL=@sY%KJ{PEhDDBEE?Y${C0XQ=_Q%fjNAF9jCIoFbDyhWS zEpfIx(pS_3%GE#x*#fRb^c!Xqu#!+IRx(!+8z~sWX!W?qB3eo0tvL^^F&VxN=QAoFLR_%)tLk96;%{zJe6g3;9ly;$eqw;Jx zzyTE&@#_V9S3AKcUO)mg9DTjhuz~W}+tJqzJ}9{(?ztRl($UD3JA9yu6S+5ds&W{eo~aX}^TUgAh(cw}SD=og5^kYtpmI>l z1P*NXuHaN<#~O(^bz~iNaOPc`RC#w7@cb%jZ8PHeX`a9kR{T(ufT0-wS@{(S0JfJ> zwM2h&w$W(-{vaCAjGFFUS&Ww)nsfh3-RENEarJ_)+nt}M0g$)ixZ-L$#*TqaD1S+KFRUt{+&(^nY5`Ojhp&mO!PK{0}XsP+HsHBgbgRh+VSl4}YU$xveYTASeKm#H6~oaeq6bJ8%ubQE%sZUKIU{5`A-l_tC)(`zrR>fNopm(5TIT zP<}T}$}%V7MmR5-jOrFu1gjs%G*xL>=hW$|$%`bKmv)g1r>07`jJxT}rwI3V?y9F1 z39LuAiG3{^ynLLwU6E2empEJp*f_Nyg`6_*^1K+sj$p|cZ8OTzTrh|we}`o@2=HKMVA1ewZ@tT=A|ZPKJeH6hMk0ieH=OB2>#;@3gppXb7iIk6!e*4jmDV$GtecR9x$VPdtLjs_dL?odYjA zE{>|5@alphv*~AZ!qnCl=@=oMPa5HDxQ&75W)0R2 z{(6sL9Pv1X_Lsd|*Cu={FSU<>O6jiNFpIlkH>vIN5Ygwj9Jw(j+giEA4axqP` zvD;~sPN|K*f;fbjX>UgI8WrYq*%XOLnNI{YI0Y@bhtj!`)<$1dYJ((DP){~9L$uV= zZggWQ_T8y$SI(a!uZQBB8^3BwvOwrZyFdzKH6dfaHHzq^WaY4~-&ZVpVFpu`_ymq? zgXYXbX{J_c%9`&KuS0cKm-Mii~zgfOIkn7)oSh=3}%q49~kaxeuFd*Cz~sMjJTlh$c1MNdg+}#;WWD zq1f`n@z6oxkPYPu87$<@o%huq0LhVDhh_xwMS5xHtk z8_fX*C9jDHYKe*6ZrnU>DZcXINkXoFjYbxJiW;oMj-327!TE<0Z#6%45-%Akvw4JQvdUd%eckG9 z1_>-RzlOf$0i3YuUiv_J$UkpJ6VMiSX>Ml`{%T2N#wNbZ@W`F8I2M2hg%Ch_vH;8l z0nTYLq1hcZI|U*;l8}HqBgLOGO`;O~qzCAS4XL-xlATc{`njLZW<|~zSiK#9qCraP z1RLllB&EB6q)mUq+P;U~6=#@cLb$3E4aEtK7Ri;Ts&{znClBv_NW71li+@65`J`+~ z(=|n+hPe&!YI>-aHm-k2yA?(60STX9S`SA2g2KE{@uT+ySXPD5Df(`^PuEINUoS7a zO_J;y(Vlv0Bo;!Rg!W*_=eH-aRyyR@!VAe>p3b&~Zvfg~ujm_oKn%;f7^SDSc{j=> zy@os&!>-gEt;OoO86}1dKMIlf%^$<|!s-O*K?{K5w*0f`b0T>+ieQOBl1zh{dY>B) zv*Y<+8ELo!7eZOP>%=M|Cq@-OLaL{UKx2y>h*kOzwv~wf29KQfMByC|TD^!ujdM}0 zV)oM%e_olCD2s%w(_wH=>LG#AQ(BlR-vR(lEdcaZ0D_v{|9MT~ZfCAnpgOiD+KIat;-8E+i*8W- zTKOCJXW^}p3ZvAj0pP0`#1OOxjMKMX=nvY~-w(Yy-ATy+T4)txMca&V&4)pl81);F z{WKv`0&pGt`Rc|*xN#yNx;D@X0Nv}eq#aOvT=z+T@}Mfy1@bA`B4d8_>H34p)DI6l zaBorgC)%LmOmm^6iC*3SYzNBe+F)gGfm<~AP5zj?t%Q<2Aee>#_ZL7G%gBMBLKy%R zzlE(eL<3fg^9AZj%9#9)`;w0dEL8ml?mG@|?2!<7k{{~&fbw43<4}eKpwz;iWEk1t8 z3m{qxp#CrG`&1CA50MeqO2*L1Iwqa&4j~X!`V35V9(qJszpz|hD5#jz;kY}hW6?V1 z9xJlNAqUz&tuY&5d~$7oP>mfzDJ=<^4Qv6=!d;PorKHIW-QpxGN3XP~3GhDtt3`f!p>2rhnGn51`R0c?Pu6xpil|g=K5WsM`Ey z^ch4ubZ$BGr*hC-wAsc0RZfBbN&*mo=Yd%*cWm>&q~5;Rwx#zoz$WGOd2)o^Ng^J9 zWYnJw!6pSR=FwRUpRfvj+vRJ~mGvZFduQJ^gz!1pa|VL@1dT zrlF}Q;O-^9vIACez71Qz;%|VzegdMw{vqLY2n7Dz!J@AO=^YOVZK_^7^V6X4M^C|} z@VflCq0mdFNwmMo0k%jTHru0tkAF2FyD@^kFBt^Tk1uAKcgMXQ)v=RrKR@^a^HIWG zzaW(0iDQe0tTemw!d*PJqf%a)44+Q;aqO3*oU)R>!j0$9#m%!se7?zY0EQ^`kg7ViLm4Id=x$Q7PVJoB57Y{e z?P6!-mjzULJRm(Bw-`KEvatb<1)F^HVpSp3kH*&y@fn|#FD0ISAn)-SjdYVIO z_ov3KAxl>KSZZf|7?h-x?BGl$_0h&qr}wqrPdG}=`NV$)NPy#q6eWH+SF`g->7%dM z_k6By6@cIA`RY>+e7jAqvG`!y9=_wWf1_I%DX0-P$-`GR0*>^{VP&beII8Jq0q=Bx zD&Spf4F}7PKaN_us4-mcl!C41DDjpML8ItA+tnlWarz-e(wgn;oT-now@y99o;%$0 z9v@mE$L*Cm-XFqiiAGOI%A~~J}ajk2yT} z3r`^lO<4|(G|3{mP1K*#R@zLY*PpPyD6VZB^~_xGGgh~9NFX%p>@Ja|){Zv5fy))b zbw2@Is;s2fw(|C~%&o{%!D(F3jm&NZeq!TsoxVGq(+>(`xJb)pIk5Q-WiEg4N&{h~ z%*G*sQq<0wJI?nWMHBi_NX`Re6!P+{Wdi&su`4msKlnRCTn+S|E@P|$HqFd?=cZ-y zMd!^1Z1K`qi98_OGo&@K$i$_l)vtW8-4$HgwxC$}&k;855=nW0h_6|aN2l57m!6X1 zmIEy>_pnH(kF#z*^LN! zgt^_Rf4#U}W?|j5PA~cc*Up9tUo1#SYazj(e+j0Lqen&W+$m&_o8P@5HE8Ba!fNGX z)K-ln2OB^J=@MmATTs%|`QDtB8Jj-D?j?H}52x%-TS9|mfd@SMOQ|6J=Lxi6j{7y^ z_m;uaoq>k;ZVQKhR12g#Mc+rD?KX_`o&NrH0b)h(653G5zVQ< zFXE#XM#IjnZmZza&JOGDKJC6_K^ZO(=mZBPAU9nBw`4+GPFheIq3D3mC zTjQR5qrDdIgphF%!^gW=yUf42JfH9Q!SvuDXGe~R?)CzCw zjDgxa{FVK6uFa{2XeF=9@yJ z^p5sg#M$weOwakZh1)W_X}TXDQE3z0CQAI>P|0pSv`AX2I!2|LrB);yyRyV-V+B*H~tn0EwZVKm+AV~)jRl(yBOWD!ci1UArjdC)G7eN#pF;qc=xq zDWe{G0M*sExL#jr4H1cE(W69YuAk`dV!3#ioTE2N&sl9;itKa`iv!Yly)YJF&8;5g z;r0rYsWTdi&fGlZjou5qyAPiQbIsh{>+;cPBpMTO`{U2}C8H(UStZF*Y;E#*F3N*-&akf#dR$+iBncgo8jD!@Tlr!7V{SVy#{@=I%LjV z@-+d5>KxscQ`YEVsrIBU)$xt!g~-S}E00C5;+{S zy9SJ0si2ZPw(w&o47I9YE*s=tfc;)=+d9w-gOqLEUPrSu=llo@ayha3`eaPr>ll|z z{AZeWTbCF)6W0)hV)q^)#@~6Af2PdrTn4Y_HLN#WuQ0H%#94%y=yTt#{RG(BW&@m@ z$3pG?&>LD4@+eLx+V|`~<$t{US4pI%%~NX)D#NpW4Fd($k8stR!@;~hnIcF6B(%TC z=pBCrJ57T+3*4H}+CY;`Y3*F0>>W9LFS;KqV z3)pZE)`s$l@F#~0y8|=0$5c;xUL|oIsEh(jI>zD{_mFHG{1nJ>DaqVjrA=-=oX;mz z=bV5m2h3pj<=+3A{`7O^I=-2T>O-;|%PR|$jNa5I_Inc_WY=>dE?&&Zz7OC2S}DMY zqWepxXu(;-LC3)x4rK4WynDg=6k#SPlMak~eDzKJ&9wDD;j+ClcR1}DZ*p{>bV3Yq zi0lFXU6K7bn0l`buH_p|GlnTCwD35=i^^`O_#9#j&XF(R4smSe3KFidRE7MBh>B< z+4rl*Z{y5zj7qhv0j7kAC(A~7Fx&)>{!`o~AAjubm?t9LSXkv8NtoQaSm}vN*s(`A zO(|7_9Ui!x>vx4Ji@9Ua6UZZk{$9?TSY->Bm_6jM2JO+bU*UT`w=vJau0!HB@QiEA(Fe*#Urj zAQyF1F#sGcmIT`~^pIMvr~k#x5Jj*qFe)SJ-OorFVcrp3tj6&$CjdR@26UFPD9iSC zL^G4}uu`^Fk$D;l8w8A59%goVhBU+5)l5{)^Xt$IBJ3_7m11@#z(;E1GTd%g0b zYyT-=re`Fp)Ytx`eS~fh@uQxZj+2Kcrc5lFc0sWd4Ws8|iQ)xb5iF{Ty+1qVpZt#n z2la0BQj+R&nTL(uTrB0G&p?}_v2j1>RgC=bY4j23%vf`Ke=0;DGdwApWLhqFe-M=7HG;RMm z!Fa+Ts(JJCWukby8z4C0A#m)9BHW1JIGtiCZMBa!V7I|88LXV`a=; zuuRzoewTD}KB?qAdNvi`{^&BN>v7h)a@Z^F{ZWDb^5KQ#Ys0r|7ejv!x|hqlbtiTG zk7YzAZw$v@`n3}J7sU4ue-gldq_}?%ZvS7CA^(q{;Qx0aCV$ADKt^rwzY|YGUqbHx zmtO)q1qjpc&Ygm>;F8F-liflOycCa(H`6;bS1)i~j+Vdq%;a)I$ABH2w+CAM<@3|J zbB!N>?{zktEChhUk^VICJWy+t9gTXNj$U{@lz~WOHJ~K*p5CsE&>~d9fshvm==RYdVp70OaRa^5%rQ_Y>+G)RpFgDBhjJ6ds}Fj?G*b6; zqV80CH|6{=1#*-8CV+~Yn!{|HeFH_yUN|=PouV0`h=+qWfCQG~0Kmv)2obLA1!!lP zo!lSv9d+yP-RWcE(pJh-0|v}{5#MM|equM2hS7Puj+=kPOQ{1NYy_;2$J_HdV6bVZ zk84y4iRn&3Uc|tr016HAC2pOC4?MCO`)uIgu_!owb*NAX06c~sA*Oqfq&*jW+ViW* z3#;Kpp$8#L>hN-b1+Xc!sldR^@EGLNXoXSh&nIpw(;UhLAqF&-O+FZ~ zz?c~9u%`y>+?g57#pe?cU2KmKco_H+7|H%U@aMi8I|Vr-O0S?2td~Wu!I9TerhyOM z2uSWGIr9L>xqpDwnTYGbCgkX!1KocHk4r*-n-A8X2jVixQUcGSkDu4T51kL$*TJ(o zSxdTApb&u(D3@V*E=uu6N;m~yfw4k{lgoR^vd4-mDk0!y_Y!0%Fk{121F@ht_rZ^S z`z#q?u8q^cdI@A9P#`{(;AQCkvw{B}ZVyF2cd-F#o3o61qhK~-P~DxJ9dF>DL!?-U z%*-K2wGGL|k)$)w)FNPx@#bXr8~`{g?LI+SCrE^w2tb5&4^1HOY=qaF ziiF<&vhj1XjYp~Z%*A^fS?RH@0c3=@*{QYZ-sz;Gz&Q(x6NU>nB5#4;lkCNZi(fC+Rbk!&q`?Uh+`MjDZ*2#Lrv&ICv$t3HzDpviz=yl|j7o~|fr%H~7oSlx;x3Ww9|hi}?_Oa!s&Ls&zGqNr;EQ64 z@Xf5S-@U@b^W6XZZlue2j4l*^emC;##YW;}39@KjZc43RU;q8V3;*MTzeso7@eiE3 z_}xiy{i?41$A3W{ZG8s*m4CiBoUZ|411$^q=Eh>`R?M@LcU;c<&QHRRflDL(`8m)d z*wz7$6CZ{Jy#sr`6Kqz!YOpi?6Ry~0xXtAZrJSFbRRFlnHz5H}UCZRQ)@pgqCfF%Y z3Qk;_^v{npv;_ZxL?eNaPz)Y4(A7~a{YLtjm zzd^3ssfkCJg(;+EBR_WDOz@#t*_TwF*j)@%bGyYtVfCpBn_FG5r{_Puwx&&b#RC;* zK&pTH#Wrw?^`5}o1RJNp>W<(qosy@mG1 zCl|B*QaLsRC6IzoKa5dMY8qMVP2kP+5tU7ytMF<*U%xt_xyH@c^!K_L*91;oDA&O| zFbSOemutbawb;!Wu>sx{`2aDeSTpGo6 zzQV?v?|bq-^AnBgd$@f+dnT~~Y6ksfh!^4iW$qaAYgpn^eg!;f!nA>icK!s?dzepy zT%NfHpvfK0(_kM>6UVLqw%=7CyREYp%%xQ?zrGAB_gNbH7);ccR|d@%1y?^eA$&0q zvEX3!hLUnL+OJP)QT77I;2!WZInqnAfiNj+aCwsqEQ42Wm_GXF=qZTFumwi8Q98zf zcR#!YlADZUpt|$1Il-n9ba)M7hH5FBb|=b_E7YJe7<8wfVFy=91@Qi=hK9A}gvjZv zCnUg6__Q}4_-C$z$Mi${p~d`HFmXb-qBi)$J=~i~#=WGE0Y|78j}%@HiU`HHH7V_) zI{TGx+x;1D_SXkdK^;*{Uw{ve=-%$?_aVTUbCwx62JT2vyy-QN2g!FSH{NO2o#NS| z_uzgE!t={k$KC|<;A-&k$MdU~bBjFyM)nFSGFKUX;R-gRUi7_Jf7StwWY>YKK=jJX zM|Jra_9$0S?G$Pohw@AU5cu-I1b=N zb&p(*0p**d)%(4f!tqmZ_VLXX>CbMh&c+8pawIEXTTb^t&dWHBAtdAW0KO&>oC0Gz zlar@d$Z3>3g*ikV)M`zl=e22WrF3`+N|^UySI~qL&h1jCpmAJ(R%UT`ji5Hy1B@7h z@QjAKjUgY9mC?eK)!-2h%T=h<8I&B07`HFOnb9gS?KlywiX{P6F7`g4HMa}*Dpr9M zh{bCA6-I}yufL>BRIJC}+1e$6he_m~&{NCleut-|z!kkTgl$>+nCR}O)b-U_oiQ5x z$G5d+SrMN^N{(>V62u#nrKs*UYM-B-W`((i3uqGdb{GZ)SnQK6+*z(KLKjKywzaMU zwbRDY-r9Y;7T_IEP}WDFW#4C9=)9QyZ0+gVD-bJU9n4l9;WFR|D*CXKtUBj|jJ@l* zWdk6pWDdf$i?KJm4@=pPA2+WH(%OgbC=Zu69ZMt&#Bxa0Z3_DEHYhO3#nK*cj|JF# zkyyN%kH4772IVpi?u(8V=+4(hnfQ$KcIdaJJWWdZImWqqGZDVagA`o$IRS zxp|Lm_dX8fdmvw565s#5KgL?M21$a zA!I5Z(+gxYrPxM|px;_@n09j{98+r+6>8j)6dF2GC7yD@Fq~-H1Y-r6Hv<)8m%XWt zq8~2lTu=CANR;YECgs95h)Y-cl6u^04cPo=rLmBDCa18^D|>!tLJA%w^Ir-Q_kP2^E6Peq6x<;dcAN{CEQvrlZo#*Hz8xio6l?1#VL2RfUAC-fkJP-)lyv|I6 z-;5qdVFlXG;YK!MIVF&*{$|8>tKQStTx9(UPU~=FH4?lOoEkow z6oyr!gE`T&J;QGDtztRl~y1JSWTX2xc04-q2@r0g)m zX3{q3nj|Sr5{a*PlM%}BO9$L{9Sy(J`kj6o&(~WGr*55pm0$i^C~fzp>768TN>0jo z0Fic?EeE_Pp#7yRfw*$1P*T!=9)Z*JYG3S2GSD&5)6N*&bjuTs9uUfRKOT?_NJ12_ zWRsXk;64thr#@-dp=^o$Ew6^!h-ILrCB~%ACP+ew4nI!33O4hiB)<|inUe5PqO_9z z0f6(@2hYG-DkQ$#d!^8ue+k3fkzm+s{QBd>#tLU&BKrPYLeGCX>7yAR_F?}DUB|zY zMfw{XafJp)8tCVfPWs9oC(t!+fhotk^FX7WuArCR0daRL33?P0j+93%rdbA#0X-<& zNlEfD)AZ2ZoQDMKIBCNS$a%cyw(#cOgRF(nvDjnK3`%ScS1A3iAZB|OAf0d22DYi* zQ33l;TJocTXdIIO#oFIgc^M)OEJSM|shX*655M!vVFU^GdZa>5FI%vb7WmyZqj`ECHy?53^{Ln~+XF_?Zs*>Pftm=f0tS)59e-U!=hnBdmr|np4i6YIW4lI3n4Ng?N77 z3BzHvsO^LBalj8pmHkQr3FJhb{#=|7=3XAY3dWwFE@-(QRaxD6g0}uGG&AbYw@_(z z--*jt+U@6r!Ez$YKmzBEflQi>&DJKy?~P)iy||+v5j+LUWdBjLuSlR7bFV26ISLbA za$PJ2I}N*!1TQzu?Rf9@^)G~X70`tB%8W)&yx@-$EaoaUqKQsP%4^;Qu!c6G#mE9X zFQ>&)HWosV)qO%+L>fap1C9pP^cUdg(pf$eO_YBno53i}J3z{plZHPQ5$N?fF@V(2 zjqZA+#hV--(ncGRac&|1ZNU8^Y>1S;M-y<9V}Rm#ODv8%7ndpS3|sZ1!h4O75ab6So0D z^|qI*H!;JUT6n2-8sAwM4^3KM$1Ng5o&7j{Nj-&t-J^ zIL`M3UEqLRW{Q7x1p~tqLk1zHM%~L45uh3IKlagVY&lx&v^2C);5*3;)%`dnG%Tm6 z3yYd&Wc8oB%VG-W;9c(VJ%zI&8t9mF`$}l(}%VPFTpZi5R`l=GGyO@y}kO;D|S7 zW+-o%l%gUvtG{^EQSN-tL-Snx0;eu|Z}QMq?@wb&tuBN$gx3N*?=H*8ASepoS)9#1 zldwrFiuL?dcvpi+1N}7s|K4M7aCvYOH=6U%7AP^%aERUW)przq4Ug==xsJGgtgIt^ zketF!{PSyWD#^E^c!Lau=b8%XrMX!FKY2XHyZXeIn`}hV7X{Syk@yXk9pqZMq5(mH zQ;E~qzkI&QXN(ZAzxZNtN$1lIj>Y%2D*iOex?b=W-rEBmcEJXs7uis^6ZJ8x2h zsgDjD;h_BD`KpZq_KDr|;7QmDL3d1a3bxe|>WXr2+V8cP36c`&86x43&6YlboV}i# zHF>%ToGU&Btk27|0yI5LbwzmmIm4Xm=Y6VVCYTeW+-BhRDOV*n{6cRf#j(rp9U4v3dZ+JWyT{%2bN{UePctP=c_r5|gkw3f;=K@qU@I zhrEBHs~+qIZGke?NB`MQJ_?wcV{OJ{xOr9VN#JISgIi67`ar@k(eMusH?;;HX|MYG zC>;Fw^~VjCX#QE+TQo-L6=$FKNuo3Ljyi2VRKB~J>3U$_Rw5{ z?CRYB=DC8W{b%InE7zH?EvKgQrK`vCdcT$lpwn6-BdQ7fhW@_@d+VsE*X@s=lo5oP zkyLsB2|+}qksLyi1{Em*5u`)9kr+Tq5RnulM7l*95s)54Ndf5wVd(ljACLFm@AdxH z@AuDH>#XB(!OVW1XYcoZ?f2Gt5KWd4q~(tHDp6R|G}6Lla~8!SU@NF2A3yYyOe8t2 zT!?ff%EcD5(CsRy5*r{Eglv~)(>|_ZOrW%+uH&xiVJ2mY*P*P_T1`^KWuLnH{e0%J zbu;?gV<_QqJ|1A`5V>St1)sZApe4e2=#uuaH!#ChuGLoX@LY_}uEb8F^QxtjHh6L_ zgNp}NEQu$i)B&&8BhNilU16d{<#}%nxwtjFbEY^mBta&?Bf=?E^rYUhB1R&^)iM?4 zyY;g&3Ymy_z+1d-8#onptF6mQ=|eELF4o1|6)ed$Q<|0FU@XuAxzV~i~` zx;thLZ-B>xP$j1Ea*+rZdUOh}B*Lp4FX!39{T9@brc5DO=u!VABw` zX9=q8Nmq7)uNPEHm$gtEMVsKWZ?bIt$am@cIBo67&`gRQM}#D{m-BAaeJ{{c9>3S4 z%w)x2*UiTGJx0kC6^V2X-DvS~E4atlP@F8%G?T+l5IOxtR5{7AgPOs-!|$QOni`Fr z=DfJI)RI44O9_r7rZSn#pDqV6pSZp$HP5-pd&z?mU#&;I2eQjiK46eagkwp6Qea1Y zF$mOM5(Yg6+mQ$%jzO{6DM2^qJ>*RcUE3wMlnL4@{D~X}o*h44&tEpF$&30SpG8FZ zGgLlAo83_-9ZjwLPTVJJ&qveymiZlLQTW$2o|()-c|#pd@vDWH4mN_gk7j4D3|+_| zB6DMP+fw&~`F6`pyw}O=XYlLmb=Jl`_PSQ@?kBybWBpP{rnm>Xif($~EWk-$M{#LB zrdIp?XyLa=^sF06DX(l0Gi;u0HU`!fCDS5Px%R-N?7LF>0o6=4Z!*@e(52%uZb}?L z;}j6dv7~mzc&pH7I>sTJU!)hL2VZDKTNi z1=Ru@_V*a2(>5M{X6COa&+hs1>0Dt^xcqt19#I`!t1V_=-j#OIk$rU!~ zw||oDRqg+&L*W_1NbPSl!Oe@!Pnyy@**w@1V&DlF@npJW7ROghQ_7?a#u-@%0k@zF zoH|G-LL;W15e7YsDhs&&{9WkvFWX8LZ^ApwLNC{|1o;Z7z^XWpXz04mD78+KR$-`WdgaE6P-LMcGGi*%HjI+1Z@WQnV6~ksXLD33_b?z zI{r>!uxD@StQ4v5|LIix1qQ+Jr3&hVku-rXfUn#-y22ZilwYMo%u#cV}b^MemSc$u9?Al z409u%B4|cv1j2@DH&?@TB#Nh4i8H9|EDlDcAG#mtt@J~IW4JKRFtaDboauVrv&@smA+u|3pFgAl5&r} z-HfVxY#=VA`0YZyI>hsINA1Re6v;LWzk>ZF%Dyp4 zT-Z#H7ig0sC0ZDwKcl;G$behG%AqXC%it9_bEZe3uHEG1KoD|@tvml(Z`CHj9T{Q9 z7Fv6)+^NqRT`hzO2b=w4pU3}PkVvr6xxbK^_m5~y#> z8-8|%{Dsn(`lI*MwNq&?2`8eNO9T|z#ksjKCYMI8!He1Y<%>lwV*N0xnV;PtGg~?G z2#~`F5q0b0u9&2;&e3?9smi}ooct#2HD`7sJA!V`Ct<?|GtF^`+E zo$StpAiL~~Z8#!HX+k!PHe4d*7_)6I*Ox56p0RTwV|?``N!ZNHrI%4@SIi6*Oh+-s zYk#M)?i#qrP|^}_m7wgN;h}*+E9)DT3si)nH}m)+&$gTE+ZgjPmw5l_ggA-+)r0CG z1F|&p1lWO?)e8#XLQgQ45__0_C1w7c<$zivNh(!v&=sJhnjkaGLPm zO~FI}&){g@1bN$ONQa4gfT~n;_@;9&w7nYYegIW<@Fr-wW_hbg?q`l#yp8zXK>+2P zsPMx^yj?JC^=jvE4``G>AVa6Spv_(dtg32&>0K-2=TKS%Db%zxf;T7q2ydf6{J!NV zx^A`tCeDXVg5y%W!};q!@ZN{)lV0w`D3{qy)R!XIL{sE$%y@twF=-&pR4jcEJe5 z@<{m;Hqkqar$E$gK-Jyia}j#Fpk4(W0+oD$+^ZLpqiQ@6aQ`q{+5oZXZO>#daIKf_ zPuo)cuXxWV!5)H9A}2<%r}luDcnSbSO*rDITlT^IAwvL$e$M6EJ!EA3#wslY-+R)O07K9a&Y`YL`$CdD%Z# zhn%}G1<=H@Qz{ne)Me1@(u3ylV-MIYRFg$CXgsvBsmmHnH<{<9C%r)j{luvRc7GvE zzHvdBNmG3s_#$bdA4pGVem^-rg!-}{z)T#6h+OqTN)>ON=dKG#T%yGw)WEi=Zs$eF zWk0I|Flb_OuN+Axv)LyrZ%5?TU~oT<94kguC)3r_8p*gE|G<)4_(?x|^<090X=c|& z_p~ZipNZ@d;h?yM6!UX`nw(sJoy+gf7LI|zCZ_#8fq=9hy9Z4P(m3wp(N@|i@2cWE z@hJ@3%xS_T-Dn7%m_^^4eo4O}pYOWnq3wz@0t8tE_+n(RD26;)R%yS?ql==c9I}ul ze%ACCk^+%wfAaPA{4f89UAxVniEn+mW<7Lu zUrIUfyOO0nFc467$J-|DBnsU*gUJN6qW5BrZoAV>d$0pj$%9h!J_~7;1y**1!oCi4 zTB@J&N_}-LMQ;Ll+;p$U>!J~$`>#XE=?s?;-mY^ zx=Cak!p0%FB$M=4$%N10EKS{Lm7P&#JBJA96zGE|YUZ@odGk={TRnFR+D?7>UuSFM zZ!Hy+AgBjlo*9tC-e&r4VCgc1MdOdhzUi`XLLd(NA_`&tMTQY|$s_N65{K*|*zbzE zfm})SU?;<5CT6_7xTz19ad~YP?*Oe;eIkYI21=nJ|D}!tOlTG;E`skH$-;dpwh(JmAWP+*`)YVPC zR^So;(=(s^f2pMp-XLTs|(>ZnK9{-5v(3+DPlUBHqki- zG6&@SVP4=8d+kl1k)9z;c30ERG5)gZ&Fz5~3*8l=7C8*0=!evG)ih+j2a__l46&Xd z_xBC472;h`;fB1q3V%?JT=i4kE&w5hC zYYgi=UeYk2F{|TsH7lLx6}+)YK|AgKU9QlsvumvUmFu8~7MJ`PeiIjsCXUrh#?j7r zT;e;^%r9C!+(zIZ7n0noD}4@)I|7Xtvvd`jO7@O~f zIoUku(sV1MJnv2fTfAFP8Re_pXkG)G9^#1E-MM56p9b14g*Daydahk`Kg}nnR~t81 zM%oB#mkXhwZW2|-MGjvW{9K55$K3|DZ)Baj7@Cr!+PFTdeMr!8&8&lJ{oLti;C9C5 z(kOSy9{keENgDG5bO~3D1H{2d>(SQ>|FA8vzptLHu{VSuSMGfUms3}#tojaoK^=Ul5b;Kt?YMa_j{}%XmJI1wxH- z@Rr(w+d3YHz$8F4;FD7@^2$B*W+xklganSUk&Fo_n%hM3;1DTC&BWN zVPWcJiGXy9CfWOozdy?a;lFPML$sZow<+jrpB284c-F1>I)L5n%l--7Pu9==Th>&d ztRpX@hrkQ85Pc#i@Hi5`rDF2WW8SCz*F9^IQS~o`=Ap&yzh3$q*qSE}V6^&nO7pk8}_7D}tvjew)*&npnv1fH-@5~P0}Ar)?qWt1PU--o6%^dErA%PGN5 z2`h{fw9=5EHoKLs0apTiN(bEzR#Ta87WDL;T*1K(2@$4yKw)rHdJznqTxu31llUG0 z;WGW4VQoyFcj`}@$@twA|HK^KoY`MLu{96&5L`Hppo^RUB~d?s$N0<@Ft$CIAy2jo z_G5>H+qgje-BRdD`etnAL3| zg~%3uE$Wm#3b8ilm3cKRC*YEM(x@i6(J67=MU`L*#-))8t9csWX^Q*;twVpYcLGSE zFTawkOGD|!UGl9)D+|ycnE`9C2KbS9(>-O;MF2SfP@xjX{ih&tCi**WI6Ol31{+Q| znl1T|BNafv&V~&Gf+8DA5;+o+dsD<+<4wVty!RW0>60a^hWLs=H?&sEPhNfdCSu1m zs9gbubv+h9ij&JG)U8FLdo))~O3alMeY#v`dgxgm3U)GlC!)7 zcni-KFUcy~9}h-w;FgHn3d|6OQ|*lv8A%~0tLMOHGYt$QNL)dQ*(s?xbdFha%o`+; z)EQNk-0*W;qoDuImj*4c8IF3>Jr5i`6qr~*?nLe=S@{DPM>uwY>rVH80P3x$-{S|AuN@-&b&5F}ZX6;@0O)yo z?*l0MJ_1jN#_mMHPN@RFb;of)dOeT?kND5cWAIl57~DIlm?Pi}k?IMMC9{UK z@fKR}u*1bL8{c;nc+KhIC^w5H0R~WUY{-eu0jtyKUeE`8*;{@#O=l*%D75l)9xNnF z3;*X*y-JrT_}3F9RIv~t9d7ZZ`8k?kFaW5Gs64@0*nV?p<0YQ^w8rco#q%2+`!jDf zy*_pN0oHS8QT>d#-&vBVfG#=)WldbY+|2bw5j>FRXEn{O`lV?ZM{A=CTeJ z7OVlE#dEIrh_M}UFXL!g5$eN=nfxp^q>B=ezl0`f6jTp`ug&g7$FpAjQ}BOWHoY5H zJXfz!n<`|JI12W%&pL5=Sh0(;SbBk6Iqviy@a6WQv)*mocibhAPbMbEemtyh6SN`4 z_W0ZsVM3^=rP^k^1@p{;qVd}Nu&-|t7rF`0GW#&z;%`396#61t0C>_`xMNmXiiILuaIGYc z2QD}TT~X4_TOdcg9#$x?4DcGXp1$ZuLJAJzJM^=!hPXWDVHHV-$a#M}b*$dklmQf& z;O;#&`1q82mGecaDI#45xAQe^FGDzHFL8VZ5)h7Y7s$ZMZV6bfJnnlb*Cn-7-a{Z8 z7>qprQ%+md|Mdhzh;2B{c?T8SMNn_Xy+eKn6Ib@;$qot|1*cO`plzaf*!D{CP^V?9 zV0&1+DX{zIN<&sa4(hr@C7^|So+IK-*g{7@B!k?VRp7(^_e>eo46`B~H$Y&Bg2+cYMf3#3&P$sL%(!%ruVylf8{5OOKK3V8N^GAbiL7ZV z*iYR)M9)G*UD~Zd*_!@)UXL~IsDoVaG?p;=gkIF~(PBE@;J?7$8@~VhetX8M2<3hd z(*6a#S^4eTD}>04zv8zL-VxCeEaEOJL#5O0;t_AcH*VY7&{W`vAJHTo9k2WHiCMpPvN+XJT}VSAP^&_MO+LfNL?|(3(!;fWv>e!dtWr;ZH{O=2=576trN7Kxuc-(LfM8jx> z6({^oGYRd#&+gg3&n|}t{XfYx$fpSZijx1IMD1T7^TVq*IR3ikdiXMS|AQx!pGw`o z8h7FY-e7H~nj6_SKM8Utl6G(V^baZhFkiy& zE}Mj!gCG{@L;2z_DDjt*6U9fk- zj05|E?B%aHQF_2;(yR&HqQDRZ$_O5b@}~cg#pKO^>ix+CS`GGPe#EFWk0tJ10DT75 z%yA{=DfwG`%E)1fDtj$fiP@+CmvERCl&=KUTqJ7X_3_?fDbGtF{|*}d4=ua`k7+-x z&|s3@uLB2mncd$~sQZ!;m3*sDT_buuTV_d83vLnVjOmu)>A7|)_}xy3hNuA`;bvo* zel|eeTK+lr5di4_4ICiq93JjB!GDvpKw5kyDaR1pN>c|VcQks|0uWsW%@&20Ie<4W z+`a?|bRT?=myLejbA0B+`(ZL*4e-KnS3wv^z#XB5j~}Xa-!h@YBzoMJhEUD-Kmsxr zL~BTAYkM^;F6(00$iq8NuXgEnfe-+H|4+!y+kVTsZH3OR8zA+<Lzam?>|rF0bq85YUa5AI-x-Q1GwJLPd}h>5L+5-5@rK&rf(2meqziEA3XPlLcg`q~+?ym6Wm5c&GrMF{ zz;3EZ{6a5!VUR#bs>8vZKL8WinIj&}nN`kuHE{>NC4dCq>vYKwrG;=+nCgrV4NZxO=$^GPDu%Y8rf@{VLw*}@2IVa3jiA%(; zw!R~D`ULEp)HQO3ynKM*f6FNH58K`<)V7pFn_JBqwGd&m>G!HS;-lYv&l8YVt^tGG z=&BbVgmx6g*yXznHD`Nxlm$ICv7iLRI^LYi1N-Sa=vj1?48#TJw00?(yNu&rdNR*H z0A@5Ttpm2wDG2@u(c^>oQnWpoAm;}fH zuQ34{Yqa0}b?3f8OFf;5X!HLZX~p*Ng&{UWz}qYy7LV0;W>7o?YZ5oL}@OVTwLry@Ahg zA@CD$*w$unLTNe#$ZF6}=5HGK?6pZpwt?!hR>4^=;f{-z|_c+%|m90HzlLu(_B zPIntl4R)+DcY)~1tqKbeizHHI>%oEgkMqz$)_&w$t{hhm9~Vg@{(Bm;<#2HkZxMT7 zfc8Rv9+XS8$XU?EAaA()o=}xO7f%FEfs#G5Jv#zGt`tn|Bp?`HiLng*GB_Y~kV#1f z)tE9spx}!)5SK(7!l>L27JjD@D=Ul7g}=V5Nu*bGKVH?18h2~MsGG# zx(9Ye;&)^=w8hb|yZ&FL>{34x5NS~NJrTDiq@NrCsD7zPg9H`+a}r7Tg=^>oZnAG^ zyZUfBNuagwKTl9e!Hr~6W~f4@c0m>kqb%Ff7_qqo)0UHly(u!J!v%gk&#l9CkXqAl ziYq_GdvGP9pW_$-CwTgt87%Og(!cJ5R4KkS;&-ZLDnKU2bb&eZhAjK)NJZX?oU|VB z_sfhZt^iZnO1d|iUzUWqDU5!l7^-H1L+L~n7^Uerb#J3XQLWm8Bj3I!ua5pu4WunI z-=ST7=AW}r8YTJW)WW>KFYtH}ki{3$aD4DRx}t+KDsI;2ygpz_79Tg)tx_vp=Yt#VqumVBlNM}MBYfq$xA zF9ez6T7Fs2i{9KrI}s@GGb*WSs{BzI!p@mLN+O^Z&0JUTSghvm8*Ro4igHHy-PeRv zaW5S;TS36z6r9hQdxJP)!m-s^Rg>&ZUm|jT>veH4#-EhkBcvj23ikk3)x z*Q}mP(AH7q*>eEe6HdOv45MF)n@0cKryd;YWINg_2l~7d+r{U|!sA`R3HnLo=;Mzmg#F@L?sS3+`LrsX+yRY+q{RK^#Lu)_&SAzxznJ zJGk*ju`0LQSPj(`oyWL2(;U|1SO=<_AObq@BHEnTGXQgtMf} zcW{#iu0J?dBUBDe$xA}5kOi+VhU>Bf;C@rWtqMA@hx!MmNES>QkODTPOlN@Hz`Oc( zg~yRF5OHvEhSBsH37kf6!~do=Xnt*iaMQ}Z6XP(isM((b3o$-*c<#&49I0?VxUE&a zeBHE}5k)>lW#`0|pe*>xE1v=sY$=Jo&I}uj#AfU!=QHPmYe9807N+gFIY(?qxOeER zsy3|re#}_cWGAz-D?ytjY!i=*EZ3?Hilg%cqsD0y4P7~6SG0B~?Dapdy_L7&cDAzu z!gP|xW1asCoENt-~@o>U~YeW7@~1CroY#Qom!>~tpxu#M@Q z=|{5UANFxM7@pqEQGQ$22$9scj}c+x*6>b}TY~uZ85owk>XJKFGp?XARVC@+3^x5Kg&ZS`{n6`&97C`;ivNfvet{7e4o!EQt*vqWGp0J_xf<$L$}UNp#_w^1_i z#@6_ro^0||!VTHxbsjakNtZ{kUh)8G&|20sLZX0nubFC<2!=!*KgNqiy=>)aAIpqk%KVVOQ>Z%h4J7E;dRUMMxm(V))a z&qJ##ZyzFhj!yb4+@oEe|Kjl)N{zOVKcPbkZ^nH;IZ)R`(Nu6CYN`aaac9sE*v3&Fs7)=V z=-t$~k0e=33xoa^CQPuamB@(;Z!2bkq9V5A__D#}lD=Tjd9#sOm{k_QRW#rqF1~7^ zD;NQ&50D{d#B}=-%y;Bj^5hRJ`7+`y*fKUat2MZ38FR_{k#HLB#LYfUoHn(Ol$EiDLjz7MDC3l%@8h zZ)iA3_a;>pzM;YDwJCgegCQyFj>T9!Lde{{0f8YRRLg)IlI}!66YlE!Pzqh=_wv9$ zE4QRQA%{Z!>xB)T`Z*p74V4Xb@g{`<3jB@rK#6Xr5ix{HN$dN=i=`^bS@Ga{gDE)KJ zJ1=`I4{6w+R)gir>_12|Ztk|#?q&|$UtOhHx~t#;!v=a!_FejZ?;0>dJs z4bUrr=JLpCmF4me8BVR6eVRT``+&P!2>Oh}jFl^A+Ax<#u@d6q|Tej+n)nGES zd3)3yof+zxcS+2Q%AO0mU-E8w{ycYCN$QgiHTNctvZrjlTvHL%=~WW5)1o_bzrp4| zM|eSkIa3&Wy*DgHg$PPpA zGL|l7nlg~2);E9|liPdx-OgS%Zi^Re+A;%cp4@pTE^y-10Y#8QQ(WSI+1D^zv5 z+UI1(NiqoL@r}h<-(OuT|AGGm58-fh@@Z#pf)-hl`_K1E)v}j0fE|Ua9AQX*$UvvEtuS<9dzCUx}&Hq9^0(zzZDD@mS5hO?PP|osW=lt71&e z%ff?lQ|I#iBD|7|nQIN;iickRxQ|sq)1MSS^fHTg#U@gyG)ZLJ?aWkjX06HOiUrR; z(ommM-+Xg@A}jjhGPmBHZW(YcYvMhnA@mVyhUhv8?wV28g?G`in#`&W)Bh!Gh!kPQ zF_FAHfzJZVZWD19H6QG=cyCNIlOTR3wX@L_$UbWNG79|cTkt1IZmJSRGEj*0+}P*+ zrmG@q00!$^a^d#U?HbDL7Y9GFqDVuoy|5(?RMqD4D0@dqCi-(@Pc+Mao#^MA$uS3S z2InP(a(WF-)=g5!6}HmX7}k;EdqsvX!tZXam-f+BYatP#1JiCjMJV}HA6cbG4#GRw zo!a+z0u$0gE|5I8K~L@5Q69{D zh*SuT%Mwe|on~!WLDb37KRW7D_}E7m5He@`xlreM)7hL87|l0yNWR#Dn55h$J8t0 zy|vR$5Cs~1mi5Jg+qOQ|@g;JPB*WiotZOskkyWzZ33k5SJOZ4;Qa zAFBND{Z!iW=XxL`Hf1g;k<%8N5?y9cR~#Xy@82fe{F6(55-Yxcb)JowoZC~{Iytk| zqk~4vNgbn(E1YFQL>e;#a{D5gJKC-fkj16@!47XTTw}lukw3=m`L}X3PmN7tUazhE z;)*P*0duY4DxVwSF3BnkqREUIM(wv26x$~^Ug*W#>vfl>5>Q~P(o&_3yjCskAf!Dx zwQadG-Sty_>tiwMX@)G8o|7;q;@)fIf!E#?MbFtDzA52Zo|*N1urL&aY}B&HAsLw%!Yn;ZONF+1hY2@Fh1~b>!CR z`TZb3R+}PzutFU1zDj7a=H8z;^0Uxskwm*JMXfG;ip>9oFai2kIyu--5c_H;Jym1` zu)BNhAJR|C8H>8uZkw^@sh-f8k0CjflAOFFn6r-m15PJ_*E{ZI@a(p(y+A#Ih^Gz}rqNv71BG`_l8uqd-R9%}+sA!SRA zgj$8UN)fR`_Z9b4hfS=1Cz34Aa9CSJlsZl|A_ye0c1Bl)-0wH*ox_pOll+q{w5^c; zEpG|`)ADsni)B(QXDT zIQu$C$gQ%FzSKVr&IbMYZrV&gT2UYkn#6q3inJerhkM3Ui(%KCC2rsWDRz%-5eal_+ zk|bidzPloF`?evYBtRnNx1a+p{u#2Ngl<=A;cQwuRFWC?%u%=s_o z`TJSq!E=5O=DVsF$1VS=&kPZD+lqn|1mSmCGwUIN(>Nj^o9YSu;R6vp-Uo5SG+eTH z1;jpwnmO!Jc59;>lqa5ojSlC_yZY z1xoCsov$;s869JABDz9DZ;G$W45@^?!7iXJ^vWhJsV@#yl5rP5ht;CvV5WMo%Qkv+ z4{EgDK=7twew4m3GmR{1O+Gc*lGC6<*6F%!K(e56mhsiDC&deMztPn~X{VYh8vno2 zLwBGub9mg1v?I+#kF=sqjq*y+cFa*XcM^D2zp1w@?SU1iA3TA&#+k8 z=NFQqk_WyrYh+!@5Zd*j^Wi(P8&#fG$iD-a7V8O|Xl$R63)w?1-OIyeIlLY-WJpXN zuno!;IR&dlOF@se^U)y?##g{ly>ad`@Fki9uJGBVI0|595C>B~LG^F^fS}Z;hG;*0 z!ZRPh#7bvHjqCbawpyCuNEBTS(78ID#h)%rf|^LE`fj|EC$#<&(-HS<(@$Ghb1>}X zOX7497vLsc2%KWpfNeW>$~}#|g%qBgN`7zI8&iO8<+p)a=N%_NbG&^J`SdzaWaa~4`0D*w5PlxfXRB~dAA{CQ3d0c$;c(8kqJ30 zl%IVA8G*q?nF%P(w8Yyj^_bI5C9S^m-nxz!#gvZ$-Sswde<;6!3w5~QOB}!iFZ4P3 zrI<@-(`bG&hrA0VFN>Eu2og@Yq>wItCqn>N$}GeQ+L3#KAEcCD&_~X?9INm`!QUr4 zd0-xR5yn)``i@vP2cFHE&Ku@fRWdksAfTIoc6SX65qpQFU~{_8LLOwVmGry6BVvya z^xb|2^@lv?mVW;ZAO)>AffIyg!yj!tPdg1bh{V?~hmYgv;j|F#>`o6cMv!-g?BbB6 z^S#WaX+n)ym!@pG-ni*d&Qz{dwU^?~MZaQ7LkEr!Nn~;?OxIm7I}{E;-VC>Sc3;mI zbS?VRrduOocMO5E2E?$SrR~~}XlrOQ=SUFrcHqCKJx>DrT|WT0PFdWE*BOt;WBvm3 zOjNcl7-F~dh_#%??~|-0mOZ`dyZ>%>1cFnl6GZL01qb6+52S_6q(E1@c6qd_sH^F6 zezEMZLztyaJK^;HT#_2o8A7HdjRpYCl;R9lqJmJSE-^v(8=eJ^JUmBU=Q{T~q{8~G zLd1&+iE>fX9UyzgG{n6O**i&kRPrn4oA1#TQDB>rX^^m-(EGG-Yrbpf_*!k%_v?SP z(;zMve1z>*V7jTz7MTC=9O^2CFF(mN?Wk1Z^V?GML|xU2x7;tSSR3M(Z2{8y(9HF<<6n4JLE-?L=I!QNdePO`*6;%o?( z6(`<2$f*WQVFe6_a$~gj1F((xPmC|Eo`YhStLv<)k*)bImM3c6_0}Wd#1I{Z& zOdw#aT^h+DR>qwpZIhr?&&lL&#Vz;e+=vIK{2zB*k22J)~%`^LVgv8h4gr(?Tmwq`S$Mf2d#=jzFm4psVG7EiFy1{VE)c? zcqDq=rQzIq!S=boa|;#^O70-aT%;jhj$9B1n2m)~{(ScC4T$FlCqQHoxhQEb>+a3K zN$nr8e%apI-VwOGayx{zvmJvK$}e}Kn57Iy1eG%jJ~tKIjUTAcG}AFxeT!cft%xhU ztBRnkbC{C-84P<5c57YMZR3>yoc>fhrAB0#T8q=(hzD0Kf_PprX6ns4AeA} zJRWb?Oh{qI(5yTNVniQ+c41=7z@PTT&^6fTcg2MSwgVYrlOTl#)~P&<40;m0LRU=A zZxbG=Wr}Njz!dt#8Rd7EZGbminTo$z*!dfYG>iws!BbASi7bn7xdXxv!^bm2IHLKP z+7F|^%wyuR50I>|zC0AtE}td-(NDl>Tv^s?bgob{tqevyTZOzyGEgz$JewPS#7QIr zy;4!xsD3UFYI{W3!gZ+^Y1PRBdC1a|k2y<}0rj$O+8a`{z}c{B#_9ir+K@h7fI}$b z(ucfYZ4hje>zv-H%}k^^CmdbMJo1V}`dhT69Mgw)Z*G@gcb-a*tmNL}cd`UQ)pAhx?mt2Gm4w)D zeffywgZcYC{m#9OL%0T$UejZ$=c3)7>*3=ihh}be1?GPzAtYG(`Cu+)X5flpa0}B| zLbgmC`T-yKJPaCoPiC?-BhS*MYPkawOeHGXQ>zgQzvAXf-k3@nlBx$FcewphC#9NO zE8ESSUy%u0^FUPQ4o>0GxlR(@=ht-F=rC8=2oNzr^_QIeN$;d@$UeQODuC<~iGjUg zAe6;&n(1NIl0(`xTIkSamTw}8M|q?3g!MPJqU9)JU?P6ky}*W)xK++gO5}Nj#(VBt z7;BvziM)y96H(B?=tJlOimIsa%(^aW3gvzj&qTmESef}J#JqFqleUz5sgrOyy{nI!!6`Wl${@3}4s zNvTZ5ub|Y`x*=+);&6A}NTA_GVbK1$%$1Ox?fK`3T%nlFWjCH zYunc-g%OmKR0grUk+mwA6pQPQLPeZa8ej$4ox014k^hja;oTtq%FLDX8+d;8lRB>B zODqu@G+;vsg8*v#Ha z`0Y#`)Grtm{C=4pSZ9nt8CsciScIi%gacgDCPk3B1?YiC_a6BuMFV`$ytd?%shMT)qhIe2o7MaXbLg)xiy}p&H`G}J2GV z(OjuMFr~8v#FmcAy@}o|m9=S0IE8)r@#c%^Souw*W$CArz?o~B@i^^X`4cO@>-jNb zeq-;3%ICD@5pxyJ-u6vC(cjk7k7H>RWDFKM0j*Oace2ZDu`yD|@1Z57nb7BowwvCg z{Go88W(Pi%ddef^5=%{-CL6z?(xbQ1s}|8@H4j4#$ypu+x3fWCGz-Po`I!(MEC(6x z!r+d7<9q1jqwe0i(D;djaSQz|Ho&hQyM0bppg3_MLIqip=icO>E&ee7cPavFxh};M zCz+`a5WIiqAVc~I#I0l*?jO{z%+IIeO<(=?U3UvynyTHt@*qQT1G4;}*gt1n*7J*O zh1J%>p5Aow1;vW_VhWb+q(;T}JS1r*M~neQq;a*3yowW5aI^6H;ljksUs(nt<7CqiE(-1`s zBX}Itk?%t#*zAO-K7pKw&1_)sM9UeM9=^nSyM&Gb`Iwg~_^ND;WhN(?Eb?Z^TcwdR z8Mi~ro8vKtis$;0n|OELO$Q9VH?0inyYmAfgjiwqo}4G!765Jq4i8Ec9qA||vZqK0 z@K^mXG83#4sQO&3@auQt__!r46bpOhD7x9m5U)fUn5$Euiz0fR5gVwVmrTp*-@XV= zS%ZzY1AH%1)JBnry_tLaZ9R;CK%?zET!ijxy%PG=b)hdE*CA|jDS-1h(62E;_NtBp z4VK$$BQ}T^o3#10X9&J}yZq8rp2CHkRy&M@3E45COqn=<&O3iKjkxvvELvS|&xC1G zd?bfk&on>g#amE$a|lF~euY~KvrrL&!;PmAR{Ax&oX@@R^(WnM7M)#fZ`p^}GhxPF zo7phCEA~F!Z|N_)E*Vmy9#iJ-vkKA%zme$b9umhk>nC}&45-nr5tUT-B*ML#1bUB1 z!n#0m8-EX6BF}%TY$1Jy?^%~e214E88nMg$h0poCxhTt+qrcTlYTCeX=@F!#y0+qC z+pP*rL7wsGW#{@XN+=-+wF?$#+Z$qQSf@=J{qXzEkLsuRF3}um`x`>hb&aa-32nEr zq1|6<+kIe#&{(bbvqFZW zhFD}HxIBml-~Lz>cjR(1AOJ+Wy4JUKtAiS>Fu$Ya9_{7o1}g+;dfHvH{@o80li(2w%Q@+ z!Hc9V2W~373&ydcY1$09>Qg+H$5Ohh^r-K_54#csG>rmHiJL#1y2$@0nC_GRQ|NDn zjkB!pOhECU2ZK;o`9HY^=lQ?$V!9fL zdTO+C|Lmj0D@Z~Dgf?OCy_?nD>NAqx*8o>I-dS%g5V1S(MH01Cxr^${I#W5)O zS;wr~{U&^MA38|Ua261s47G37iTcOg@4op9i~^n&zQ^L6Iu|f>G@Ohe9jMrmJNHvm zj*7Z2>G0-XcF%7^$3I`S=wopOhTVZl=Hez99b*KPbxCKOp7C`riromZcy|BeWB}Pm zFncID#-X%YWDe|sLWY2FItF-3X4}+N%VEw5ILLSP3J(`ECmdT~yAu&EM*> zz47^Im`>^J0J+RkvOId-quBHB!W-oQjIV#J0;+a%+80b)JOy6f2}f`4=>tdTLV)BfAtwa}aoaJGL2zeQwO+LPpqe69 z4GfD7cAkN3zPkVj)V4A5G%;I12nY7J0va4d^N{=Kto{IT%Sdccb)?7?tO^XZbyf(E zSg`FvPQX1O7SFCjf2aoNn8RS0#w^R5_dP_H*Fe&;tHa|o;26{Iv#GkfIy$%t_KyA@ z-Le7Ls1vY|c?wC{zo*GA;ZxTsMltaX>RF@*>9<8Pz6}rhJYo$@N7g_E9^VibUYh3E z!JT!Cc?=P{19@P~)$vMU8b>ygyInGJu|F$(=4sY*Fh*kxt{-u;3PPJZdS59lLoTKZ z=2&wJx|o=?rtUrGD{cT&8z!#bHh>jGH5esR=~44s1r3%pXvo8xw|KbFKwQ|Q1vXgi zWR8>(jsHkkKxkTQ))~JB{)cTfzQNWjrjrMdpYn5(xfpOTvEG2NF6IA5G4xe*KACMI zCt^_7oKe`gnP`}{hpeQ81Y`RH_%_@&jaqm#$0q5N`k6*AAEo(W#HaPVS<@MAHWzjB zlIkmuP062ZCEUDr`cSx&x9s^4zH?KsHZC$ktD&G;@-#N@#E+2T-9ku0-RGq|%(wKB z1QXSVOs2o?A1ng%*yoY4Kuf&aA>g%VzX-V!XWyU! z-Oac2`{Bq>n0u&TO@V7V@;BhR0+eL#uaJVDrW=KyH19Pg3_yAbAnqJ~aj#Z<4)#Le z42;+#k9}^Xw1tcufq}c0ND&%6*8bE6+-11cQ&r552EYeq~>p zy^h`#>EIqqsWJs{P!Owb{T9?bcGp%tz)UF^5Mnui<#zpUxN@Z2;PqwuC|Pwb<01srEdWpNJg&Il#jv zdv^plc|gPBqN!l(?xMJ6s|7tc`gc(jSQ5lS#|@00OHju@B?<9Xp0B^KYV>U*(v4CALy3T-5(6sTFo2Ylz4!N?^OqmY%=4^!-D_Rz zTGzFG#a?_S!CNKutM_<*?t_L@dg*G>eY5N%ECso*$Am(n3*$#PLzY!Y;#TZH)f&Td zof(`o3Qc|Ig50PFx1Rj=QfQF@``DKrR!4aRH)OJ{a-%H4dN_q!%mwtZlIDm<@eI!H zbCDPK+kO04BYbzkz%6Z%sH{42j#dA$ccuZ93N0tLS`RUSCC{ydX|Je9Yjkb=Y&;Au@oy!p zyNIisjn2t?$m@Zp1?Ow-Jm4R5+&U8nE~CjK{4X-r-IvT_&;ZC^$P6q`dHfhq(KF8f zbu`e)Sf6AJ-RzHfA27`8vD-@CV>fUgR&lnK`yvOHcJELyd+lI4zfGYt#{B~APa*Dl zG+jhwF!E43me|)|<3QW_YRAq&9mVo8xP63j@FU&>Vct=17-?IRf}PYaTD( z_7Ea}T?U4Fx3-n;{5TOA1#94-TLql=^^WN$7VmPtdM}<# z5owp+n+?>S(R1GF=!<1ydqOe2iB^)i@Aie@FmgZ6qvA1fP27nk)%a)vCETB^au za5~-CX4C@MYk(-gpTB*%Q8EIS45Y7Y_0cfXN)z%CKDua0qz|AmeHIF>Ic23JV<5(l zC0`2eAeXPX;kiBYFszEdW34GQZq;EwRTg4(O7VlxVhRUH7G_5j=mS!bt!vpy@g_OL zgI2(F;eHg4y}#-#x?ddDG8aO`6>PrMQHwMm0;$X849>80k}nMKO>w_Hn?^23bDKpH zr~m1HMc%%oS|A;jDX4Kp~oexe2{X!TFNC5>QT;J$FMs5ze#EKmw)3xuC=2T3NmpZ*SED~ zdBk11g0qF5KUaX~zK}X4qX-;Fs<2ssL@9{hiBRu*DXuA-SKDJ0k$f&RJ-x+OoO(cNh1q;pyK{qR4OFHnVVja)F15jbb)z8AMRWO0rQv#dR*OATi=UQ~+i#Vqr zgu*YhN5?5|H53Q8!H1TWW+&T9b`!r{Za>$uG-36sT8|T1V-@z=)IXL@;v4`~`0F>f zYZK|S20Y|4X%56WY#Xt<%ZFpG1F)qtJtxp18pv{!4c;7&ahZyAE%%#+)SVW$aF73Q zT?rt~LZuttu20fpz#`Rrc0VC{z9k~&c0NSiAlE+3oKYz3>L8P5osKS`Zo!zYUDoR@ zSbi4Ck8NcSBR7jFrM%ibN%K~3`+C#~`#UucZ%UFd1x1q%bBj*5b$@zPH(&Mm7!Bea zBi!;T-ug|rK0~-#y|J&$+aLHz-&X`B+rLzAnI8fxSmTozS5woVVI?gf9RA57GN0L*l&SCGutPt!z4@FpFa9 zl_{(!176eE{ZvPw!g`?}^uUX7do)rA#0AVi@=kaZS^RGQkC^$lZ_G~Zdt|5}j3s3! zyyTN=35w0Em1R6x|Mk9001NrZZg8S?gQRBdGrzFis1RIx$p;s8>jQgVXOKZiLio|v z{r3jdcMnhT|GZ~I^u(3XS(-v1B@N#45TPViF?q`j_o>(5&w|T}SoA!~bH`kL&IP_0VO;LInuK{Tj30$P`d^zM)j$R5Tz5;T zwUh5_(*~_J?@$Jrd9^+_-woE^I6CxyWna(MhNzw2xe2XY{Op+eM(D$@84m#Y0c*v(e1#4oy^%yANv8*q8 zErMdm_KW!x`ejRwObc*hzOl34t^I!Bd0RbO9)+2g8yYw4BnE@mYW5+M8J zj?exnk>!!{n;WG>UV0<*^tueW3$6sue}DOE``1a>&;6!mc_DZg^VJ8xH)R{382dk& zfPHI(Mb6hZd^=nXTi4*$H~952zpgqH6}|W*wk&d2TS@mF*x9K0_;(C+f*5!?CDD6J z)qGU?$)p^;=x|sMeM$9667^Rdk@oYcgt|d?K)H~NtWqktN%U*0=w;IO)6p z`_8{f?0#utJCTmB!GKl3I-LgplE-*160=lB5!|Nr-{5Zv=eb7}lb zH43Y_wCv?_^X+f9VW;{tVW5kEU-6r*@*cJo5KM}?WwhkH)beZj0xKdHUi$3nGj9pf z$Q$d7BF|+8gGn8!Pb}S77-=9`_7A+Go(YnRNBKhEvsK+ny4~_4%bgZ1*YX>Gi2C^} z$Q;3$aRB4a;W!P_4JTCI+>9XrlRuh{8LG&nC`m@%g63#)=0~#-7>d{b^!A8Bj!`dEJ?j?#wfZEhI<&ubGIP1 z<7jfcYVRwlIcWA`BzKh3cv>r2c=FVgQmWN^Hb(ZI8Y9L6HkbY%K~i>h0ub6AyVe5Y z)aXOiXVyDN_uqfQ?14?aUsS4WjS6lVClB{=OEeUY_G0Uwk|3FV)45B2zcIZ{=9$AYL}CW!qmLBwYjN%0uiCN51q=Ysjy0B;_H@~OYxod@H9 z3Z)0ALGK(~$)`0@#vHP=gkk$YF}sLTTj#xz$SBbCb>4oxuAf@M51mWl%i8UgWstU# z3ES5YI8S_Ia=t*Bnn9p7#o*T!>RQgK15%GX_s(^&-h6&p?IR@o@!3e{BJr-^t7*67@}eZSdQ7`U$&!L^<=|_X zNxyjFWUgG)j9g@>QhTGmg@&GsU?=bTV-G72y-wNh{VK+0JWLj}NN#r%N792D7)_2D zP}f;r01UW0OjPF`y7iut?!hrne>`gvB7mjla2{M>iC#XGglYj$YJwOKMr|7{RZd5# zpZ?z3{;HCuRix>q0l|iEBA)4=8+fvrjd(DJ-i4P`)=c%NH=4Od%Og5#e%!Rx;B*YK zD;>yw5)>VTGSNuqhe7YLNNnt7o3vI4u~R_qRm5nPC(ZW=9Wt!q9QBA3_lFW<5w~RX zsn#0k&c++&DI&9zIJ-XX0I+vjjP35YPE(%<35rC?+staltr%)3&-9Mv>kYczov8}_Ta7O3+mi=p$>iB} z=+ri)Aqa0#@Mx|(i~u%!*I*qTmoM^x$T?k>fP8H;ZM|A(VVcu8C#6DZL8$(8B{LmU ziTL^DG+tYilGM`vENmw8wKcNU;RONC`%4oF^0y{bu8_Sn<-7#9T1F)-sIdFexbxwF>3H#JHkG@x{!vFY} zYU~IadFXc|`q>XZM%2)0H0f4YUr<<*^J!TkFkBVF>|Tj!J}s7E3n-aS_P^PdHx zgsI(JhEo7AQZ92|P>?jwM?;UA`&axsAZ=7$`#g@ngKW;X^uL1)SPkbqM_L6gGc54v zR6J7)fedeh70d^@kBUBsqFVCvmpa3*3oqy1VcgrR(zJ&k^@XeW1C7o9d7MHqxoMA6 zLnc*J?ysqCDQ!2M<$9jurJ4FT`>4nR@2biW)Uneh%Es5>WSVS5_ zZ9IMq&R$!0aU9V^_x`SPzLybuQabk#fbLRV#oU|8^7+I)+CvHshn$RjQ_)8ey~3zZ zpGK_b?pfw{4ZsdY@DEkQ%^0p!sezyL_ZbJ@t~XW`{h86282)iEaR->1)t#QzuyU8W zbWmmSljM8Py@DWIKG=-0X@nQ4e{e{QOL)BD6GJCPaK4)mV#=ILxTN4V?|kRcz0Gi7 zujqGn8P0{MPZ~UPE{O2`2us&0+ly1MQ#Ot?b^`=BpUrnS!U zkBDy0J^E&8Kpa<5?_=KnwJ@+vTr&dJ-D%w2v>F~xf7|Z(+5ikqvyYfjLt}H<-*4e| zUkk2>jY#5rtrgq#&CmDdJ$l?EcRQ$5ft~PaU;A~XHj@Eg5H*rb*j4FvDocRO@;X+M z0a1&u8$gJF`7$IQhQ?}mVM;mR0cBhTq@9J0l)ST*4PX*_ya6Q7c!eyuQoSwAH1Xq#XJFfj}EeNQX0Z)zlt| zrD^M&KL+VTYxtg3&`*;E_2s>+g|oHsk58}cAzazPBC8ze>IjbJdL_gcmpP`+uglYnIpPI58KM*!F+0DZ!WQAGl#JN`?6`XZTy zWODCe{`wOApDJ)4D|B zs@9!2KjRMGnT|^{P(~?{!Vf+f%i}7D6;LaDwirrqm~7m`G2FU8B;Eg@EJtoPS||2$ z!H_^=v$RmJ>Dnc7(#hg<#wKOtA;Bt^o0Sqj5lWiI5OESChUChxfaGQ3@2bSU*_~^L1!ribp1qd`DS-f!Qw#^=owK4)>hb?=cF2E=Y?6y&tL0(tN*{9kX zrogsb^1NC3g7*YYMAtFf`M0ib-&G>I;snRLj`Q7*=RgeJZKaMC;u4y6jOUpI6Pee9 zf#)N%KjtuY9Pp5~w+AKpbaMRoX5I6C|Bysh^`cG;7<sA;n3<{fnKQL`$U%rAweR@Xq@CBG^lVUrTnUp9DgwZ4_t zEOFrj?BH%0YL;~~cuY&Y$SI?UDWdC3W%UG$7W?ln~Q)aZoiztIFNwl0vxq zeJ>~pclxJku0faV9E0P6qS8Sb8_R7cF^Mu}xxJ(WxN8;TmR{SngCLMzviizp>k%gz zC@n73slg;qKh{sX#79oHI>lCz9g+3#`|-^H&pzouQm2Z)N!N}m{GLQcdPc~vmn@ng z9{T3{ZzefPzSI}omrUeDkz_w4eXx_gpWhP<`MyQEC~7=BQGADAU`Zu5gdy?hkspOzU%T7-6tv@ZH!WQko!${h zVf|$n>7Ucza>oZGsxsEaiOtx1f|*#!<>cm&1N0t5Em8To%tnk#9o!g^_;P0#%uBhs z=|pfCNAuNOwY}(2anDu)VQz1hw zaRjG^Xtz@^|2?i9jRUVdKT|E;cG+3|#okMnGuE6uaOEPUAQ9h;tm9GzLrJDbbeZ@y z2pY=C@XMllbnR9b@3R|CIeb3QdzZ?gQfHCK==pBpL}2cOp)7(!`QEg1wQG16$M%oQ zzFm+#i+>;3zjx~RngG5JM)Tl-5QEHS1~QQq-g;PHRkZMlCV3eQ_%tS+H1ITNP!%jF zos%VCshy^lDPcGRovvz9bDjJk;O!DS4XQol@rk(U_rmN_VC-d3`nrJ##8OrZrN*)epX1<64nWfZjS?mTh60Rfelv!I$_(725T zd95vz<8q)@o07HDQ}%kd!VZq*K#Rtyw?{i*Vl3Ipk~IU4Y}X|jv@tPzCQpEUUbA4d z;?xD`x)de=H7}I^c^?7=GuCwUv%pU>WpIk@GYgQnH#q@1K`&Lo6vT6rjI-|uYk8Y{ za`*J!^YTcM?gg`Djpz?#3p{#Tncszz$Wky`*6gzH7{1C@M(Tu|j1_`$0LQtki}X15 z6g&*UR2~C2;M`!LjYUu-XsqwKxq*EowQ>P?l*qU0ETd7~Rw4IsHFQ4u?V}*ap6-D+ zB--yH=}}rj7%2C=*Nox02D16v(J}GK4ZUoV;LQhl>chKd{}}t~{@sx>YIh<2*Cpy9 zCFI07@rE=gfhN*j>cy2PLcXf_XaiS73i=d9Gl*QTSAF& z>`dxzM}1bVdsc@VbgY7cnMq`a0_K%RyoZdwPkaMUF{4sPEKkETbzH{JQ8!GfktV5n zR~!lh8NYy%i;se%kvZ{tfl#yi<9;XE=w-ulT<%XY!>yIT$Q9#bPOwVe_&UXP<`tEI zs$E5!riQ=HBh?0)Ll%WrDBj1DRVwW$Jlj@KqN`kRB>4qKGO5JnNe1Fz_Y|KfqU zo+w7Jzq{&}w^j4A#lkCTUQ&_$g~*AUiws}%RQBhx`qTRXX(N*x5Ehda0iW2)jBpHT zGg&5{?!qJaTT4ctirG4C3mVqC;e98mY~M zXU~sB^(vsL{b9gIZP9CXGUziNjtV^T7QLOd|ci$-SXK!CwGbYwWD+qta{_; za^p~(*$(%cHm5+|P;z-7Wz%(Om!~+OjTGNclk%iOy9wuRk_rC_BX?(I(HOP#mvW0{ zH&3Zo7UZ}-s9kAf8U3+(3Q>*2FrSdVn<$A$#_ZI7ali;e{TcWWL~Z*y=-6Su$u3&4 zLGcFfdiqP{|r27&>bFs`lH2r;Cfxo_$}wY(o%| z>OJ)%UjpX$b5{mZCnt7{*`p;Y8L!&jaM&>4{OlJR&Wf08b~dR2;ui5CS-87jmL4*b z7Ob8{-Ci8=@D?ah4m0`s{pKnOhT|(=WN+ArVZ{#P>g^#3_RC{d5q8I?U|5#zF|ZHq z|5}qcpYBOOexr}OMhD|oHk?>lM?g4`{26_(f;9WF#()PaUMj(!6px*8Lt<6%LHWdm zr~pdVfeFwU&izn&(C8Ri+=c)E`439E!Vo;JzeghF?wAV-IMxZdyOy5wFQ_=K{Tlc? zVs0I#GMmASjOq}Rmr^+89p?Gt@9M@`mDog3o zO8ow}e6gWPjP#ub@1*&lWtC_c_P&1o?1?n%LAsC5WQSGiPcYb`XHmMd)*uL(ZkAbW zgZi##hdq^-G5i;b7JE)?ICdKS<>~vljo~BX!gkV zssdN}_V>2epoTkBFKySvQYbBZ=|~~GZI#}`g2_F4NY-cxLdHH;HU2LTBf~im%1bMa z>XEGCz%9{6Tfz-e_X2ZG*A6lb(cyd1!Z(wZ3oTiFwtx+fp)>{ihl=RRdTJ5K_g#d{G`7Qegya0VmJCaYS-Me#Yp&) z)fq~TM5u}D+A3bn;OM%4I_dyJD$A`1@@q7&Y#{5S=2}z9Sqthp$}}M$BfLedz7v1S zHV$_VePia6G(Sqfrsf)E@+U*U)X)+Z>E#^q9>f$~Ga<%m=$i8a?AwlJO*-i+Q?u0t zulr7c9j+4G$0fT886 zEFt7JH{#U!Y6SMa@vL`=hQVB|6%4adg`=Nb%_mC142}@7BKBPq1i?-2T^je&RvLPl zECweM5v0d$5&tf4fQfo+Zh$oLPm|efLQ9t#C`~HuaKGE)6pEEP@Z9IZD<75&TYa)rkAy!vA!Jj9n-jYK=<9HF<%DI=^@ti$ zG4!pB7J}FMKZVAU=TpAv%H3~#>cL7pPBQhhbvKQ3Wkz6zshTz9R`Rv$j2Z(Pl-8x^ z5DWKKnVj}{Rezzs-|gTaxvnJn`%3&H(i{bH5l)m=iS1wHCpRq#inLPwQ4j=Hs(#lG zrM2Qc`(x>UR;06njxmG?rX}p>=3}z8&-4f)Lq!7`)*)OKIy* zWqW$~u}xNv1*P@9yj)BDlVPrydayIYT@70?*n+7!h#f}$*-+WB&X27J6}uuy-PMv_ zu`x4>lJ26DnX=bWb6!KV^zfq*pZgVZcQw`hb>0#5pszc3XI5JD4_0h#@hmbGUVw+z z=VbBXO7p|{|K85}CD~x}`@5uhIZTp`+`zdDT@$!GU(DQfZ#;=Yvqw7~-H;q?^aYE$ zW0#U=d&1XX9dvbPj7i;=lsDOtQhRp<@lf05kjhnO=(T9=ngK&&jULsX#|4q&>!}a4 zVWX}|B@{4L1m3#Y>s5nQU!Nod1{y-B8J~96@7cZ-{%B4^4<|7Pg4&nK!C7fqcRLwR zIe*l^9HtS6X+WiwJ{0RT=F7847Eu$hjn}G4`jd5cYGhbK+p|r_6iTj|jgf$n(-~jN z6mO7HR+arHK}qT@0lM!83!^MShEt2T2~TKg=K3=Q*6XCo3QcD>iw66Tl&@zQbc?6< zvb(VSE9!PuW#6pt4U6!iNK!U%1e-Pr#^qm@etePi)au0}N6~<*Jk33>+sfh~2wPbw zHs+PPI8tsQ`~F9&iQ&NZXAk2r*BAudJcE9@0v9ER-dm!$>PQBO3bkArtMZno8@a4a zJ)+)OHg2X#pF!JiB*iV-?J5al6y?XjYgbT%1w`!GHR&Ywwt|EELaxbk&wDdoh3TC-ey{KlHaAL0eM!9Wh&C;)(n< zybP~JPm`zH#%iB9HPSgm=^W3M{jfB+l>v5s@~Fy$JNRaqb@4mg^xCiIcjJ9x(*@0> zNt?qCm`lUXP{I4La<8D^@c3}Ca<|b;xb#=rCt|eM#dllyAD5lGI zG;*3>?xK;3_VLEra%=YdqN zhTUXEC@Cqm_u=rVLT&mr+9u5d(n=WUshQvgNpg-4!;VTZT#!!X@T}}~?KR*+!!MLW z_}_~#(ZT^~VO8*Rgt5Qr13xVUA#jwgblJn6kj>l20QgY3b&M;# zakl~|rIuEwjGHmhYN~ypFRP5!Pcx}ok{5wG55MTNVHvYhvr}3(Q1)C+H+#rdRcX4n zhYMi%3v{Z$2R(yqZqBd3bnw)+B~hK6l9CNB4KgKy8AcjLO_N~vSG05WA)k(j|4Za^~KW07y_M7qZ zN3BO`k=;h~{)$`Y;ITMB7Fd8Z_9&3x$#7r7x|gt+0T$KjYJV7&wuGf8xY08rGp+*# z(4QOIt|0+_zOkL-2@z^&Q@h%R04=+_E&4FmAT-c_WeM6)VxgA>cs^<>nNvdrkjtOA zt^RnC<^c33E;j%LS}Vm&i25JS5;gLaTmHD$9w;d?V3nC2U}ZgvpM`>VV@9>5w^OsT zCjm&*8+r*oKWivj-^4D*OU2^%R~qD=+hh-&v)?Vdi1uii3*cOF0;sYi@Q~RgMZ-Q-_!EvD4ho#v8SzjX;q9&zKfyDIomEz zpxyt*bQ#S&N0m{(vB0L-xC!93KVW{a8kyXK^=46JaQ>k9swJSEVLq{soTq9Kt9MaC zm<#;&d@*a{ZIZHJjeVFoZ=J`T7MJkpD%6(%6$DHGJESET9<)i%fLKxuIkXE&FJJ?(&y?F8_~FT~ zNcrrG)hMSBn?d;E0JB>MMd2i3$BVaV7g)?3Z2&c3we^!3puFfTgX8Ae@Z6ikfPD){@bL)JL7EHw5k;c{0#xiYQStAGxr`-WhnmZoQ0 z$@pvsNbYD&R)O$=5u{XRJ~y6mn%T9b&oPGO%d?rlM|+1Swg47FsdU0zgL|BLfD^>| zRtH5klt#Ph3O-HiR^jP3U~*U|qc_W|wEdzk#fJ3$ss&P8a^&X6UUvKZPeBRrEEE^6Shp00Hg_*s3L>1$MdN9?+HU| z-tP|Xu1j<|?uSc2i}R@ie=hMU@k!q$)&^r=efa}V#t4kKjmKv3kl0vZ70bo1NZl}z z)NP==%d`!UxUxLnec-}&M-DAHzk8B@bd#xDdZ<|?Yvq|xw`ID>n8adZmsi_C>w^eE zWb^nm$M*cupm6k1Fc5Gr5gBS8YW~JCFdTeXyL%jX#@l@;*ZgZ|uYywHMtQqy@O~C1 zWSQQKRw!}?Z)^AiKru@^y09J~L5Uaxvc}^2FZ53DMP>k(9(lW%sn!`;8iW%67Cjn zJ02Vbqs$b@=s~;S_`IQ#?du!=d3R9bqRs)+T29iP<#ehWNpJ%431Y>R)m=iX$9Uyh zx8hEf%9Sh6ufU*+`pLIDd6(?3T2We3z^f8G59YxWrYggLgTYnu6I=uu>l6mrc}DSl zyLDye&;wsF)p1eJ)gRwOu#ojoM2%Z)D*jg(7QUB08BGXIMLvI)Ykt0ISfVDC<;^D2 z@ZG)NGf3M8Yb;ur0Z{nf=rt&7uw`~={<8W(P5EjHKq(#D9&it# zf#`iwr7|N3y^kfK>4F6I}u9K1@@cy-jA z0>5m4QE&8B%4a;B5|X4ZyXU~WEO!Tut~}%m)$CzMB*`#3AHG~%G`gh&T_63KHIFG? zk*GmXZdT?@5N+5L#);AA1n%{sfT0U;OnU6DHXXUHiucGbWJQSJ5+FG0leN-#RCWQ# zRw|oY4B{wqXdg}6?@oPc4kj~{^@*MYf>R{9eeYRVNiaMXLXM)RFs{w`E>{qjXrh>j z)uAdR3;y+T*^b2W+uv$VCcy&gVX`-#; zeh6-ZvC5scpJr(Fg9kJ=hIJM0$S>lpyK(xYD|x*gQ~Fv#-%V!XS*QOX%dHO>P60zg z6N+1zVPx(6kHf65G;CvkMpACvC0-2dd;` z_0gw}I{seT7I)mlp#DFbyDX_FJ(vC4^1KIQ&xe? zUJv7t5`X*JW4H0EQ3l;gZ+}&%LL!+?hx*pbF7;kodrQb6EyW+97ZK|O`()E^D!k- znp^EfPvJ7aAxq<)d!(uIvA21H{VdE8ImmCf5?aERLB-U9LgN zZ}>yEBBiro3O4rgqhn^tDC`)WBJjSZ>KjaYqZSQaoYM!8P1mS4T_mgS~DQFHbFY_L}UG1hefp6P3BnG9JfgA4XNEOd=nXiruIx< zp`3RuVMCnGAPxubkG=Nsxwueyvd+hGf(@_V*jbBbGM{T>+~XmOxp#s^R)o ziw}yqO0%*6^K9BXdmc?jMJlz&UK)FduCy%Wl=qqe6FFfozcO4XFW8#17R$q;Y^ zlBqcX`Jf%0nC3nI5WsL?$up$sCZ7s|AKhob`5M8_=tbexoe#dQ2{hHdf-yZlCLMR1 zQ(2Q#>YLbIRzjJNn%s~5PBK7IICRLTn>-)Y=Uyw^L=!|Dl@9=T>!D-DP4k)ZlUJoz zDWZxhD0uzew#aj*;tob65$P4OdOc2VEzEIeeO@$i1rLwF>~&qa=t;$4m>l>xqcWeQ zC-L~a(l!79@qymHYNB5Z6Lt#Fl5W*3xE(Y}``{_W2*AtU^3lN>#Hi*c1dwP7pD4x- zq8AN(=w}seiZqS0lMT5Rhq#b;bQ?V!)+~=6MAN4dYYTdY7Q+FY1 zp7CV%4uCwH+egHewCoDH0TJKMloBzxa}^+=gMt`Ws`V~Bu^-Zqt3)lcT0P@4(8mfb zxVWu_pfo;15bv-TQEEy(ImqWgM0O1)V+7l{HHeeuKSxYxnb3<*F^zkE;x9#1o%D&4 z{6j%}4Vl%x{IZ!yNt;JBJtax{>7uFjW;)zQg6}y-FsFnSp==sXH4*+y&%^H3Sk`*e zP!iR2wpzd1zWb}goK#FhtOSAH9Y}&Ya@IX)6%cWrIkKv`+B{@I$&RZa@uD`DeLMFo zbsyCx&bxsI@|cI_1!ir;r``ep$Y^^$?GWg>x8j_#&g$EbnfJ-RWUqS*jrxRyUE7QB z=yO|T)j|3|qgQ*bGj9Lzqo{v!7y48hJQErA9^u4>E)l5Bpm~!Tx+P8>VozAxFj=?U z&mlF2UR6$S6HA~MgrVh{t56@IS_^ljuW(SyMhl|Z3mnf$ntJA18*a)QN$!!r4#vEe4vri3b~tAPVs3*cs>mW{&6ox#;`K~hLPS&-aHJI zyB`6s?9WWzP8CU%3(}b$3|O!?ijve=7pC1C@@B>{4P=uKLauX(577XS<2l033DONu@2lmfCO%^F9lSG*@$b&IzT>_;UTs#OLMS`(Ch_91U z^KAU;BxOnsil&i==?T%wAB6km9mwXN1o+sh>D7d_QPDW zZ1JHEy*JhK{v2txAL@}0{gYwfRX^Z|k*c|VrFbc5<)nu+X~LI^J1ZbZQBP?Zo~D6; zW(vvP_!>D*arS*mCC>4=+xsL00{x^l_bS&!Z&9HrC8hgM*ktf z!xB3J#!KNPp!?HRn52jkWXk&w3Sr6AL4Pj}UG5z+sa;sL(@##}v&WDWjELBEEC zuHLMI)YgIyf^a%1pZ-oBN;K13?2qFmuH8ROEau2RX0Vz9EjU|ER9S-*v6J+_x8`D6 z4U*zAr+$H{47yE>(wv)+;iKL)(dkYQr|>iu4$*14osazFVi(bnzQw7 zYW6y~?m-G(d>+hUl6>QW;p{G!f@yvI5)-&sWS!bB87~#dI2MX3i5+JBqE^q0dKO}jWj1{ zY9#wNW#?76_`OVz>=Z*u35TdF!yZm)d%J!*86{Mj-5M5^&4vXOZ^FOB%3^FayQ zS|F6BDrdZU{S-PAg-4U4!s5Q{pPOBBe?Bi48aXE7uBcB>z;rAOTi|8FWPeT~G74ai zf)9_7)p?L>1i{6BS6~>oW|QqXu9~rjIv#?#YlS?fsPuI`qL|5|c=WX>TUg$%HDRkMo>ZkFv2ANXf@z9iBZ~HB>pjnR*OX zYscO6q{UtVq50Kq(7_>a9e@&*D5*T#N0!#RgWucKab+$=mMQ}ZUNk?wkW%2E%R2!=_5Jk#=AclUA@+}sjk-`ckSM}WakjuDs=Z+->HXz zZ-P!#Ka1@_F&juQ0wQqq8z#I&55PNr?eQMlAB|>i&16c!W*zygU&}>} z)WROaX*ZC%*TX8S|MGisGrYAZ=+VZ8HctL`z4_Yt)2*>x{@&8=b%F z@d%kEaGWEe#}Xg++PYm0ExKLqs_}8aU z6MJhitxI`Pek;-0uL+-n*h(b5Nr;2|H2|qy{Cv~8UX8md;2n*u+*4||dJ$)n)FJX^ z=ELSvk=T>oqx0&7p!YIoSPu9<;K{Ogkf-u&Qrhp*J6~k{g%Uu-Zv^uZt>E8Wm2wdr zfh|b}Q4E#eGJppck$n)tc_GX_12A!R={>PCLbX3L3o4X=S@gD&x|zOa8pQxCwM z-5G=Z*KwhD?p1r{A>{T4Zm-&s^hez+vhcGj3P`@jCbsNsZ#0ldt(v%JO86CqLV3E}rI(rs2wUkH|4` zQa5Sy?FD`R;Qo&fjGLQOAo?7c(W=jEZn;=@@i&b9j9*7|56gR06$geye!gEmKytRi zxrUq_pS--6`OVu&!JpUlde#CRw~Q<0ikOs>$+xWmt^l#rTFWUu^W9hD4PZ%NJbQJs zamdkV{@ld;SSRoYl>-cMHX{~S>u168rLJWch|!d2xo|7SVRGv#+JMt!eL+g$yk^D77Y~&Au}I(clJ#&)81}z@zKq2U<@@`rQ)B_^a)6V ztUK4p2o(FV1kiZ8+}b)ieu6x4nKZIJh-vENYOmbCLS!p z4%@jg(HL`PBemJS?yNWShBqAHK0psPr=4So)QxcU$EXLaH{jhUw|BvwNFf<#rCkxn-TXI)|$XVegQW4b|l z=MNh`#$mS)JQHChLjG z2szG(1}pSgE|fR~giNbgtDFZM@Ad$r>Y!{3i_z;zN_6zV!P>g4q#>iiN_*SoX&a5s zCD{sI`yYTGJB;ZQy4)a@-V*lTEGv0saYi5!L)dX8(qLNR)8^*?;LVHAfKB^#=yNQP z2n*T#1XclxNZz^we~*jPkV|xQOTf01h4jgmoxHRhx6me*sl7)8EQx1OnJ4esPTizX z_v@y>PG4$4xdhVHx19l5zu5=`y*bSqkFe8lv2~&-M(o_?Z>(L6SsFl#V=6WZ2|EHM z)eEnFOc(@dAHMfLIa`;P_XiMe-b}lP??OcMMruC-L;lp%}P?&W zuw~P>`6XBxjzxD0Uy@4k@1)56xWfHZpyN{jcF=(x7Tg)4f3Vl8_p=%71~?Yp-*)(34cow? z-JVYYcI5(qMpsQVu9UDC%18HGK86bnfpqlR9=qRuUKZ9be15djBRB&tN8N3%w)!3G5}DXc)GLB ze4Lj+PGVWW1tqn{xHJ5xnaG`|cqptTC%4I+A;hYHD~w`iByApQk+lDa2|MW8m0+5@ zMRfYCVpr6lhd78x^Hff-8k{&VcwtX#J6j9rmYz>?_R~WK%(yn^w_3H#JC;|}G+%bV zW$cu&(Lf(gMghkQ98}fTkuEn|$$~MrYZ~&X(UmIX+SX-*UR~wDf zBvQ6KpLa4|Lg_|zSU#5&-X*v^h#evHQEr+(a}XbA6hadgy2=Xb>j5^<(`Zo zlDRzQMD@NN@3V9>d`0TzrZCpJCRpTd5uS2K7dXDso#pTbCB9VX$GjF;S=X$Yw z^fir{!U`BypyXc&80LO~tudHys^lZsiHcrxFqn5}*ruiz8iX9}USM*gtM4uR6|~}g zzxJ5YFN6h2lmnr}?b1Cs26V8T3)lB|#R#frBhUQCFm3rx9%@6P>;m1y9(`(692{*f%kiJ_x?J$r%C%7IdW`lEH2Jk(W)siF0*li<8S$)JzoU zoBtj0uKs)4uS8#9?renzVHsnmF5=^c8*{!GP_f6Os}h=?JcRzk@`Qqa%#~F}w~eb5 zgC^{VVIUsjxAKZdrfs?OcSRen5=F2iZv>+vN0jqlJX9q*9DWjSD85|ZZFxqy{3d&4 z?YWnvccSzexH5v=J#q6B1U2uixj(_J4BF3H$i7e^h79eg@x)stCY1oFn6aB2nsTkT zT~YNjp2YK+KYLogjm!_TpDP4H^d%#3R$f^5ZA*?0;cys3VbR`HcW?g2URs!0Iqm>z zSy-*E%C<{QFPF8+kHvI&$;MfBPtU=4cru2$W^QI*T~o1S-q=xPe=>{dG8>B;|yBmc8L=4Mn? z9eNhDc9`<#BM#MO-gJ7WkQQu&wDt&8Km_XM>9Y*Yij;=ta6fz9^RlM|+n$IXY#;y)>VS`(g%LY{U^I>l~jPF^|9g2?gj zprCxeZRU=e?=tc6bJsKQ_A_3a5`cX)*l4OR>4je6#Dh}Nz8PL%OGG?*Z&1tx5{o={ z_s-r%9kwmMO-rz0Mb>m>&5~`5sJb^FNV<_jp1J2veYebwMveOFoHf(#aIF?htA&TF z-l0gZhW_K$S@0wtzS`@V$kUZ9hyiRGY#-4pR;a0P%s0g`KPL8%+=@KD)Q4bu^xZ{y zq+=C3{0>e&%>PS0pTBh#SNMSRA=@EB;L$n};tfegYAe|u0o|nvGsH=KN{@K-f#@e6 zgPD@p@0i4GFIwrK+^{O2xCeFS5~&oV=n2%&8L!-59${T%O{SY`jofB})Ulfi73-_U z$FTW^ZPj>!v}V|xh3H@{m#>1gd>5}I5ZMlx7HcG5_X@&KtbhYC){2ASjV#Zp=mP$g zX;{^~31ez`EF5A^stQJljQ$F)z2~6?uK+H)`D-hA)xcRFQQLl4s%~svp~^Q*x#f%D zBoW0p&>UpNK%r~+4!cx3mRL}0htJ5|Q&EgPUpU22ICOJha1@JJ^ns<-DadT!jX^Ou zozQUBtU!tmRdLDS1FSNA)iE67yi@zHlUjgz>e;?S8;aG0KA>5*^WC=dNAi6hI^1_= zhClpGeAoWz9*FU}RC4X5fmn!1U^)wZ01y6;r z21#s3qTfesdtrBdTq%)7T^W^*F;WQHSEKPhve3x((zNIH%p2{c!fsQ`7C`eS?Rfy5 z;NKHc2%PP_UJ=5W^PP8GYk9bpYE2DcrXLhw;ZkarzC7TN@!Amb0d1zDEF^f47R@G( z%D-DIYF?}4*^uC+wy9X{sef*m`)3gjBN@{nZEZ+L1`ZP1*%LU(r14c3zlbtjHylw; zBoBMpmQs{aoQL4iNSOqmzsq}})+aEKO@xXmUO`?dsBY@$!_)+fe9E^rZQU$KmzbKl zJA4koM80?Y)Nvjub_k2rXa2Ag6g#;=6t95R=)>Gh)MoE-+VYpogyeXRQP1ga5WYTGYiS!o3bQy) z&nQAiZQgmhgI>mB`9PpfC1uVSDO%l;kG)B}ARkq)ued`N5UqaWv(+iriQIZV9D}SE zsM<4<2V6~^1w9vOkNY}|vmp7v$vRuWbL6-q65|zvUIuJW+q~xFYcBWoI{nRQL7xsIXb8OJJ7Bee&ytUSma3pA76L z-h7$E#N{4PX}kF$OMZTdQVlp*MPole4#7v`?Itj^^rKuzb0MEGboBx>!h6Xt!clCc zcptio8SyGx{=D~MiZLQcYPU(#Aj{%V#CwO~`#V*HAbHrdmGvgmG(Y`O%e8dnGi6$z zEN^lIXkk?!8C8RD484$*dFfpF*1h&#+u)$)-W_Oj3W@>oa3op%jXH(ihJC|+nFeaz zeIrhypVX0Ho4v0sb{!|J;Z%h?OF0~>u5nJSj`?RTEKDDsh1Wlt1syi!fWzU)myyB5 z#!sK)7ojyRsZ9tKxTT6Oe_|Bv)vXX;2Am($m5~p%jj{}BwXVSAc%76QJ=$-Jtx`$q zH>(^Nr2JO7m{?v78yV^JGsR)^cqcFIn5*RpQ^A28>LlMXTnnxyE2g}F%hjSG2<(Y&g*5GMkz6ESEfGK+h-f|=pIYuUNS3(k+-1kh<$ttEt5tjNJQcJ3aUllW^d zFfN9lpu=l|WM8gyzkWD`cCaJ49+asEoYZVK)Vmuf{$tVMEtN_toc)!G*-!NM7t!Hw zvR4e3Z>`*6+<&L9E z3Ec^g1X=^j#rT<^VJ{vT+U@JhX zjV*A_XvEKXj7wI!l!r_gNGtvz&n?J6owap)?~Vf_vZ#gC+WrN)REZk!P{0j&%V_qU zmPK)y#H(mf{T*nmujsPiD}Q>%MVWaKq!J?}&ih;oikD<&$V}A(?!e7AHC?CG6da*z zsb)j{n;Z5Oxax~fQtN%JY#SfBaVmRx(ViFYDHh1&bgbJ}zS|j)_^EROB1w{2z-VfB z`9`;J2im3{do9I$6a?@d)idsKZq+6Ij%1;2>#9%iv2Q@VT4{(FnEY&T@(x`i6WbK> zJo&Sz53;@XL4k-RCGtV8J~r*jj9&MFlK zoMf(Lc&}W?E(n|?L(JJmY{eUXyW_A=ighu;elh=j5F7JQ;EfLw;S-k3-ap~BWNg2( z@obSry;E(Lc?RwfXV zGR7r5{#16?`_oHy+ZciRr#-~t+-VwVJ-0GPexe2#(n=ygT|>IJ)uPg<>f*m0U?CGd z_^pO$K1-8Sk#&O_fzZGB1 zUDl7(q(7|pnOE2H!_-ximertnlBpT?#I!xfwMf1eIq=z{TQu53DHUnslIsdlnpabZ zBmT^oIT^5_+$IU8VZJll3GkF&rw$21+~pSFeM!!zg7l1SMjY9d3VhJNljnwthB z1Ib!FU}@}5+J}eQBn}ys-(lFQJQ z%IZRT#pj;#A~eiVC7Dpa59MH*+qK z6M4Nd7b_r4Hun0b<=uyN+zAJD&)p*y&gLYeg}p6{;UX$Tb^Voc6YK}K&;n>DEt_&pQd{hJbZaW5nD9%> zX%8^byfUuo`M_s;W}*j}-BB)5oNaghQBeljZyLkUDLe!9jq-BRnxz&dTgD~5K#GF1 zxB-RHxZ<$yA8?1&X>sm5mnl6WmWMY@(NxpCGHh^C9d#xfm476Bh=|4utWICgUjZPD zp~-5xzgPM|wtfEm`NIw6r2AP)@(b4rQg{j1mz9Q8DokHXJ!y3R@9D3rPj#Qos8wJ;W2bvIj zduoHvfM3igkNvAeS450J*db|~*GcWp_E6X7H^1s$CQEXWYsOq*6vPbqF1O4(Qaaf< z7ITH-HJx#5YaHzx1IWzZTVPe(3pCN$Kwc6)$~l>Bpl?!L99&&=4eJd@CGd5=^*(A+ zg=l^NK;XhlOAtW-?C7v!`VB-2+1AT&nh#FY?Mc|Kn|AkP3;gEsG}>Y}fIG}oj*=zyFzzP99_A8YW^Iyx~!LwAOVji zc<7h6`MEClpJimU;I1sPcn z?QDF)s&8iQ9lj_ak90^#@S~sonSBY7@2lA6!k@HuieKLyjna1Pxw>_E<4;g@&)AJeWKBf^XD`XQnAljWdF8^6Y_;DHddn&ssKXeDgy7%qLyKr&1M;J8;e zUC#jjf=w9-E_A8^|~!)CukK_vi_b6wVAS;bXo83GJNAP9Vf7qZwBx zw>}mqFD->#T_EYm?P{84)K1XCYWm~O6=pAJ-~l?8%~IqIGUp$*v(4P7SGfAoD)xYG za?0WLKT>Apc}MB(mBZ|oPxFm#Dty9i;_IpMO6V@<$p+;5@uEB9)$RGOojX4kW;=z+ zT7=GlMo#2;c)n^MjXsKBK(PH$@bfZ@ysKOaFRzYQ zF3n75s?Waz3D~+3#0)D=2Q%8hF_8!+zE%CW@ID7CN^8s*r0pkh!q8A3-8`&ff6!Hu z><8jBb@aff7g{?y0i*dIttE+Q{hR~qL8-DNG?4E@eBrYMaI6_K=#L>eS^k{TQ z;^n6MCEJx_y(Y~6dE*+n#oGN=g^Qz-t6-XYbNpw|^ww~wd`vIn3R7ynf_)QMFgCdxR>Klqbgh$!2WMl5$$Qe~M%B0l3 zeK`+sa2yapJq;_r`b0*lncrD8#;iQfj{CH7dEA0DcQxnchig;OJQ;50_WcEzN-RlX zr@3NpR^E^M%OrQYXR7wc=WE`W9y=TI)?C1O$BwKbVS7`W$R>W|+;w$vPF5|I zt>(Xu8xw%0Rh#Bmuh}{sVT`7;Oez|YXJa#M3+2K7#@AORsSd2FuVGH2avaaBS5Ed> z4icMuxkTr`PeT;GonNe6g+K|=I`z5&R7R8lBr+7ltRkNnCD?vkfy`F@D|Yl>DTN#jSf zqM_guPcv)j6E1@tl@FY~t>P+|+JNb5OQAN94nPD{;gjNL2V5<7U6^@opLtpA|92D` zITQkBCFH=;Oot-x;vr(a2Qj8=eH5fs2!4__jRYJ(jUNI-Mw=ysC|jrcwF47@Vgb69 zXb^_e4Cm=yZW1C-WG2{ornNiOF((j`1s7RA)+-hVyJtqv@DC-e;PW*`?TzpLBl|Hf zRncgZu8PFC`2eqbh=7oHG{%eX-+p2X781fB1-XiNQG{}sABf7E_g@L1zWsutOx zFycp6*q4|a+X}48$%~G%rb^Edaf%N$!7kMN_)VU5y{S?UAKi$4$Ky?p$csxz3E8!A z)X3PP!RIW}*b{%I@HWAff`#*C!D}@nsTXe$vOZ0e1E_#q?^hE4cEdaaFuio%d6m<>GY3TZVCB^ zdV)&z01ZWf?R=ra#8r%Dr~Cwtl-h)#E(;4za$M8tl= z_dxv#g!?1kLb%k(qvZnuK4=VfdmA+SO_F$&Mt-kGD*Dh0uu3ydn4v{rvuX^pr?l{^g&k`f=f?RXhN4~-s9ob}t4 z;?KAX2W8*{WSViLU*Bx#R1_XdMP}7TzM;eH$WFch9*IbDu1KyrnjvOwq8Td!4+ zwwNgRCm@6r8fkgE&F%~uDmYE=h7M#qdAN^yyk9APn)>9a3&n)Tz%$4TcrF<|Zj;}O zG>3BfoNbyIudkScJoy6Q9;6028Oy&#vG5+iZvdHocE{BE#lB1G-a1*<#Bm1dikuZl z>2!C0-xABSFD%uD8*e+~^{p;#UYqa*LpLhBV*a(1d_R?yAx$%-LC$<37qkpGC;Sog z`P0S>=iiUdVL>MqTX9nR*<9PkMULMK9<1d{so$9AeNnQ#b}i_bd+o&uYr&w1ssf9+ z{nE>%1Xi%q(mr{fg6ahI!ekJn1;E&KYrFs@()!DGm=N3`jv9*0L3U{|D70;px+QI75h<58Td^BA`s4vjlxp@nx==b zA(t9^O-?FSfBm~W^6f7R6Z=0HmV=x!K&IgW+Z!FvXrf(TVI~+5?nRf!RbPKjM8+f- zm5xfj@*gznI-T}OYF=%;-k5_ThMAAmk$}MZ0kwN-Rn2yOPXdQr)N#bxSp-Qi1XfYn zqHwpaJiOj`fmY^zU~`~{&jlN<*Nc<~x0r+!B5@Qhp@&{7z7MDcJj7t%VG4SVRyvP| zaw;WdZi@>OA(MU``nP^50u;$bAv4_UGnmF%-5b;Lu$3HNV-!4J`m9cvbo$~@g)M{}rRY4A~8J1#w!n>+hd?4K3 zH%51w`2)X#x-!)b4=(XkmGQ6rkrJrDYdijDW9&oK! zImnG{zWV-*D|J)m>HwTlYZ{)o&VX6~2jX?5*GqKK4aetrlnsppg z$V}e@;HOC5E7=~68lmt)Aol-lj7 z!(}}7dX59aC7l7b`|Cp+oG%HUQ@~3GCV}3PdB0e`3Eivqnp>#j8dQbFcwK+i3X@b%ghv@|z)7n1bO`FpHfamU`7Vr@-#1jVpEQp`yN^1mFoE=j76s z3$OBPWJ`FapY5X<$i}lBf(*3+`Sc6IIfPG9bZL>Z3Fju)wBXhU?@Qg(!r)?@y!#~o_4n4FHSL&emq^hBi6wo%(Lo2kE>y)pd z0H(#z&J3+R3(V|@Dgb+3v(Jl}@>?^i30=?G{I|9v_7hXfKLJ)gl$C&!r(XQ7S5M z&aKpj9IS|qJb91?Pc^Ggti9odr>5*-iZE-1=I{oeEv^((auVw_7ebmffP!0D-(M zo9bn|my&5pxI|lN%JZ2kb+E&0i)&Stsn&Uwnfa1(QlC9W z)1I-YVp|PbXonVl7vf{;F3F^Vb| zy5UJa>XOWlxq7sepxvZF7)PEFx%c@+;SV=lM>qJjs=xN{XT#u)a=Bv8sWT#ZSk>~D zvFmEX5-OBBBd5#^OCDuBuDsENwGI~%|1`NW;Op98%PIM9uXU+*OycO%gc7Z*;3fSw zJG8fQk8cw7ap8m))!}~j&lhgt*Ax@fFmAHgQYeUjkG`|``aD5Dce5vy24Plgn#Lzg z_;tJpOt<3n;`RD@xveZs^DS?UbL+W8j+a0}CK;!5K%iATaY6R{O|?AHEqS{LrVfa> z0f+Seo07gS1eeU7)mivtIgX@|iar`!2>T>VFv~nATtp+1$#J+2Q zaDR(oHdBYkDtC~tbg#JbHW*07c;yE|k;q&QdU!(lP?N+6-OF)<@G`r&nl10%Y;Kcu zyl5FDo|b$dmbFs?PqRvI!OEa?-qzdEht#}Z-}~Y@5|?ra@AdrP9o9`Z!4n{EY+eBR zL3&2q__rs=ouGFeaqm2uIP(CE6D#zlPhUj`&*OD7Od~WkcAhcglCJE$c0s6d+^cM5 z>F_@La${>tAr$~5LOHcx9u>za#N>aTb&0zGfio-GE9scvw?lh0QAOK=j!x%SU|f*p zcVUcK4hMJ?9{7e|Z1@C>MK2m5+%~AupTG%3KYwXpl>=u)#k~0 z^5|-#z1f$<=K7)W*;6;?i!KGrQQo4BsJj~CT1@6-hc2_CyCNv_O%Y+KgjD@af6&;9 zghkZXs26biO6vES(*HaF{h}iC)v6QZP5d?7>clKB>ZXpGR?yj`0Zp5@(`gstDft5C zjF|sgc+pIM>W@;Lu8f1cH#Q0;%N_q{bp(915YO!(k@1tx zJ-L7I?&JbR1O>SnAbbj8ues5vU-IAe^%$}l^4MLm2hq`4x7gmLu5Z9USj(z<2!Bex zWk*rEtf?aOY6(PP7ys6O15aB9IyfN_nG;#SiM1R7UR9LBfoXb&fNXCCz@z+BOpVW^ zeEvwU8T`*gP;JHd;g$A3AQei`i`U^{JR!_95`*F}vM@o7W2CD_q&~&-<3JsMa{RkBRvv4~>qcroYQEAfwiEY5xX1N3&%<+0DPPPR+owlNvNZYt@yh1B!=Z;g-3HXcch3Ky%`JJK zO^WZoWiA&n#xoE8@o{ZL+7;UoYkDK%DYUnH=7{JfmW$}hV>d+ThS*ihghO2Q>rOGr z1Ar}|Vr=02`f9CTov0x>jn&Y$#0(D=BG0{k(iwUKYuLv>m)m>93XHg z$^ZQhRZl(uK!xk&DuFBiLkW+@;D%?Idhg#RM0TJd-k>+zgu&9Wjua%c>lroGw>8v8 zHRS_egHU!E2tqcz^%4{Vsa)l-ACzGe>VZ#I=)qK8BEo| z??4RAs=Q4{s2Iz`hcF96LVMRA%~;VOC28&Hnbo;xq;RVVkTu$LU@GU@6`wxi>k!Hf z5T4?7^XaUra}EB={qpZa0Bg?RG=Sg^ORz zRn)gjz|`Pyh4jZ=fn>L6AmHjME7N%@3{ebDgn{t4WFQc_hf3I7z|6%mfYJyZtwYCx z>0>|+n6eBlOu|@(>cAAxq)<>bR(RuK_1X|8Gvbnhc*sEGnq>DwKqn~nwvZ`;jqG3j zrJR%FD$q?%qB+xrHYb2uL9c6@8#W7+`}K3QIITW=wQ_Y9rVME3E@~4$*uxIl2Lpg) zyVy6jW0r4T>c^gDPbV8f7u43^t3l_Z0&=HJhdy}{Z?7DfZu2Wq&ub9I$RGc zm(Wq?wi6I_&QG@T_;4Lb(+{HBPbR?hM}g4dMrMS;TSi^nG-{n9`7N~@^ViR8^UzkY7EFT32HI!f1=7!aKADKmn3oUl*IW-M32T zV$`}0T?snqn5=tVS5+;|(bIXhU$8s%7DBlT9_C&fctSnKkP&Cgd#9fqq%uOS$nT7z zY5HYF{>xzIHIe&c`BT?bG%Wwr`pGE*5alyZ$$tc&ShJrhszO4*%F$eF9hqArTLFlvxo%S!TzHo0tR`}E&^A6SlW0OL%ubvLtb#*>=B~fE*0=5=4LcfRR1aCaM zQVgh|dq}yn@ic!qnO2QpoW|C+9AT>OW(U_!?QnP5`?tW+V~e$eiqj6Z_8DM`VF?Pa z_1{mW*Y=Wn!)>#UhKvhpQ8Uk#_$8hA8kG=^CpC|(JXsalrHtOqC(5$PJ4Dj5Rs>jq z?cqj<_EewxTFI5OcU$E1172F}*MJpY#uxmB&~eFwsEDiNB*I<5?#JjW$t!qakb&g+(OR$o!YN>!Ok+ zXG>cMez*iXjmbxR1rCqCXG($Iy%Mt>-4UOD{GqZaGhS>fXB^3s47iM8+0sjT-Y0cO z^-Y8gn=PmBR|ca)wJ#Zied7V`x53P=k;Rklz9-y7FEDdnRo zk{jzwo`Pv+vCLf^fX++)n-VVaHMOT7BjglWIr$T{9e@UzIJs-_^dH8t7pru6YUORO zqVXB7v_GlDj7se(={7r64r;xaZ_o9hy(oR7D01li_Q<1s&W|_+!ekyxp8e(C@^*24 zTQXPR>Y~O8nIqjgL4&}r{N0J&C>`zYDZ)Lj$@Y^0e*&bP$KrmPMLl%GwUf5)8erW^ z`Q8SgIC`xNzzqH&1Y={}0{RZ}Y4TC$7;jU%AGj9IR|l$<@#BMwAW|b_8!PeQZ*Mk7 zGgtDcelQ|Z=yVlVI`@)S=Uc+UfHCz%=};u;gwkaw(6EKknrZ)up5H|a;jZ|;9&JI} zseC4@ZUQ7T(P*O5#W?0c{X+}Y7mq0i${E)Q4{7ji6Pf!=PAaiNRHX^c&OVTYrtaSY zr059SV1(hmvIDweb|SUx=SA zpkZ8bC}FmO_jhZtw{tCaXxZ4|a*{_YNWKLWTMVc>U1v@ zakQm7pQ@C~S`a%8`8`@Q@3|Ko=h&~3;kTUSatS&FG(-3p&km)GFelo$dk4ezir0fk5XHH@OMbNm7GBG1N7Rs66alq5?t-P zzH}O`liA1i$Q2cA_3rm1r=Pra0VPO&0*S;GB|rnab@j=*vyW;uFj^Vu|pM23rXcs%=c_SsZ zh*dxEk1=~^iLiHABybRVy!R5o5shLm3HAysK30HZL-Sp?&Er&eOO*n*HfE%tCxUu(unbnv z;HB8NArtB=Nzqs*;CN+D$EE6SD;Geob5Mvfl#0r`g@vK8)-QEjcM~b15ZD83DTFw_ zt~CuJ2;hP8y@}G(L)l#y&)=P91rp!*sW`55>Pu{cFfg*nx?BdQkM2#U_t-bP-w?tu zjA#pnF0T!xXE=BgSzn(ky<(PEm;3nk_8Oal(>0yA2NKB!q{RH{mApgfPz3X$VIp*nXTF>og!A)}V9Ur?^n>-`whCrHN-+^Iuk%=REkN{!3qK=rn98&?tfZgvThOExBC@TOx!GI5@P+3 za_FUHVdh3`2irv>Okn+(jHlx=o{VIs!`yM?l>p}+rbQ># zh0-D}iM<4rYq%%&fnjj)t8nAnKnxw-v=m~fLxY8hDvjXOfHWQYRdfQZE;P|T@H|Y0 zqi&J+k+eec`Vf=siy61Kp9;f9B~1BBdtDEG5|B&&~MjJ?^G? z!`08vOLD}(+41CR5hf7EQ){G^a7d`Azbnlb=x)GXNq_KqaifCAS5fG z_a`nF)dLy??OcS)+9PM%(mH%%(be#Py}?Z{gm~E2%YeQi92?7~_q3jeAPWXs z$fk;=fz6UE?o_~xhB z(OZhQ72c;FeI!F$Yqv%K+XR6{%22!*0~zp=Wa{unu(Ef+D(MDdJ8wSByXyR}<)R*P zQIyfD63{Q|pRJbjdl(%khrvbaSz}aM1>BwS$x5J~xjmKOgPanBt?&P}V1g>newNGP zu~V7oml|e2I+6Gpf!7f0cf;fSOoc1W+oi|LpSUAdMZJ^k$)S9|C|G3bXY^2PcFmsf zRL%oJ3#4W#pGo@Oax88X71&7=?iXgF>`z!>m=iN90r%Ok^@*{ubUjTL{9;iII|(4g z6)SZt!F65jVtoMr?ZTY?G4B0rNGS$Lmx_aT-nzFAZwcNiWzl5I3%{n5-vB@|ofTc= zedCY^SOYI0A!p01tl36^6uz^w9XU(1KNt#HN96*s$n{|g4SkP^K{HJv7b}uSGNuhU zm-{w_L+rgZGk8Vqe7bjIB)-GIk8v1DcHUCgxTjQa(EKHc%}^@t5|C|hV8frSx?1Wv z*e;#?J}U-JIs@tj@~rfL)_Ob0`q8_n`h(fdc4(7s@_7daD^e15&IHisKN^nz?VJ)F zJkfh*{~yjN(60OQS1t$ha2w1ddnVpxB;v6gmG5&6cPPQ#LmfFdWvt2wIrQba>T0VSUorc-G);Iaz7h}ri|4cJ1#p3Z4CLAz9PFNijPdX`)#Od>H6?o+S3hDo1d5k$(}OQ3I$uFt;wP$+0FFOj+j%Z214l= zJJrT&)FsNB(F?OySlIVx3}8K1tHaXRl6qL+A_$|IdXeP{_@sc9=Qkn!)8VhH%9`VCKk)52$z~UEYMZ z1Z~p#?zk^hr=V*8t5E4vY5ukhBO5vfC7kB3M>aOb@3z2cv2pg9YW?hG3aS_tGI2tr zBgNN0{utkG<#mWZ4`5rPUob5jwKR}3gv5vYUoD)tJ3f&IUuGxa`F|IN{<ykaFPWjUA&jk?Z$%swE{!I5EQWQl3K(vevFFyNfs`39VfZ!rMkM?#f+{w zJSKQxG=S|Q7DXpE`!wGIOgI_#9?sj8iQjF!Y1+zc#pabbT9mUgyBRHuO_WuhKqU!i zF9?J$@r&SPC_{`2mn)NG_!N#T!@v*6do}Mqdy8|N>Ev7xlSO8vdk@P6HYnOr{9xz> zE&4NTyI8*o3^PPm6q_+R;++)E=Q6c3J2P2SN`iNF*o2ekP&W!_pdX)*<~6&ZDQ=c$gvvbfI-?qkp`XQK_qh}NbD%h5@7Y)aEE4B&Q?m=4`Ml9Dp$EXb9v$#U! zW^6O~yM;~_HCWI~=k%Vq!Y4=VwbxQ58H*MN>Ey!&s0ywSR`xT1&u$;pQ^*{b-cH}! zs*=|DK8{heO@gO?!L)GOQ6>DMAXEROHk8WdChe4;?)?`zb+_j*y(V(q6Vuzxp>F4@JnUU2luK*>5VB*qr@bBfE1;rQd`5N^b1|Xvh!w z>+U!FXYa^lM`#^YnD4Jgh>WUIICESpJQ%?ADKV)!;c1`8@VDm*wT zkf@V-JsTL(HAZ~`t~4Q|r-ep$ZI5o z2ckbfHZ-M=#~-Uf`%xqFhMs2?t}W$n^B5vpwzEUJucWEC>)498qLS-T2JBULkeV#~ zT6bo<)0nPUVfTL%#Tl)?iB_?|4Ov^2F%+cC%J4y+zI5RxL(!7odiGN!=Lgcmw*;NiWre($+PWRqR zT@J6h%uZBGTb_z&dokL|JKK`L7yV2+{dPD%?wS1;(E)N=p-Qo`E_vQ@Hia$Dm(8w; zD6O9#1zdaIs;-3pijNSyi;^DEp`$H0Je3D0Qn)AOSNz488~IWpZ75Eu`{Tk2<>Z>$ zS40l0GNwO1#F3;Y-bxfwv&@<(x$Y_p3t)R-hT`iJPbhVWQ}oYR4)w$Y47ZMImL zi;<*0N%UqK7oVs~^j(^rDN5;)7-k}3;`5E@diTgFR-)J;^Jz2G;zloTh>q`jWs==% z>DgP1j86qmrCv+g_?g>xDNggJXG)MR&hf4hL9hrPp> z+*?6cM6RU0%O!HXF67-7{Tm*MyoBI}Wd5&@liF}J8xk84>eMc#g ziivST>{dhIyH`PBjMCK~RNX26^~uRc)IV1R1SA{;4yl1cCe1_xaZK5ftQvLcDG1iq zco?}(vFZd8D9BL2)KNcy<8yo8&xc>^!bGl7BCR+e{86-V^d}PU3 zBsbvpj{!`gTV9+2UIMYZK5-O42=ynh|M_@+|03kvg+wc`{q4U#Q<>RBnqT4mLU$$e zf>UDXyj1!XH(_+ihBCLw(o8c;OL-T-&!-`^U+=b8ll+}a|2YBn(?rhl5dx8l`JrMV z-{9@x5Z6WzW)+#-C0E@^$11$PbTvNZdC zEa9VXR!YrZChzyZ+7b5_=zjNNFPY+tZy*7GLF`^Z#(g^%0`DWk53i=S0CIt^HDj>d z;#TugLn(2?OZRXz459T=RnHIK$c$y)|NaP-+sS7He^zzJBe*@fZ zgXQBd*YnthOI5hra6Vj99XHTX(2#YQ=%~dcl;{AE>o1#bvbU@UC!}~ge_5Nn;v%t7 zH8wDLRsYG8`)$AbZPXAJVN9JBblmz{I`$-V> z=a>l191Ffo)HG0aUu1MBmui`}ryY!7C7}SHw4Y zoT_-!Br(5{+v2+T@|5CSKYj8`55(ffe|^d;8eJZxzZOSIR^RnnAK0ywzHofo8sRuu zVMoaO_8E7ZFG!Z-xAKRc|Jns;an!mY+%}w_m2_7Px$-kGSFiF7kgQ! z!rY>X={5DrXG3%PPr;7TU#tMOvU;F$@GO}V{CTwS@n#!+1{@+9maz~izmZ&i<{%J1 zYXEEmUBt&k>U(Sw?|6Fq3SRzdJN8tb{oD6K>?taABg?2BgwVOo9z$mt)`tk@>Hpmq6c74*~b{1iCPwLE}Gsw_Tc`7PUZW70h%dUrEcJyp&7G)0k>b zxTW_Y1muIc@`^QhXVBtz5co6DobgBjvtsu>7Rje3ei|M1xt}qN+iv{nTWeo-F_%2M>_POnP#2KNC&Ns&i5o2|R!C_WptOU$ zq$>=&{GEQ1$_#8!m9_VE|>4V({ zR$PsFhO_tnbxQN`IT7n#yu8B^tA)6>)m<(~YV({mp(Ew~NYh&@YHL+|odSlhV2*3e z5-!{Y`+<9~%jzXv&&4hNj;LRNQ2^&&PuZWY&RL@9MQOptIh(as5Bd)oXwP z?E9gyxW%BchU@}r8SnVg#a41mTx4j?CKgmQd&s>mutPZgukO#D2F>+2_@w!&mBw&>AARBqvDb^GNfd6!qO z`IsG%W414C?i?V2Z^P5?ItLz8XZ61>?8nV~B5w_bflop0FqA zdsO>j?xR&Py&?yKR%fG;_C%2#3{v{_;8SSdAn8(ur#e}6&~CuZWD$sc$=*A8Q96TF zcuT^+KI)o|^W!W2hja242$nJc7xqC;(Xw8Y*zU_dZmCx-vRv2*z>OXTWoD_qWIg-qU&()`u@8CmSy-Sh_ex6`90OJYIn^ zx`t7kmczv4(2tLR%IKT4cSpAx;swz+!KAV|^As20AaNlj`mN;IyGGUrefT!O7klvO ziN1aC^D#8Te;$nH;X1bIpY#Z>JJY?Oucs7;pTqs;!LhHZ%M~AFF&lzV&NdcJarxr;NG($dQY~+5OtVJbFs`JnXP+XG zYov#C7fO6k(D{NQ`;d)G7dlEfnJq&~u1aVP7n$8Shn6a)y%Z+WNwlfdFLm*ZaPb*sqEgBQNd_pX*eCzX^b^$fl` zAFx&Qu_6?2(Sf00W-)kelLJBx}boT_s#3oK)9h z4}6Qs70qK%6(rBACE$IeyL19$rQArOTvq|x0n*=BiT6eak^*tTD^^;-?9Mu?z(5+(^yIVykaRgfo6E>|HnIKYa`r(k?<>1RNmH&P~jmgG+~{nnIuZH5Zti( zfU+z#0CkVMYMpf%*)4vA*-=EaZT3@gPDSi`tvc;#`k1U(p@iHXwe`x84jN2{(^n0n zPUpl$NGfDfhE}c1x9{@JrU-GC@0poQiZ~|`8oGBs7rO4HFTN^xsP<66|7Bohg_yn+-FB*uEM4rTh`7u*e=?+^4D(Kk&G0rHKxeRtP{*b%SD|0lNWWCOUyP!Y zM#aI=kDkaB+|=!6_wN%aS4W6<#@}_Ge0w++?D2_qQ7=$EZ8^9xj%+~8uzaUDkYWA@ zn_Wr3F=Nnw`a1Th+Qz>r>eIGVuVA5&9g@gw2Xu}%7(6o^4)ViJkt17cEa)Ziv zHu8AH`>KgtE$R~kBAl~&)ZJC8(z3bN<0v-KGzd$BoQy=e9MdNzLX7LGY8|@1uXoiwI9k$PFr4@RO*+LcvdC=7h$A%QThM)dh4htzwQr|6cB+S1nC(B$T{oeB-z7*Y{rkbGgP$g+|0Dk>Av-$m?O- zuZ%0(2)j3F&Z^b?mEXUoPQ;eyzae`9Db9%RjVj(^ZW0`KjuOcZ`WOrCXoKOh=4bP<08c`f0UcAF{vB$GmL z3xpY@>Qz8sB~3*vw>WG{X!Ya}T_9>vCg%HcFnk?xPGec(Y+*Qj9Zl;H@}ac?s&Iq+ zZdIZeCDU~cj?`yR-6V0H)2oL!ToK;fzx5j%lII@djb#=3L&fjJ*pgnaaMc8-@%JAD za*FpA!)8IJEp7=Wt$}xYm$W~1u2Etuf&wD=N=cuf6@n4E#)$jgMaB<_qBc;Hx&sApF+Iui< z)f`Z|xq@O@el&@~dN?I4)AlZuRPlZKzZT9=q*s*VN0oDet#7L3HCW-lEBL?m6n$oa z9ODdQBJ%Dn8U=7p2j6{-%4M2SiN;XvlWDpSzEfxGC8|)JUz<*4KmC!!_~lzy+7KRx zDNk14a=kTS>%`CT5X8t-5B zT+zE4an0ZXd}(%K)vNC7SvUz*T2`sfew0TD#9%qe4E9zc0)M4Q7J=`T!wt3f(U&S; zPn~UqR6t&bTxUkvu9G?C^6kc^Ueooyz82YNkFWOwbaDJEwgD0wq|ke#1%-OZB=PAp z7OFh2K32c})*I594{R7zLqu&9mdTSoPNsYdNsY%NW!t0jtOoazxNP2k6&fX-oh-ry z6=s#Uiq~)IapS@4D$O=Y2J*=_oNL(-M6O}mFbp*08EWZ@A-~NC2LE%0sBIWFd>NJ~ z6rs)5dBX)G`Wy0&gmt*@Q_QWpmpdp*o8|r_-5DT|0l*1E@*KcyuR73aB+Z=^p3~cc zyYRSPErYaus1CUK4%9r94|u82ONP`Ryv*5pBPhPE6XK(}eeHA=D# z^W!>;bt!7@sVypUomiPBGlHmLh0Fl`9CL*XiM%RA%zg{@`}eO%*Kk1DYsBkToiV7r z=)-k-3pH_6Iu9xu3o%mmg7&e&_p~--5L!-R<1#lsJ?C!4PwIKBQ=o@{x9@*4j}NL6 z%V>MjMaI*gpNL_vuQ*m2&jjdUS|01$TL8+55F~j_8bMcdX+1kpUUmP1SnD%btF!%X z)KAaMsz`B9IZLz&xUk~-K;|4zvE!kdbBqj;&yv;b!~!qjUp0$vyxB4W9cDjF++!rO zj$jUj#HqFp3x^m-W5Y~0xKK-ezrHUltWFU?Iv~1L{lBH~k3tC)uP77gXG?!%8GHIB z&Wgo3f-jeavJXr4&rkOppAqBvdf0v*#L2B>;+-Eqw2hXejzc_7R`3NwQpx>B4xp+k zR&HO+$ny1KxVXC>?yZk4Y)f4P$-qfNERTTh)A24j^$ud@4u{1LpYga?ELnTLaB0GS zz7dP)hNW)_dbLSY*?S7bbkzgSLK)q?;PLp&Ul@R#YCy_%NMwQO z)2A%$06Puv1%U!l(JRUfITsm>OJmJ+18`Syaou_0-rhxj!HfU*VV3{v!*W4@f$}4T z?;V6w;L4U_`Dh_>3Mg~4b#vwAWNV2ZUfjqg88?P+Z2kK?{gVC*stbtSYXc}vHAqw_ zb~fLcYpubZ7tZEv%HzjCh*)+4=$X12bGJtBV_br=P|NqODfwe;%IV1YNg|7i+h>sA z%YmEmoDH;rcDT0tvvL6LzBUCs*yK~~qsru()713ygtQ>})E=i$!M+TqOb!&O84|Cy z;c&d0bYu5J_1716A8ve3eORcQnFfL+?$C_M+jQVHQdMr~@~U9y!A!996C7Z|{Q2=} zhLgh#h^?5w{P*E_i-RTi{P&*{J|X58=pqewa^!}XeQ*DwJtC+Gl026+vZKmiX{@pG zUZh>t9HbOG&H(QvtgkYD9_P?^P%6`vm_lgWt5<@9On@gNx2*hEu*~znq9C7Hegf(0 zwHe?FUOCZBxjIla55^nTP;;s|;ELlsWZr_DCVR=Od@?iI|v5Hf-3}SJ~ar7shR@cBkKbIzmfSu2eOyam;5SGq&cNEwfK(Te8C>4-`yC*$ zy&arV7%>kJyZDn}9Ks`+v<|iC-v!~|&*mjs2f+U)Gz0BWIzKyIX#>Hv?96@t`R**) zm;U*lZ#a)1gCLCX*%V^dn91OSDW`6gJ2w#lBGvsI@%C&0jhvG3_^S9DJT~q3?#!BP z0Q(-4&~VRhR$d=qzWE>Bi zed}4h1@0n)@~3-7uuTvc|Fbt3_b%eT*sF$u&98fa^#K1+zps zcm=0ntv6c9dc>ezk3kU0Ggs6c6XURFEKmR%YPfqvMHAgv7ak7;*oP|%)h|egKZ_*5 z!<}*;?`lr`->**j`&X+5oP%MX18Ejsny_F^sjjYg)F>^FUh3%y$cnZPuQ`kH)o|Cf zR+iraVr?07kc#fOpi{r0oF;f>U4%e)*`ZqNx;1PIiCvBU*Cht7MNv+@1UU zX@JeRG3^8l`u8o~|LehbFQn7{uj-XjzXbH&gK4IAF<77wErbl)_da#TDs0tGRIj9& z4`=f{4!6HF^D+FoC{PaVn*(|3@veU=GS~%uS$Kc#Ouq3M12)tNqCjOc<^H?>e&>|G zzO!Dyh&(hb``#}Qn6Ey)I&^L15|!tF_PjLPKi}6y^dXkeutTtRRGDU_6`)+&vGo7h zjP`or|0KKM8>jnSPfq%tXt?eA{s75F;>RFnh1G4_H)7@L#T<(bU|a`Ykz(@itvf*? z$GEw%9uI|ab6BxJMBOHsHqBaWm{y^Nox=(4UI1ppY+==qbVdv@)Mk3=&`IIg>}_M; zclYxH_v#BFuZ|%#&1UhH?K5Ki(@}LlQd>v(ko)H9BOTLA3THnOT|jS^dPBFOX|wbX z7j*!}6-vmiJcyfWwVpn^UZmjn*CwXb*r~GbyNe5Daa;FtPqHz9L!g(C+ z@sRHX%%>YJ)XQda6OK1ib&FW(Wy6IhVcnk`XG)dIm!jN&TOodZ37k6*-j-?KED*Ge z$FyeeZA-n3Ymq(&{+iSu$3SMCGVhr9O80kA54Adx`WY>-`B!6kKGJ-Bp}IB3ik$jV zu7;W4y0Ql*#M}i~QBnb9si)xnHx%^bsEK2r<;BO!(}4sb%XnP9$JJ{Vw`~J(nlAqPkD<{WiR+p?s5zSy zU5NoO0kEjhb*V3Lgx&S^|R90ZMS}c|1(Cxs}X(alFl@S!>yc8~obS zqy6__RB)}w!{>QgW=%|0fifFk9{#!7BuH$1X>O?9d2Ss%<&6cWM2Zk7lwK_c?xU`U>8h(C|v_AMl0NxGkIdb(|0%nN!V8Fs_@QE*trnzeS22yyO=1*27!(Xw) z`X1lY&nr5bxWMd!`T`E>g;lo5e{MqWiyOMN@4-ow`vrG+F!Q9Atm3k=PQY8#Py;4N z++xW9npkn>>-TOR0RB?*Kq+6b&{WY%$!-OoBw0hFVr0*z@PdAZctI6AN6C}(vqj_T z#Nr3uzoQjSV8?*nT7Hs05xBqk3^%6Oi!wpV0VdVVHxGo~U*59erf=4;pa1IfYX1-S zmU$omxTv=-K)g$>{uo3Nr@2-&MOO~b0dl|EG0p61^XiKS4nK6fdwg7$#gpt6esxlD zjrg)>@45lTxMzX5)`Aab(y5z`<{f9ecGp2A>Qd4<-+50A?Fz=&tacW6{ykn- z?3+#59i_}`yKw2s%_|>Df6bqtT9-`Z#|iTXaNa>l+#aXs3O{whF`COSaO4{nM=jNW z3>=x`Udgs3A&`7jE%d3EQ|&3rdF|xgUCfi^Bz1{{qQT^@TIY#~)TKGpi}iGtAJBrC z(!;_8oRqsBjP8xIqPKqh0}C>;oUw^h_8Jms?0bUoV_*~U_XRHD!5hT_Gjt##w@qiG zXr6li*F^5w^+2%pj@DM~#;q2B8?-C4Ncoo3OCXLXC#Lt39ke@QGiyv1w5OwNle(`| z?T?lJTyoSi?Fezr&Wqmb9>Ba5a|Q>%)t3}sh8ls_JR@Yp8!YP&zJkZy557txc5g!e z`9T0UshRuu><;XYWqhjbZ$8_*s(PgSmj3hdG*jbjMSQ_cV@k#2n+d>wp_`!O9(1(l z94qm9+#NUF;lI@E@8YhSpFq5X3M%n^|E+=kX=5#!Yxo?F$>;mV=#&LJ%9k@b?4UGL zu?MFyt=uakZ}Z8kRi13#w=*wKJ^7_G3v}emmYVP7?hd7=?Ooj?oKBSf{&;md*7Uc^ z7y6BgOQi|zRclq#SO8k{uI=hfd%YLpj?HMth_b8IDolt}6@hO1&UOuO2RQ{|tD+a3qWG;~ zLT~OyD&<{{U`t@6EDK8|czmUwvtCdbO!xN0T0Q=u>ddnld94V|+&;$5e(m0E4s4Y| zJnCKJr~VOR=B1$;>sO^vC+PiOq3lQD@r;wu+K-y<*0S_+)2mFn7snuJy z5SN83q$Dm+AB^tc8nh|*f#}q&nncftZ;Awpo4jN+GYt8H8I}j|LET*37?gr|x>{EB zz#sbWIjl8seB03X8HWTPdCw4T&Ppq|s8Dcx;JB;Mad7ByiC-n4XipU__j$5-QCfmt zrIcm*Hnb*{XciQ{YCr*6oxPcMr-FaQ<6|abB>DxGQxMH{UNkNAWJ*(u($3K!<`0cjdD$9T5GQPV0XYi&DqluzgLfLNc-`lk9`E# zTV|@>k!KQM5K@(#VtWL3 z#R}E*ROxZ*SXF5$+as#w037?rlIX_hZny)5e$2&Uk|h(~?S&~00p8hSE{-kumu+Kx zVc*i7BfaG6s+PcO$H|God)hezVDP*C%GAxjcC;p1Qe+C(>7i)hSKw$o5<&v%YUNIC zxfu_FQgEvZ4}bafiFc$uV(&9ZD9ro)QwDt0DI|XqeI7=KFKCWjW-(;OK+gYW0}} zzT=Cblpvh`U7;)P%x7Nd*-)cHGJwgi_17$|Ee8YB~c-4kHEHxQk^WuJ>`02KEF zY`3qXi#6LQaRe#5r*c)$ORVSmMH#LmDnrsmYDM^%)0HK7+ocVPfWd$5zB)nF4OQe6 zRWY#Grnf1F)mbtNgqup$vfuQ52kxX}>wzXmLI|dn+RtG(Ii)lEr;M9d_GcjeAoDDf z!-q<~@L}5l@yn)5Gh8=@{cdL#U=?cnu55fDiRh+MXsMz)<&9w%P$2!+9_pQ+{AoI} zqEZ}I%|Af#YqW^Hs!~0nq2x!pD#-?U>E=R`I$KhG9raJgeblBtY{Rv$D%FZDXwSgk zx^9W-^C;E3v^~8k(?{+d(L}wJs#DVDe>Xr$b9hAwUgqM@_+F!|>EY}wB#lNuC&|~h z06o2sRDd|~5Mr^(ulY4Ee5T?}H6yqYUy}!=xjHGM9C78V{DM4=5p=QW?n<63X^JM* zbT4eV^R?f=suI}uwCL)HdyvxhC0M86QSmr2IA{NG!E=5=(d7h6-0 zo}yNR$&PMwa=lt8t&ZiG*&v&%Od(bPp%sl7aR&gD*OMc`nu{KrN>=R%5lB1zf>@?o zQ^}A9UfN@gDfzJ>lpaJG#ZxcRdl0F}!0cL^B&gxEf)k+}n*l$(r&a(VR&^%59;&Ni zGTvN-6?VMMXO~i~SlbJ!VIRGW_S3P3b>8XgHAFsBIgTxa;-iLBNsKodt~m{-K8TE4 zNjeKH{`#NgKLjqt>0jARB+jl-M$J}bxyl=L=assKOOO5P%m&X?0-q+$J4jEGRy({+6FwOW~P>*jM z^!?usSZ_G!wj{-|(1ISo*%hUWFCB@3MZ&Aml0H<_$#YE3 zuPf1Xd@9$E^zr%7!=|OP>kwsS{0-e43ssGPKHPfavnxT@?+I|^rf+5vOk}96vGcG5 zc4n-xF;PDw(GDw^hPzX%X=8c^lL?H<27V-@ltmCyyQMvTx>3K`>U{gyAP?+4xoKaW zsoThO$`Z*Q+O3yTuVSuT0t!Eou{iD*QG~JtD3IN@kIJ+nUYVQzmRxnn!fn0nv_C8h_sK zqP@#BHBah0!W5! zCc5|c_WhdF)98aMoUOkxX#Z>#^dS2tJ>7$58rhmC_e$6=^y20|EG*@eP-~_vI z-_|<*_l2k4LKsf=VQioswc#lrSL+r$ZJeC?1T_w5wg7wkh1SbMm7M42z_TTEZQJlc zNyK0BM5)ldy9UCAHq)tGI`5a^Ssz8GDZi%DCC$MP)1Hn+@_QDi_i8iYHwvb5PgIV4|OKLlWq5qlxmjgeaxgp)hf~__M6Z5^fm;zOlRt<=nPl-zX_!6RgAmy@fa-QNK^aFLdiT`!>zR2 zX%N0~86T=W*N2hz_82CE?tiR{|Am^$;;`8df;vNeZ%ltH70;w^8x~8S_2%>eaW{+m zO!(ea!MC8shE4`b2$A;XJ(QVvOMRk?}?Lj(5D6kwdeY+{AV6>I94sm zb2;JDDcTIG&oLnnQyFyx|85jh)8TEZ@sK51KIq7SC+ATnaq!tJXCkj3ZGE%zM_|mtG|a_8x&A^-dvgicuDF<=~wj2;|?&n ze#kD_4oD_7yukgXKXA~_1Y!%Xo6J3O4%YeeKB{5DjLkd@%|ykimbZK4&5S9OV;+dD zSp1AA^v-PZLyj&qp#4fk{_{$XNl~9IvlYJfXme)&;Pm3NNLjLQ+G8Xrw84;|Wx>1b z^|7XRAOl__*EXnq`!sSCT za+R|WUC6up&LRnU3434;pZy96uHF*v#pO?4 z|I@a;WgX8v8_s{aoRLdd7 zm|-X5y*^r~;go-n-V{R^LM!jkj{+)7+trKKp%#TWl%(aWinpT6HJ_AuqawX$CDS?! zk?=K1Og+)XQl)?1@AVxsJs0+0$NDn4shW(;ih5;NlBBr zF{~AzlKL~(3(}wku6!BQ@>zhR(yqk6D%~KvN0?9(XJR&b3x2XrF$3+xY6-la?5ChC z>Gby9);>Mn|Hcz1$0ta3!OoS1(?zLN5RO^?AV}bvpz9$Vaf#0l8j!A>JMOwU2UCs) zEhO}AVm+(UV4I+!v_pWjo@@ZLouB%FpiUH<$7Xl1*)#8|WkRq!i286)Uwy}Qzh0`k z_n0<_;{dk0FA^{fCSM{WBGXyIb}N68bgU2%CKTj={nH(cox6pP~>l1hXaVtLpjSQ zGVl{567&qDY1Bt-dXUsY3EY(aQ^W;#{l31HW}#GP{Pk$eKYe2Q(qj7h&KsHjM!Cno zzI*&+Nfh6){^#8QxDR}=VEQJ_scI^%6h(}caLV(EF*zG8kqK0cm)&4n*!mpcA^KUS z8ll`u2GVQ*{H*-`Bmbu;Pd(#~=1|CSQ@EMi0=7qr)p5T4pKxN2=FTS65ic&-IhMLG zXE;mhn(WY+icP85#NG{&s()kp_6Je_M6lo+Ut&ei3+#tGvqtNep&!h#Z&Et*&2ZG} zavpAeV)qwT5-;UGFIzu`E|&2c0>R4nHIc;pO3gtPSpS97fQvQZ6|7&P%|1r6ej&*b zdU}~icv5waiPka(GmR&PP7rE7Q`G;9N6XrCQ#Gr8C-%VO$2*4iU0#kI1VI42^IwvT z69BW!0#}j4-B_)F=%$J=9H@Q_Ci0}7f^ecF)lO;Fnpjc$AFA{-uj8a$8Iwo15{ev0 z?5PzDRUQNMWue0DT{%Y#i(EMPN^6M9UlQaYBljn{Teq6k^+6%)-Jg6LK?x#cq<$;- zCi3r?`TTW!=mj+73r;Pr`z!W>oABc)5MIu-J@^h6*nnf(7FH8_!FT&Sw%?z`$t`)7 z6{g2Cv{~z@pE6f-kHVl&V!+oHN^C$P-dXlpH!hPqjmi9@Evn;N*v+gDrvIRRbxfIC||2m+S56GQQ*8Dzh{P}%^a7qDM}Y6993N~45HvoKE{z=f&OMSEnVqXM)YctoJ_j4w?U=u&`9boac z>ba5o3z&x&jO!XPj|h3mXZYTO0H~`w1T3$RQ;5MFJLG;JrWwLJF6SE2`n?4Qg$T6I z^z=5T3Msj{17I`XX*%?QK^n(6^A|C-ah|uIUMhtX`xnp{}iNS(T{%zA=%GQ zTlOBFfOX(*hxt4jaEg_!bRZ{^(qkNk=*{E6E`<2`!#RK@K5GTx3toa>r)98};U|gR zxB*RCZHw)vTkcc9X~fATys!B&rlbHY+6%Z7Jm!^pBK=~*5jtc^l~DvJ2yj*hlxtNr zuQO2+(E#9ePE-b~Kqk)n#&rgg7l}mR;$M-<<0}`ULT;w+@A-BtZ}YmZa62ElUbD0_ za1fc-g97pX9K@17#eOE`+U{&km;TU*!E=4hMMjw!Z~C#mfD*n9s2F!_xJGX%dgx@t z2WA74g+i)ubKP|l;y;cMSS~&qznV%F7S)sksIqEn*W0WxsnR&aTbW=%Hr&`u z#q#+_>W&N7$IV^wsuux-n_Qio92KY{aWfI8^pDSdI4tEwc~pRvmOBOqC~enT?Sx*+ zJV@KAL~X8fBfdy1azd8yB$THrT6VQyoUs}^(ykG#m_Vi4-A=^;9&J1HU@P!zk=gbH zfv|X5Saa$nvKetiIVFsYm9uq>n*AzFXY3ddU^%Q{0!8&m&h3?8)a&)QszfnjFUm!A z*QNg=zPX9cC{G-0h&cfpLD-(v^+ni6pFw&1ri86;rJlTq&EG1yA(MtP3-E*R$)6lI z67E@l?6=N&_1Gqq>q3?EJMdpji+_wZ8p+_7c+TYhi075y<6o-nAQ-G1laa>lNGleo z1^dKqzoX3e?Sp1`nUFn0c05g_(}e7d~LzG%_; zsPkv7&b-!N$1_m12ZJEcp0UnG!>`8F@kmahMit9FVoS|y+>Q9dani&sdv5^O32;Xe zHXcgesj!Fmoyco1I~W(+nD&*4xRc~BW|3!^3`Q;~^<)zCk&sY$$(iuv8^W@&XVr}f zo>3lQbS2fiF}7r1!7taz(mf~%hP5bd2EgB}y8>N;?y=IQg{w^2Pmuhf%(1Jq{?t>J zGF|x<#B)zkW6q4j6%71N?!QLtfS=@wr_QMSj$nKZBq%0+5}{(^D-4mv0K#tN$w#4p zTcYHl8t{-5w^t=N(AaY`PQyLR9idcPqjtPxfs5tP1tw{0vX2I@)W{ZWmAu=N%}T28 zSl<3PwFjlb#^Rv3IOZ%W=f%)ju1~5)q*CNJ&uqo3he*&UNSH6Zera zFNJ=teEZ9oD4GO3)@yTk`I}WnNLke(J)!anqXWhX9~bM}2`cm@Yg8dw;cr`krfubo znpaT{Ly2d^0jUphj2{R$Q2mw~;5+I3-k4oa&Z!i`f{d3$&DIN|))DXrW_A+zb_aAS z~OC4#eY=@6%K9J>|r{0zvcDypayLuft_q`GuYElMvC=;(ammL`ML)plJJ=s(wy z;tsg7mQ`|SYi5EY*d4OdhZ84;_C4;pfe^r1jbhoaPpP@fG@hwyUdpefgTHa%^tyPu zIGfhW27QrQd^O9Qr5#7*Og3sgns%N*<-$*)-n||zFhY#}>3=B?3bqT%4(gV z)yq0dx*yuH-?a-vkK(EBzb70%0|sTDmGENwJMt6x_>Ny2h!aGU0z&#N3Y*M5;(-eP zpsU`qZH(CAas;8xeaRUi+?4DKd4qD@M;r)eaG_VRygdeXlk2fa%_XEo4b+vy;5%Ms zLl6_q(6k^_JRZ3tJL&uioPP~szP#%-s%XD#2?Df%jaEzAWjm5D;kbRoZ0Qlte)c_D zIf7QTg!JFV3+$zz)bUHH@JqJ;+C<)kAr93`d1|MG8aL#LYy?n|XwF~2-O1F~YvYq$ zJ(6Bwf86B7QmrBPgbq=qe77tp^iPc%y{$=T*QtJIkSKQZuU!PXC%-r$+v7WFsk%K_ zz9`ctI<4dd-tL+^r8^Q;KZNgUBYchSX6D2+Re>#3$g+Sb^Npv7+F`2-49AtCqMU$I zsb)sii0c5v?;C$2xX!-LT&of=(YC${LNZbFLp>AF%m4QL3*t?++zN@OAS9=w_~{A}dGLan4j)ysI*L}k;0ThGcj|0wHxO1?#JaibT&pu)c_HIf}HImZW|L&)&pbd(}ZxdaI#>CS{0a zv{-_e{n4(5dj(Y$(O6zm7oy&IJ|x0Oj{o`^?^jt}klKse1>xe-1i%eb7s_F1knQba z<#Q3*s?rBQ!HO9*o#RhcDz=*ZaZRp>qf6ubm?{c_5|DlLj2Y6{H$;b&kUv^44{ND6 zMsGrrM^(`c$%g3m{_vdJ`@v61($JA1wQ=YuBCe1t;a>}eAuk~1e5tTjAp;ZiH%wav zQ?zob{~4Z3`tJIrE2sb~bZ^r4-$a6Dq`SD)=AHg;(XhDRvOw6f^~&aJM`(O?YE=wJ zU@SO{-nWp4a(po#XHE@j(2VyJGw0aKnns6F-Eb+>3b48;_+UaH~ z^LY@xcVWokWgABRny`l0NK!w)c4^hi4BaujNiv;}WKP|})&1W03#X>nn>d!G>_LwdlV>0s z(y~6Am`dQkY=#Y3rwHo`%c^9GVV03h{0<<0mj<-xL=tX^FQ7s&gk0hE3O4wi9-Cs6 zqDCK#_G>!uKV83c(U2{b+t~A|vp(^#^!|I$B*2c#Q}knrx0q+iIWT$x(KZIk&)%&f z1sh)G)RJjD`?%Q@o1hrG7o{<_F?De>Dp-+qyxEP}(_JW9fH}^XRhdQ_`|#osjbnqec=`hV6xm)&>0z0&V)A%r;kB1Kv!B(r z=sP#19dpGj`wo0?efa(fzTlwFDKulOZa7R+PQ-9YWA3NsK$mg0-AID8YsO}G$(qjP zOzn8d)JSiai{4?uwSr=qcw&E+(+JmFn2$FPHtXJRiJPM7QTSZ9b6-}{xdHGIiEtM8 z3C!qlEwdx#yqw+Pg%aQU009PTYN$7psNt^6FFy(ppsC@S7$3Dqx!e4I6I>vwgTXgH z+Z%Q*3r0Up0MK1{D1v&S9CtS>9O8%F)nsCE>u1luBFjC(9dJoZOsV^xdPQz7muF(s`C0~J@BLWTR z3%5$`Q`B?bRjAi8B=9xL#~|#KcsC2AChXT%sdLi69ZsdroW*Ikho&Gg!Q;gkkHO6s z&r^x}`+vkF41_Y$c);r*v511HKreYItpO4(R_J41PNR2VFN8cUkVT9r(V%3~G;VyD zdQoJqt>Y!jM+4pKU!%Yu`~f;K1Ru5OvZDGM2;K6hclBdJM~fC-qxS6>x%%=5{(Tz- zql!j)2g6+XASS7AMviq&cVX?-(geVPai;zSYV($DYh=>UJ_>Mch)ZOCAA$<~Lp=FcIZnC*$2{S4fg-mh9< zb|dUZQ0L}HY6N>R*|y{*YpVBI1_I^z%+gDZuu}#_LPkOG{j3tZhb2FvPEl{x@q&P8 za$xuIcy*5phoe5K!h*+L$r|!4vC1zmb=$0%h9JvVt98Z{-P@clg#W1r+92VJSeD#E zZmlNGwKN;}^=fSPokCNdc~i~H86GCo(cb&l4il#rJB|ntB@aL3v7BtYw88qxMCo`! zq&C44|1TLL-FPO0AIpO*XR9I47n7dO(R-@}>^zh_5zcdnB0fRQa6;Kf-)&%Q8F%AS z!hbr1s)QR!gA|FvE%=Gfeqjruc>mjHeR^%fp3Mltemc+1$R#3YQQNMF-o`AW<&L#~ z)sj%oZh~A?B;0|CI32gaNO+miWS^BKb!t9M5>-9?Nvf|Muyix!8XXTKPlCqvEW1Gx zYPD_M?RPsRMn$nH?bzz~v6PdDj1ep9bYpFv< zZC}U-uu8b3Lnwiu>-Q#6xU?&g**jA;fB0%e^EOTX<$MT10l;yQE*3a|)M8MX((c0( z=6Xk@DJwMnUORBPx$0&V3#^F?-$PW&y%{_$g`iMwkb4%HVv*hyT9o*`2EFI9rk3I9 zLA~CrGbGcj(Um0fJ@haD8}RxFDFoOpNNem(;!uO6mbDaaa(kaxIhoB`98xg(urT&R zC_oCJ;!}Omv~%XrS=ZQ%bkK3ch&`*XiDS9bb7YUT)%4*E$C7%8E56$A;i+tu~=ls|{vbL41iCV&h(GW_y} z3xbp!>Qj$N%Kw4i9w=SEl%#=3-v*Oh7q;Dq4d4j4FR}Eq9uH$e1b>q4a&EM7UTa2< z)z!7vubjTRUJndKT5>>TsE2&NntlGbKDnk^RLdQJi^my2n9&mJ^5=rqi(j@@T!U8m z4pa22iyGXB7xW-0K*;+J$^U?-k2}bq4ID&7(Q2CRv)yGWg~yRqUE4H?O9 zKPP1F%C*F^)Lc99A3Mbb;&89fJB#((TBZ&TEv%D$mtC~S?tivs-!7&2>wV<{2KUW^ zv^!c}Ls3$cGpd#ZSy?en#WsR|uKG|lHM$keZL)}!`?vKMd^TUYHOnl*e-2&aUMv0( z_~qjj;LKZgrZB?y<}SrpH2caG!3v`>ZB1_h7P`WzB$!zDDp0AyVfRH!;xQ19Q}{{3 zMAlkfU0ybs2gln<%yV{P+Om_q`DXUNBzYMb(S@Gz;pmU>-(7V$d z5c~1XC6J}FsMaGGF$7eh3@l^UNZ-4@|H#*|>O8?AN^z8|E$l29_Q?|ZdK5?>uDETB zM@TTJ;C@zTveaYLTOhP$K5jBn$H{vIy{4YUl}nX|66eL-TqV2_#~f8@Z|#SgTP~Hy zR(3m3-=bfzw^gNI$6gG(Nu4n70||8FU)TOtUX!q1QwDx?a`r*1(=B=JpOA#9Gq%Y~ z$8BRK2gZLbKhWagCVUG`oHp|(*5wOm?o3hqCqZZM{L2=W6^v1z%8O=W0zY%u>UQTR z5#oMH!?DL8CVHWQEn4UhYh1zKF%UI7NVt4y>l6(5i)?OU!KGIqo&lY0^MY`nAh3_` zfa|6UK+!KIth4QX`z!+Vyc1m?64-hGmR^&4wpX;UdI5|13^ej18JBOF!p!exI93A< zi6#;Q#JTUg;z7jCO$nfz{GM8WbEPpw8QVzq$V~)1@8r+T0%OmBh@A2X)zQV8rQ^T2 z4xrX;1?Z?FKrSCFHTX<>ka~Ip{Ff;P*#(;c=x-*+8O~Z_2BBPg&N2%GbM>HCl+*yJIj3b^ymD^Ib^;$uob1sTPMg`1w=& z6M(wF6W5{B;TsF|2m_oKB|d8b@%v`9ZFkg-1StT5IePMcGp4vAs(8l3vkugga~=n7 zZNKjhjA+o!@|Ts5*Yb`56d#3C^5=WQt|!75k!rPbIMH`Zey!qpZ8tF5JjXd>7Ih3p zAbB+mn=!^$fM66^0RY`33Py2sUIR$|sJGxLXHS=KeF3pvFY?=&^NI%#O*w+aCAizMpE*`-Ht9zAWk$um5*cNLY3VRa2ZLz32YL=9NJmlAkgYiN}5mgmq4sE5&( z8{rb-IlDQJ7GvV)`78hq<3+U{St0!PYgljF&Gx*l-a(papK{&)8C;^3HY4(88#sBF z{isW)BZ%WZ8$<)4eXOn(kWg34eY*NI5vR4sy!UJS$*TG0I}oS#w_!~2jHxVgJ)=~A zSH=L?I8Rf(B-q6FDG{)w zF6}cPh^@JP%lc-4zWJ}fn};nVk?aa~KKga8&3|9afRiMm0+*iTeq5dK^C@kC$X7@} zOQk?Y>nj?b_?oiAH9 zTNY=RPQ)l!c%I$Um?kU|C2}~$q2}jHqhC+nfS{`Q(^Tql5${qcT^A`&mU2H2u*2QW z)TCpvc_Ac?&O$vxyi#E?W@bHn?Src#rC>oKl(3J(`n&c?zTwS>v)`n+Q*V zh;9yPAhArWVfDo*X*fj+`I%OTJ1$7p7uT@a)ko=hzMul4nGFUVr>KqyF5>VD6oWu4 zOZA(*lD&^L84?DO>Anh+S4(6Q+8}_kKvi)=WqbYUu|;}J8@lE%73e#=LZfUt3Vl2! zwsQ65_EWKIob=LHCw#E`S1bJ4py_Blqu;8x_%$=ZZ|W z$_rM>jC;mi`z>E$q3wh!uLDl7(Z^xC7cN_CPfI_22&B*CF;Bs4SqT_75fMqB@{6B& zh-2;hf|UXP*4b{g8Ml{;s}XRp-556~Gm%ddC&xREd^=ecIS(Y6DaX!}PS2`%5#{U! zU=QmLzWeD8487tx5y0MC6`WNa4#AnXFtVrYyT8CF-n6Fg3efQz^g#Y7KaEUO$4r6B z&9jlY7yiA`^15(Dh~V-WAGn%)Ywq|2D`-!R@5{-=>l&Yq3fdV9{?Nx~`8mW}|466E zr6u>K1U4$s5|x3udwE=Df6hL)pycS*)&xB`s`hu3K2aL}f9y|atLG%20J@HYt91(K z<2uA(O%#d;EWy7P;)CF(o9J7xR!_urFDk{CKgX>R0pI-bl*7bnh;@2C{GaX?_@|Oi z{fF7n9R}*G+~>3u2m~uS@)JW}ME_X&HS{psMB8P!q*g68bqQBYSYSo_+0pJ3Kk2|_ z8O~#VpR4u>Aw281@EfauH{tzxUX9a?oQdBc-FBZ|xv&tFjGEXXGrl7} zY0hyljP?O_%?w@M|TxB4GJmBty`(WL5NRYq@;y;cwHoD8)T24j8at*6dQ+jq5ljbfRtPYn_AzQUw?WFsfx`j$5nh!i zj0lkzM9+|?!)h1AfRRS;G1Pd1K7^p+!#*7Vyk3)s;tx6C;c&pA$2B&036Cn21B&JX zmB*Wl+qU+c$)8Yd9vwm-0JTitbp2ngF&c<=vUCTJ06%)Y9;j5P?defOa7{dA4b9g$ z(OiC?S=I=FdKq%BSIkJU?IuZn9}=?iMCLRzYsKaL!!wPU{1PtYmBKc}RqFko8_2mZ zRGgH`CU(ks7G)z%A*sVo_*R74>ZMF}D`?jmJOv{zu=CO3*d>Hc*mvo?n!aYVKlR0%}4ja^=$~2?hb}d!JQZ34TNj3#}6Z#8^hc zHZSNL=u%x>wCl)DDNi9k2K!Vv7B81n0jZbeCzfu>E`V%5Cyc9%>HfA$12tsRMc3aWevZ*C1 zgv1_cB{8Nniz(yUg142mikLo9igihp&zs-l2v!XZI z9?VGpeb8{UzBXb{p0g#&@yYR=PG8K9rrXfHf6?cxAD=0CZMj*9qxIPy-Y3tyck0gG z*zohs>}DwxX47Oxb*owF<|7*=^hlEobr>&*Ica3eHHR26I_djltziw)Dm)HSJ&53e zY1jF_VZ}^dAXjm^e5G|!*Vg_i0hNFUU&d;5^$B9LZjFhpZwN(=zREbE)Igz(=YK zO)UuVSP%#y)6mC$60RnL-P3e0n;%_OG%!~q8_Qgc47(=7uJk9lg%H^Z|tj80T_1bR0vRNRMjA26FnM{!edq?{zaG_TgTw9jw0 zu4T)vqWK0@V)rU`=V+7XRQFwr{xk!h+etv^f&EBE{^3jhzZVJG`W`JABQ*l260|6Q zx-a5VUyKxAci(+e5>jcfM%5R=@FX&s0%)@eGgQXK98E$WcAjypQAOw66Ug4ZI7Tv{ z!uruHR!W7>DKT=~C0M6p^42DPc@AELuur;WmK=*nrZSPJP(%Mz4WPnXV{6opz1Vki z`QP3GvhZvGGwHHwSw=um&!6#)USx61e-0az_~Jd$>pR#}bJn_@Lzmm* zN7W(l-mCZys_AX`VG*gsD4!R%6qSO#I5sXnHV%2jOL!C)AKX)ji~w7p2-h|mWUez2 zNqiw%en7qPB|+D8dH>Wn^LzWM=mnr}ErVD>Z_s-aZ+scPlEKj$(^l9j2z}zC^G2M0 zC9n9;X*n{QrW~=vVIz3!-|tSS-01B};>f}aO7kzlJqq&{MdCf!$0+j&AGmDPc^o$( zn;^ff=s!g=$F>BR#74Z2x=PC`rZFVEA~i->pUt+zRPNT9jR_cdf%c_+=E7ZOivB-d zA!sXp0{56~ENH}V&Ygr#Kqc`wuoD^O&=NX_5_T`z<5F7}5oJI9a3L7R`dJjacf44) z&7bXESUzzmtpJ_Je@|z^kQu$O-AsxjHBihlfNYi zB@4#XG$k0wS3`P#;3X3VR{MnUau}lIRg8HJ+EFTLq9ZCA0Y8&sf|X-0?5Q*!fvlgn z1pHkXZKrz0?O|??XQ`s-NvO#suFJoDr~2x6WyT&{r2kzlg>*L09PB1IwzJjuPOLBs zK?N5`ovWPQ$<+Q=f0dU#MzYWI<_LHl9eox5yCY09M?WEgmBS!g@h{oAUl`hlek6ONB0B;zWjxln zRxtLZL^|S#vd;)tcMT=j!0DP_H*oj{XnKs?rZW;nAFsa@NhXL8pZPW!w8ICiGRC=g z)vU%iN;~Gm@4PWulk1;WD%~!rUpc+=S-qIxFMNh>Jg^@Hi=Qn6#|4E4uLq^aD)Lw0 zx7Q60fma$;9LO8Z%w{S3Vvi}AC3FrJL>Im%35VJD*Ttl~_P0>sxw;Bp3ZZq>@c*UF zib(`HQ}iSD3Pf#Tq-@L|X{A+wJ30$42G8JgqJjw30t>2Eh6ZuRq?gYu@)Acj;joBa zt8jWj+>z4Fua9Xw%a%hq1aB7?`DV+RD~Nip-{d27B_!*dbnb@^>Uu-teku_tK8@UB zD+?T)BJZ5EbBV7Oz0A}VO3FVN=H}7}?x&@=ZPeJ@$Pg4EPl!)X6Aj^n==gf7YKRqX z8&MsMZG(6XQKuD7uGY@wfs~cU9JVke&6<}JZ}5G3=*P%?iJc2Vh?Jyh*r>uC%#1msRVYtatsyP@$z`{Ca$XBAO8-CodZf6*Rjz2K~v+1 zmS7^gt>@!T_q6?Osw{TjsF2dYKJ5Q~OK5lsze@t+{RU!X3(BAVKWv?MG~Dgh_tQm0 zCq{1x5rR>o24VEkTN2&qy^R(v(HXsso+zUQAxID;$`CbLbP~NM7!obsYwr7;_qm^Q zo~)IBW?5^7*}uK7>$|`Evkz+L0l;EzB9EY;rm~)^BwHJON!UbZbz#GbYC2R zlqij{j(Sgcx38+hgShD9K{@zwtFS=JuoNuoPzu5+_;M}cIn&eaYdhjU9)cpIo3~;# zg}Dxn;C?w^Yz*8Jy~xU+l{u{oq8{n}w{1$+Pmr2E;vu!w6xYY2H#*&{p{}rKjI#v8 zY!rZgz&?jhQYYLMJtfn*!GO$vVq+r{`Pjm3v_uQs@tmyVTs;>clci_f&}WxUBEBpy z&SVGc=H)^W3J-vl78|H&^9oEwf5+VZPr36yEQ7kw?4@xr7U)f|}N;##MUoM3Ohq%+EB`YIXQ zt^PwXZjuIenUYXaB4~>%MmLY6?TJp9s5nuf{!ohO|G}pP0E|qt(xSAa(%c-9VbwS9 z6V$`PzT}B{So@&chbn^M&x7%{uXf|N4@TmNt1|P1f8vAuu%Y2h7QYWpRh3TuSCpOFEa3AHVfbe)vr{Muw4m-t1Y(d9Huu)-CoQ-Ub(5oPgbqE~nP!v;1{E;}=onV8qSny%>$& z*3_Z-7d?cW1_HPNdN*3^&m4m+pU;Et$~8q#;<5?j;%~rJnkN4^WA_kHksi*>7EVuw z;jG=TKXXQUlsR*#as|3RD*tf*&od1LXEWn1V8r*PjuTr!Z+(#?B?ij9Uv%O6c$F!h zO%Rs#j3L2_`}G^y`aXePOZ+@!LP;{G#y~xg5FKBI-Ri+;n$+yWxfO_6tD zKceu*C10?Gvk<=2GVbL6J6q>_p|{xo)tMN^sJDJo34gmQy2wZQ;*g8D_+ws#?nv?)v(KFnLmATkX9q%uIns}~n_*{gT2kIl6ugK?CWnU#$H*ikvX-QyUu?JHVuafL7o?pGy z4F>-cnt>59*5NNa0kM+sA1o$Q=bAfxGP4hGED!vx(BaWPcpAqN-?A|<)>>VBcy;Lz zNP(;etj3qe^RvMKTtg&S%7f(E2Pq*f2Q(Me3Pn0tj+`2pezA$Gx&7O3oSplZ-+06h z2P+*?e;}T9Snvl=V(G32hGtou{6jIkY~cDctM+md69^a=FFcMnu4;uO3h)^ z+T{HD(2l55-p3WBq_$>Yk6GeI%&Q9QhGl%kaKv-9YVx-ZJqi-Zi;S~h-hopSWvoJc zYJ;-`07_%i@_>RX!22cd7kH{MRAQ(qAhCT|i+Do&x68R>E4@>QwzoUAPs;kv%S}lD zTjNa|3wSJji_@}N_V__#SYg0loP`PIb{t1FRM2|bSF=e1C`ML&OFm~4iiQ9?eXQ0c z4PMdq-atH$#V@>7n_m0jNKh?M;JxGUD8nM=j5-#X^1S5{v-v5ZO;u>4-tY-vCf|By zzO``H!COQ3wrEr^!iI4$U@K)+UbJ%QqQsl}OBREsxpx?(y|x}#bIwKi9Bu*1ggeRN zLth;24`20N9<%y{{s47xzIqR*W3E-|iX5`HvjT`dz~*545xW+1vIV%Z>VE0L|2ZDv z2`0&8)kWj+dSXXLJ6GGfC}^!%o&$#$J4rck4rr6nipqlj3cz7zwdf~04VIdt$R6upSL5`QeFO*ssrSxjt0OmF}?FHWokuHh`K zpGTB)BHatsO#_dLM72e$@K)25yqa(RvT@-)U{)dw6-Mn7;O<9Ib1y7eZba z^a)z`CCmeNv0VLUjx41k^Z?1LM`HU*E*mJFs9Y|=<@^>EKOL8yP7CK0dIEaRpTO#x zc9wFLV!e%suTSdtx66~5r5oennydyjFX}&P73Hu5+0tYO>;zzGZLT*IknmhdRfu|O zJn~@F;0M8%hvc2dL0S@_FL{9;oqkHX9`?3%%D!CqP|j8+(yYocLbUzK${ZlmUNNhx zT?KY@POY}l*`yGdl+HN7=^FEcr*>0Qz-eg;=^&{4QX% z>1dhrh2s?RGm3uoX_={z4}Z+HY#6SPxdVWO;-X(+dN7QrD^=IDwm!2g`C+{Z^R+ae z*vUEy{{&AJmSjJL6Q4-kjLmvE^7Vf7B`xnSj|h~-hNLao7O%YIncywt3CM{@;7V&2 zxtGH}6f%2AA?OP&nbv_W(z_w$U%3r*F$@&vDO#TH%` zT>!c4?PT?3-+;SiuKCvzg1m1%$FS_)ol{C z$ofUZ1d zXo(;R#V2C&fa(XhM*{LiE&3c`_r13f!fOb6cMhNNh&5GytTcNMO0KjP~V$RT1VJKCPd;j(lF; z_49gx-o{|jlXcwwOaHYg3+ViWFXh6FbFdE zMPAL;z)-9fJ=c`^NP&Fa_=zjx;RLfh(>afq(C)JVmh(o(t$SE#0e1G77bt(fOa zs`&7l#A{O7E3_|p{B_^F0fu>{P_BV{>Ks=XVdTNKpPt{|i1X7XsXPNzvhF{C1`(i4 zeIfFS&H~>U2`l<()w*irg@O+-KXQ2`+&!Iqt`j^dhdlF^|Hp5QRUh`EvlXYG%6OU0 zlWD-e*T3u=&4{#CVv>?ty4aTaEL3N{`qNN>V(&SaT(5Oded#D261gC%YE8vDw#w4X z_4dWHg3D94{wIPs780(vLNfAMYVx>#+?t>oYGC<0jI4T8o7Td- z%G3`h?gc>BCK75K?i6||T>4lqq^9!k+@&T>=%f+WZK(Yubn)6?GDug6gOUzBcMZwc zL1X4cO(SX7)7(2?+A3!>; zG_S}XU3?mxalyaVY(^odR+ZeMK5Lkhs{yTy_@v0s**x-}C-Nk4!dL$FD3l>C0i(jw zHj(rYM(`w*1UmGHOcEyCb;~4F^dswlT%t}{AqniFdi7QH+Z}K25Jbu@2dP1|uVnLA zMzn`hVqm#fmstgV1MZoFBYRsnMXHydm}Y*``fQ3E`~8btdJ}1ieu7rOQF&3d=Nkh} z5!D4>t7>3uA|h;i5f0zx94uDYc%=Qv)!tJm(Ktmgo}VZRf-!f9v)DVh7o}OxNacT< z#r-A$B!`kZTuqCQjU!biI*~PnYtV#MmgPmpJ<=m8b?OKd8wLKvoOWi;WKG6iqT2;} z0&(}bdJYBmsA%p#?H&!3FB>$cOnVRdLR=?(4(UMjwhS^JHjHYOJbUWdDe41&Q=cEM zN#h8IZ!EEXrRhzWd&>FDF;(hj4_VcgfoxBp8L+(VlzD;gFRC%j=>8?E>%FfVk{|U1 zM(LACPb3|`ip25K(L8!GJAM3$DAyY>g~l=nwbH?hf^yUKA9rdWQYF+(?a+OS?dMO! zb}LKS4?Ck&Vf$rLI#vVh&B_^IdE3`NBP5`Cz^Pq-B|29OCPGt`8pV3MS!ZzmgZLK_ zrzTmyk+@r6sC*`3RnX3crJHt8w$M?eibp@MFm^bD>Be;&+F0z*e^G3~zA<|3`?n1< zqD{iK%*k)F?Xys8h_4q`k=zW{vC~OOC{FIA%ji+JEL4xzcU5D6UeJ0;ZXRs61qQ40 zS;o#>y;db3f zNik>Tk)nJ2&2@qQ#fO^5!}MRA6E2PRQkaRRr+qP}69YfpCu@AUC+xDuQYOV^mainf z!LRRRQV2j~{A6$In2d=fhOCWY++ThWU0mZGG$|E~fnH*;-7<{Q^|UQsp9eDnfDQi* zGL?IFLrwlA7}svzoJh)dlxEMl0#kX;3aw)2mi_C8v zNqmBtN-lSgRLL8lLdfb-%1gKBJV(@8#rX;31BNIjOT{M<ae1Y%f0qrF zoyS=bu3y7QONpEiBY84@X^f^^t%pP(Ap>WC-K{BvKb_Cr6q7rLMB_{P z&#Rh$UC1iDJN}C=;U*i47<*F4mWuUfo=2Z)uihq7P2dqz87NuGeyfy}{q~aTfEeP^ zLCLDO?D@I3U4Ln5?t1Rzq|p4_AaZtmNB5Vffq~vH{{!5#%YNj24(05bcLJ{31xb=` zmex9EIQO!$b4TB%uB%Ot1Ue?4?{^ChX$_^A)8pDf9->EG&>ExzMYu=BZXzpB#kdWpGM)MwNyx+3*Tamc+KAAP<_HqvT(iLv zCC0l2!Ry6%u`B@^t!B|h4e9&4nVBK5j{ohZhX>M;O@N*&{WPsIgEF7>3_>DTGO;==yYki98l$B->&D&{<$}#4 z^%WAFWmxT57m`(O4ar?0(p6Hs_!94?T0^ZZ_H*OP<1;7Z%~|xEBv%(Pz5Ae!MqGwR zY_Wj*SnRAmQh7QVQCvkkGV}ABD1qi=3Q1k%^01XowUevT(;9&gPSij+*-U zy*1tLLFc>GL5=RNl6hGGOTJfub+9L4X#X$CnSNX#!V3w#S}-zRS(EM<70>c{xq z==*X|_B6CrSOhgpvoIu88zf;~OUxuGYGi1O7`_5)uh2VLp`#stH1H&jHNf10yH0{; zzxpW>zTP;S-3}>RuX|;0G)}8sp{uuQa`LJNXYD9>OU$}bY$-HqF;ZnzaskDGb_T8De2Y2(+sF{mfPkKI|uU8$KWvhZI;ex6RICqZ3|3z6c8)jnRzv%jzA0^*K*JyH7+<(Y+F{7v$Tue>)rEbofA zrqa;}mkqwHmWLG}jyo8}B2R1a*WQ}16PzX~Pp$gOp`57iwvzc^!_vJOBVBe=$ zS@V_-MR-*C%+Ioz>jo-F&VRhY;*0hE#fGJ2>tQ+%{kR);e&udY3N|I_4PioNndi)j zY~k0xR%=PtYp7geBUkQ!h2=H(qNIlB+JWAig);l_hB1kKhkOrzu05-TXn?N`_wFe5 z&$2lK$DlP@ge64H}2Ulk1N?TDxWPId9bO6zvJ?U`;bq{Xo)z@_ct~uShbF> z15^S}GnMm8uI7smYNi@@Fi&Uqyy%{c$7+?5KdgWL(gZvBe#ZGMU;n5_5z}~-0~teV zUDjzn4Y&1+iHwX?ich(bxyCt?MZ>i#D!_Mpq0<|k1G$78dfI$f*cHIG`|-2RH_kcR z_VHJr*Xg|UIt#l#CR?ykC%z5qq#2d%DMw2O;1VM_vHxXJ7D&Z6xKI?BQ<4=(mxbkC z7ajmy_lr4~?g-N>>Kl&JqLIDRr8Mmpo_4T!CzcZWk*r!_AkY{r3i8dJfFZynVTBeS zuDcq(KP{$o!S`;ZG??V@J&cBg%Lr?AwwK=O2>TgtU(k>>pVHX4)XLtlw_Dt(V|)@< zv9T-y8!?1|e}09!Utq21IbdSbMWZTedhT@sDU1?c2t-a+G%FBM&+n=VCeXbvExF9M zMIX6=g*z2_IX$Qm26UYTAf@)kbkQP5G!VT$cNBTYbASVq%~a^6&^`E6qtn;>F2yD{ zV}^?U`s+Hw@qqaE6Tol1x1e<|@EQ2og#`eWakVwGW-1nMY-s;gLejL8rUzR}!z|X3#82M1r}>(&7DJF#hY~2R=W)Eu`qEbA1JiB`ts& z&$9xU#~kg!wT!O?CoPky!J8SED02E5k3=bQcKHF2Fb&>w+|AtkCz3+3G=ome>nksSS@*34a2@hua=fOHwv6YJ*v8Cs2mbs-5QC>2k4B`IRzE}`QmT3(?1MsG zU1;$|l%VWU2~$ zeDxvqeWHS?dtbH<;D;b~2ZR0y@*uJ#mG@#yPuWJzGwm>hA|4BSz(OkQKL_fqY!lQP z55mOO>m)yLalo>y5}n+s;@=M2h|3vdARU)TdpnPpwCsFmII(oAY|{(=7CbG$tQU*a zSq_(P^7>B4Kj*V3ocsFwXNs@1pc{ZN1jrY^YA}5)B=v3>bS9_|y@B=`;Z+bT_QP&a z7nS#0`^yZ@S{kU`rnUrF|G*u+(%Ijz93xKAAL|Z>y$6?u>hUO*_6N$dZvlKkWHxe{ zPT9~sb_VP}jmhzz6RYJelQ{G|)s0OAYX*2=Mu-x3lb5x#e}HWwf~IN!VC_2rvDWx? z?XXHGP=^`Q^o-}lhXALUzAFTxDw$XZ7!u)sVjF?qS&p9HOH<@*!l`NhnXH6P{BQa$ z7YC|w`MqMna9RR9H5oxG_5rNp&H7o>OKXj0UD7W$)+Qh7L*}(U5`Q=k&dNki{dEZ? zCMfHTfr-U;C7`E&QI;?V85@m{!GlAbWoaI>orY4d0YLvF_^=T|{*P+{MUm=P`7- z&e)ORcuPsy!_7bXn@dyr2k&ggTK4A?)CUO)*YC4|e-E|q+2%9DT{whBQolLF|V#trmK(+-tcTqbyFT1&->@a9Qyv zcQ_{#va9DxXcQ?{AlVB=h|*&U+ri>?F#SGUkYq8Y2u1jYZTf0nkd!~x)9i)v+4;{1 zX)4g{cP<$LBPfh%t4{&=hAwdq8NkfBk4|9*DA~1iqb!#eU!SDlfDsPJ1Gux6@iU8T zd>bj&X($eIp@JjLG5IrM6nteAQwd&5)48=*(DzWJQ(j+AIwr z)uFsz!cbMZar_*rCQ%=Qvz`(B6Gc+g4|UK3|bB*AAq#@-C8LJn#yG8DCg{H!3JGfj{!C-?lV8tvDiWN zN=notxNP6OO3GR;>q#&S!Bk0{eS&u0y1WZ$CsD8Zs+sUxnI{&6Yj!3^c6CG)`0YlN zrfX;4Yqh%&wiZJkgWat*?{j~iH*Ol{s6RXy#dveOHh({kdeTc=cGuZ+c~!O;|D<@Z z$G5DApaLbqa@V$_cHv03ei!oApslQ02Gq7HZ^Lc>^j(c<*KISD>;0w7?(>4RcN0>x z*)AW}((BcMt`KiW@7&^gzsn~!+@)$e<&QeQ`fq70H-el!CBVF-;NSJrKzPM{>@3`= z<}=4DlhLeAW@`@yRlVMgfvVr$%J7TrNa{t&KTf*5cNx#Ey=X&&pIok5hIdyt5~|K9h)pHm_XAZSjRjb``Bx zpda;E^|DA_c4062%B~nSRv#s6rJc!ZlO)?5DP&#q+&6p|Le2hca}<9AdkttDj@2C$ zszPb3`LAskK@oPILVdP6HKDpT4Te`J{|w&dibYv#54K1^n>UYh37MxYYR1*!X{?aG#>MH8l)RLZiGD3wDEgOq999kZWC~mTvw0A{RZM%=O`g6kB|fXlDso3 zW)IR3iyn2UpS1pdUVDF9Ek2|gJE1Uoky4Uc>uAmUCu9*}}+a%5O0VX{IUnGu|sd!_E}`DMoZX^@aenj`@Qeu~L!3;wK0wJN(t zY#SnF185a+64ycBErqo2hQm@fur{3Igjg2L(@_8rX6S1e?M6t$oQ7%8GwZ?>ixF9Z z>=u6Gv57ODsO|8{!5=DqXKlFRI2iG`@%%=I8gmP?PR7qGm&b*%R0@Wt#EX7|b>ztD z_}O}ip$4P<;pJ*3Jg@WjnNsHgo^O2feD&RpWM1mT!Rj3x>*60k+1ft#cd+u?7dt!Q z2zXjH?xhmM$=}w%fzeu;@ljR#QTEs2ZFtu}ufG*<{Um153?7&;5hz- z<5-AjtUp0K+yG9+8(PYx7Ae2M@W~K*qBwrs;zNg`n>SD`$*Qw%ye&?Bo~5BaYz3;U z%eoZ|;O?Cwv*q9_P*lDs?*?^&K~z~=pT!B>tMnPCy_MfP34M;vq3)is*!5YpENDZ= zP35p^JQ^{IL`#&Xf6E(+@zOOIyE z!3$|6YPq`}NxzX&ATKK?A`gQ0U()h~YPY8PEL`xAuBRc7LqCYDzca;0?W7Svw%zqu zSw5@N;}yt`KJgstm5m6SEMJmm`8o(H>lsd`PrshJf%WXd0nE!7Z@s23*PsD}PQAYJ zwcJDVkX*?Oavg(O9m#Yia6VLc0y1Ge=XNqPO+x-lb>!mPw`>S^N_vbIeSn++36_*OR#Y541k8OZQ7!`XdJx$ ziY1Y@_sa73t_3EqorpeY@J$XP0AKr2#lkhcdp$}A&m;fDiikBmoPU}zmyIa>9e{}| z`74gzSLehB<>U5&3CzxTZ$8mz{dYONM}_VIy+W4GfGE2YaS)Ay-u-fk*0pim(>Q3B z>1Du3V@4tXd}Gx`@8oNp&Fs8=j?whg+4hrnKX4+2)Bl;c;7O$p@R&qyDa;cq+d>6b z_;m1a)WdZycXm->PCw!1MR$&(Qr1j*??^%kEh|Z{L0DK_!*n~fxAB} zl6<|Rpm`hC%H-b7$|`)7@tq9{0xz5M$gTn#!DIlO9Y$6Ob%&W zT!+$L=Vi|6AwT(dE-hrrcseyz%T-#i9il@O*->}5M{yiA_o+9r-9c0F^z^0tuNE4< z4B$BUB*@=X=z4EC3Le@}As!qW&v1^Dw9t%P8{=wr9<3u9x0njsf4++)W;hP<$lBBs zx>`QEVPtOwuRhbqhzxbvRn9x>ib!o%Qr=|_kt}UPJ8%vZ+0rQ_?iKXl)Z-sAN+S`L zFt|(FyN%@2V|~uboGs>dXh2e!xQ9->l&a2m&%XkJO*VCH2CbNpB{uW2uu`wo@adU; zqDkncIG0fO5u?iuuV*cF0?qr-bh`fLdYxm5Pd^mrilL^WW#y`WB$CQ?MkI23OE&`B z$wX+CC_7?rJBt@;gx4ABdj}4U?;eNqH$ww;Ref08wAL%+QQ#~1cnPlNK9AR*?ZfGxJV|}qevT-0ZjL>?vBlj~YWs06L|cv-9tYC59q&U7^zJ&KLe z6><97qokzfQZIKexWrbWPLNk;q^a`9CWk*%oJ-0YrL_1Zc0Ja-+cG1HV`y4$p{bU& zD>ts7b~{Q}U5yQvWAUtb(?SKTbX^l+I~0dDKclT`*f@SQfWtf-QL=66J5RA?*++FDBZ}0D^p@4SG0rV zc(eYvQVR34#t+V@TEXT?&hZfR4T4VG6$X!Tsn1m|$To&{c*i&FT6~+#;+;`+U#aq> zleE|L4vsUgV9n$B5AXmHw<2ePRXTt0ZU=*?VQmSiR)M+sQMP35R~U{o{gp5#XvR^v zMkUkO8zW85eamGh#05dazl7h+{uWXn0~djEdi?8Sr8}n;_VbO0uTKms^yV>T$J1}8 z1H3(?{;8DEjATXK3sOS(&jbI~Co?=H?*-R;aDIsRd@l&SPau^nlpo0dn%{8&R_1J> z5&AUyCY1FK8|BE`RIyLJf!!J^&W~@Fd(u)~W=nxS=3iI#eI(?PO}3OgJopltz<%?Yxk`$bjh96w0b6?@VDUb?;V!(?HuZbjdpMK z6=d!Gk_%G0$H3-#37E`~%j}2lnlgMep)bI86T8x+3P>lV&aknmjfW_Uww~Qp^34V` ze~onC8?S3uyFQAe6;M|P^q8XJl2<&9r{ZWFwG3JmGl@|sw6x##q(|EIISlx+ zSwu<3VVyaV=J^`TumVgf|APr$zBdJY-D>es^d5X8^|cR6wM9wxLIfXxj_cZ+?8A25 zPe#T4J`J~>!l5swGUk>pV4SnNAa@|@yBrF$)o;~~69U;>?jc{z=RZ%~Ne=AFUg01) zSo~l)D`XR(>o;2hVy>ZoB3eWRqQO9^739{ZYh3&^N42o?n^82!9gRm{{#3wSrb28z z0tp}*uswH2XwjpwmQAe9Eb`Jaf^4@57Sx&kP2ljoGy4?P+f)Z}r%pAJVY&_n%h~GU z#bRgFPXQAX7UeuFB6eFL$Sq(2E#~FUB8Z_?tvJ5j+T!*$yn0;S==@0SdnVI}Bcut~>9v~U zm`|1!_@^)SG(6C|FNa(;5W$F)(RoDf3#-khl!2Iaz{l+I-!XeK{nmcIVSTp$f2A{1 zxJw7~GCY+34?2YmDL?l~C^LrePJ?Jh%ATlTVj?uZEII1o(fuPP>&-Xj?XuBPXi(>v z(V7V%nV;__f04|*E|_*)&1jP33Hrqk(w38lXWln~`EuDF!Z>n|&@LpRhqy&C^ub>pCiG!c@yMJFBI>|vJ|L!=l5ER}q|Kjj9( zjb0Ori6{1W-8afDTOrZ_gsgEEgxN9A|G+3_L6vGzb!-?RmraoU3`ew?SkGE!KVM?+ z@8zD;-NnL|$M=K#TT`u=wZpN1j5E`hTojkHzL|e#$yp;pqf28J@=3DbN923!*O+Z= zpbz=I6LYa~3upd({eUFX`QHzF3Pe2Ih!--`6jAQm<_s$u_Id}1O6O@tkE}KKsgV7! z`el(j(VLg87-$sOwbp=`Qa*pLqd`VuIdL4^B4M`s3-UL8Dw`^>M)pDlCR1GJYOHK| z^Vc_`l>1%u{S)1d|2ljf{Vu2TXaL3c{dd{m%XyOotNcNff1TqE-eJ7Q&~hpJB1YU} zIjzWT!|`0bpz^wnX(PR$XZqU`=fvwP{$KvlsnWo_J5JYsYFG5Z_G9Gr{JS@=bC|-f zoyg_}59jEW+BT81i~l~NvNe>MMC)B-2l0}&Kff&5eV;wns7 zD@gdblYJ4kOHmyN)-*21G$moYUFed>OQ8)v^x2LRaU8G-3ax%MTJ7&YEnr0o#r#da z3*UfA@Oo=GN-Y<&V0T~G9Y!Tx`bgL2AAN*Z>lN5rP}X_ij+4#2!qmQO6}`x; zzKkXWJ8I-xlwvt{(c%puv~tZbUv@PYVF4sizr(Yjg~cofGEF!Fm00`Tg(rbkO0ORI zG4Juc>#437T}!~c16qD0PO0=Iq1ul>noSG^h~y1ao4RmK{YX^z^3;xeMnku6oU&#r zpASo<|H|&2XJ>_yKRiU}4351VwPwZUNJXeO;$ErG8a-3M?A1R6;97dV!2a}Do&$Gh zeXhYfGx2ncU7G2G4I_b7({XgrWdzGZ)3O0ZlY5^fq?IoJ0`}LHn5>i?_W5~q%K!Q} z)dnASr4-C!RWTxb2@J-*ADW=KK2WM~S5CgtEt^=bk*xHW_$dTmx2`e)f(;?flLyV= zwa1beUGIvIAANyEdvBpqzU&nsVsP_0m!w0-H<4vo4ujpgbM=LmpuO-`b|ck)GBSFU z7Ob^%2AzcN)4w|jaafLhXILktdf}3?Y4^h#JsW-RsUOH`+AN`ZqfK!wscYiG&Az?@ z8VNrsG>4z*DgUirT)PWyl0wa0>gIHCAlY`Bo*$3@^feM_RxECW=7!&-)n@RXar4~` z9zhEifI-V*G|dS3<`hKwA1^6dUm$)$wb$K)K>qFNHcR#$h(HL}%nAL5_qAZ1IZy z@V-c>SspYuEQ9fqqbd9ca3gY}TOfBNqnq*Kt%>XV&Rd35VAduOF{{YrdwZ$e9|-2r z;038do^N-e;7phd>rAtav;Dkt$Japsi4q}M?r#Gu@^^Otw*f1_#P|^GIcqxvVCPR3 zVBp~TG>Yy1rA_#QNy|>)^f16<2x8aRHo9zvIo|k#ooXaqTAUjS#%s(RXjq@QUlq{E zI>Fcq?UY$G7v{Q^*6fZ0Y?_jsv0*JgCR`vc=lY!#x+i&o$95$_$KCfSMUF4*E_4B% zxd9z`yiPy;>i)9bxZz?KaSOInMYmu>C zm93;+-FJN3z(heYpyi;#C9J0G!IBlyqhHv-4aCeXRi0`X|NE~`Y;qKC?*dMU>1#X| z{n^qh6YwK3q*A|Gc;xgD0^^`{qwfgJxt)O5OP~KB<4P+K{LN`k3YeW6*D+>Wcu;01 zpgL#fA4l#jSy_*UEEb;wzXBlZO1;*|3i|PEo~VmL-g6dUGnmtc#(@p}3F66E1I$oI z!<`8axBgxfG@2SPbPZsVWw#H@`<~+$S#^SIvwq)yOX&FQxD^rjl6Uk3EEcxqDc^7~ zaqfZQDfh7lr9`X3z3xK_g;_6+Cporp;4NwJ{fB~nJi{G(jPH1@8BB$2l5V=4byu<0 z8V0I8(pyBixr3R?P-*vp!{AY4V@Lg+vXttN^>*X>>uOWRn_5jCFB}9` zDORbbgFqmutXhxx8XVGlmOmH<25+XbAd^yU4E5pjo0 zKB5uOv9-&U1Q0AZzZC!b88Ua4{8A6mnt6#=oMjnHe}R5lJ9?*(*KWGzVLcd_AF%!nt4%He1HS)8baHXBZ zR01@+k~zL^qX`L~k4^2^ffnnnZ4l4j&$rU&8L$sp$09v02};L*0KdILtuo!ZvEDl% zCae;#?t%5%v%i@ZpSQ9rMEqU53KdnZs^LP`&%jFV2tuS#2^of7O95Jjr)Kc1fbb)m zgmq{LrJ(y~VL&4(`ubfsTfu0h|d) z+j5~MRA&q>;+kDJqeqYhSmCQO55i@PNH70~f{pt50fvt}i;`;77j%+aqP1S?VMMyH z{b{<8I8c|oeg_$wj+j8`wPx-DR@p(3nJd@BJxj5H~t-G`WWw~O(bvMs!vD+C#-~2BzGb3 zh|y=Ox{D6+q9sNpZ*3h62G=K-IUBL(cdk>0W~j{qQ_R%VkFRw)ffc>NjmO7;*Y7+- zwGvK7J~k8C0I)D}wCAhh;v8x&upkeQ+tIBJk@?Jw|2SUbooU;Kl?VUc`RH80ZDgRaeTyeYhQAmYDJA^zvy1rl_G6f3Tp*#qql`pi^1wkZV z_!Ufb(L2B3uZ+@e?~@y1h$Kg^;Rj6%pMgFFV_Sy=_1REQhYYI0)^T}(L;26$BY<9{ zXZxu++mMnqhaN8dJBYFo(nmx@$`>Db3X};nlOL>D69r(=8D=jCUsOkI9A|Qp@r#O? z^fANYbUq%h5$H((QT^uWONw z*ZYLz@BE#h++! z-9HRa1S2P)Utx!4-G+5AYrTMHMp8w$p;>wasgp4fLRCx6CPfc&%AcM|GxnF_j^t`7 z;y(#~Vx7NZ^_pfR-m~0)`0Ivz+7NEX%e1+clY^^N>}lx$ZiW2Z){mXdH44pfDQPAh z?Tw~d_afWwAv$Y>jmp}ssjI~>YOQGI&2sp4tPZCWnyvs}LlYF1@@E*#+%<&8 zz=SN#l$gScud$zXA#~`|TKT?m6{;uBe#IQX;rR16(%IGQm;2%9`I!L!_K|zL4)w^ht{X1vtlznxD~gfQCu8CD0(px<6+;XH-^_yZgho4 zjj6Er;^I~`{}BZ6b9r;W;zePR=JJi<(sg5GMU@1nLI-XK_g9&+n}z|w{s#ng>XlR$ zvSvPPRjbpqUt2lQFsXD*weh9rdjA-{&)YoE`Fr&TeT!m{YqDr&`KcNO@v<`(riVYl z>CL`Zn9(fOP&#^xAGbm+H~yVC9Eyg<#!qvw$gEbx`>&cdSkd*2_kUcQ`_$GFt^A6S z^RCc_{)Jn}9#hehdAwHZUMyjs1Cxst4agW+7r z{Uw-2XD>T6Ux)H;o-S)&v8|tn(UxGe|0|dYc|SU9j)7)=@v#nj*qKEeCSUq#5t|Io z>UeL^wy*0$Bl7Qfcx*$WIVhyKjqeQmu)T7IWAXz>*<(GI-F~U70m;)#IqdU<^KkDK ziT-MJsjv6}S=P>LS}CY=UG&T9{_=r4pc^%gKNHDFQ06GnD|X^Iwg|vy#69st1XuST zHbR>}$EX^AripztsSfI7HtFt)F;)Da_rF5G9qB>BJ}^6q!|<*jByYOI%MO4+gD5kyp)z8K6SWfsBAn`PbK92D*d$qRie$pnRO>D7*9} z&4n^_Ru8@x3w_n4Ha?-SJ^I%nC2-puu2towU|VJaOxbe*xonYk2}(9?2Pmlx9Nn1R zzmD&53nJNBt&#^+gYvouvyEOoRmcjV#^cO%qU5&FEDCgQwufY_d|sym^3Si~NT8@T z+Rc^$6;$G~59x)ok3ag>lKw}ehzjIyCb#Yew!L|uC(OyO(aGfP@k&oP-bF^ivO~?` zWXc^KA>B{&9U@V&$qep+6kPJPq{-y@w=xnsJSp`kU58cphdBB8=Q}SHszb-``Lbsu zXiKvdMnPiWAS6j@sYu_>^o<6`H^~(Z6Z7NH(?vVy9^Iv? z6*mhGKlE>y%kG)28{GS@!Hb8wmIyOWmeklK<@TwpiQQp&l)iexRia1cqk2~I1CgQ=rT zqfL4zV@}d}Ka1NsK87xW3!&PML*?aN@|_PZI_8r5!`d62zmy5&V8(q;b7hqc47Z3oJf%wts-(B^4O#{@rooH9a)IbFG`;~-h!NTT z6r-|EIu#0~Jz)|4zOm5&P$Z!(s~?t+2Z&S)9(AgkMDcem*&VQTc=lCiZ-4O~jcQrp zko|KTrYnN+<{Qt2TKO3mZ*C3{eqE;Ps!OD|SZ{dZ&9u76+p1m|y}~GBTS~Bcu{C*J zEJXBIgLCJ6ua~_ys64doWMpTZu`V0bv6_|XP)^TE6E&C0vDyG3dpno7RL&yzaL|!S5;wsAw!TiFb zf%l(q&d3S|y?>rp_%I^L6z)$2zqi?bbYy)RCp`dtJ)FL|>n_x1i@Jp(bdTFxlZ>Ai z{QSL0etjugaW#Xd8g@)COS} zCQRnJdB5HRP(*8INZO3BFje;QAz!N;+0Z>==kS!)!Wd3uHD))2X6N3`>9YpeCsvzyK1Xo zZo`ov0JVJiA*qsQDz`USVxPTyhQG2Ypr4G!&@fnZLopE3$nCLuoJYF0+(cGT`j*#9u8#u`N zvvn;y+21%g`M4~NT$9t%aJCVsV4j0RSuq*kuZV|VTDStMpURH*$cjXSo z+_BLu1D*Ys{&;+{3FiUwv zr{s|BDutcxp3rp_B)4`^g8B-$uXWQ1f8O_;Ner0falWzZd|g|zlO`=*{U2vL$QtI? z`?5001m6MOq7-cvE}+)`<2q{V_y5ZK&ZwrguH9onj!F>$=^!9g6oNoN5EPIeK(NqT zl%f==0R*BbJ%C7;CWt{)I?@9oCRFK7N;q@^(nAmAuITYS=Y7xn{kvn_Z;ZQtpd%qW zo3+RR@Np0a6$|Z=riDQrb_rKNG6Ij1I zOB9OK$mPJqOGqD6MtI-#7qj zDG~x4sm}|;Naw6kwwfZaJ1GaAtO>YDXF=#cno(0ejc1<=^c&nQx~ zi&#$gwi~IgIJQjAhDTXpf}%J;i?ms5781AcnU2>7Fl-JBg)VHAu}o=o7rB^|l}>0a zi~<;AX9#Fm=(A0#Bk$E=rFwJ>M*u1pNfZp>@-k|&)NEIq50t?8g!KS(lrvEd!ECm| z6f07km!Us6sWlHUX10BeS}gYe67ks!lvHfMtMnT@3f>O~>wb)}!Q$U)G!#lL{$ey+ z4Pg2)QP9!|fM{nY*@TNIx6q+1EHo%>4VjQTt(Jj@Y5=>KnvpYR0zMHYL??3n0AOw< ztcrf#5Ub7am6BpU6usc>Ad}35c_g@~1D~ z$N=#7dq8EUIB19gB7S5C@YuO+p9sij5WfIG6H^%_?{pw#rim6Vm<_EM{D^D?V4kU@ zaDh&K_1~i#3(6**|EdQL{GB$9Ivwc3HVFlMf-60Szx%c32RlNnDW?_b}FA_{s~Ap`xXHF zu3kg$BZW#0TA_FwvQez(mE}o`F36L6yv6%dv3hi#*MY&$Z3yt;Ss`EUNtyfp7MN;W zK~bR=%z&;6FsvD)W|xuVM<4~yxL{#DcBW?p%u>~Y%ms>u`ACiE{g-R9EZiBGPkL~1^z`rLDmcVhl{;KmE(Vi3!9uQb% zWiz0m4$21BvhY7_=8Cyc(_Sr>Cp6ia*X}EUDqEza&Nu+fe7?ZjmvvQd?f`dGuI>`6 zyRk2x?eA|CAZdLX;mH1EyhB>GGzJJi+R$@825kzYl?L8BmpzSu^E_(v_KyK{dh_oD zCYrn5@!8@zQ`m@XE+1gb@mbQ%Up)r@ED>sRbp3^1xTHvaokkaL**?6k)VlT%kzV0snekM zth+G(o93O_44$^-Z4Ah=43P=0M|i`XuJ@$K2##to?O#PI0R2X!`i3<ZuXrDfTJ(~8+2Vl!y`0(fFv)9wRi0CvZz`P%- z1kNpiegL^ipqRxD6$Uf2{2^TV=OPyV_vyml)*pY{M1*w^C>QJ+o?QnZm`M@XSwd>M zvj+yj&aHgZtryHw6B=%X3d#-`4!Q2?dy1Dc0Wf1lK^-kY?}FKPgKomr=duc*=2u$L*23W41i+zE-?M zMKc?>=hi49q;~3h!i`))WKlcpFkiiooSnriSi*08hd9^Mn>^;VxlYY&9^-I4Rn`Ha zWtVzeF`Zz_K9&Z2@3mvre$2%CBME;cSH}d_R{L3u*_Zsa``teEuilNkysAKZKHCG!Ff^&I4N8aUj^T z6z=P=p}CZ>zWPI7!pA3hm2%xpb-Y@)bDx~Wxhd9Cs=(j?RcbJ7JJ6T-`>!;9hE1xf zI9@F(fdH@WOsr+N-plRpO8AT1KATH6lNb73J|Mnr%u=l_)8D;q;;8{?G%HDLp*|hq zkLc>0b^m(B&f#0A6EL|$Ub~RVmA#(>E z2As5};YS8WeH~m6rj_W)mR6ZN${edMwH5_t9vk024m^b_aVhqf83IKfEz{5S4*m#P z)!bJ{(NMuHUk?Ae`Z9SZu%yJ0%8n9Qj5}2gs<_z0UW9E8nJK<6Ce{j4&x{ z$oR87V6YELy8&m#3tqSP=9}WfM~F-DUjF#w@Df6rq)ZAP-dYKG9LK_cKCVDTo-^yF zepVWR7CPn+TP3#A2b0SsG02tIu!s;O!Y-5vIsb+_{6hKY2M0N|>3FEQQO&`sJJt^Q z=zO-0F`{8vIsyLnbn-6AG@2!Yyq`9aJiskd_H8u;Hk=d?ObD#s#0hmUFYk{}Ph`Ds z7qw0HL>rj9znecp+uK)Hejh^m+W46anWK}Rd0glRVxaq4TWfRfTOOsOJ~JuuAC#6! zV|0!C-xs12=BZS>8kv}41QNJ8YvsMeu%Bl=WsKf?|B*W!p-0}eU7d>9VtK?Z88-aN`2&xVyAFqQmGj&r{Q>blWSFxgVLmV{6@9$^`N8OWdKObhj3z6K z@1K;R!A;CN#xA1%DB;Eb{)yoCtYCVc37seKHs)GYG z7OtBc>#{Q%WM+@a9hCBGZyakIwH)=iwR*r~DPrNfmD{Ok7yxg@s=B!nFflF2zPDg{Un~c8qcCCb=To1#(!%lIF>P_Che1)_u$&s(QD_>%;oz zVLc}K?`yAZaLKm6i)h*JC5}C+8l0l$@VEud8mrcHF+fD&Je@1{*Cc`~xWCslZep8&aLo;d-ttnyi=yB-XlqC9cBy`QBrEPH998tF@hS9-_JwM1 zc(vz1Xw~#pj;VqCP;@!F@Xy=ooJNA(5nadpyNpgpE;ubV} z+{F`;Sn-Rp0&zt={q>Hs+eqIzi~6a>yVYGp97%pNt|21+wrTB6=pcN|Tsb8tX29`0 zdtL97#Z(`>CU3Mf8qagEzF+vYA|MA1bwX@>WeIW8m2CdSlj@VEUDGZDGH>c{XoQ&^_EzxG*D0P^Z0%bWgjK8(p4O?~VHBX9@^b1q z>9+44mJrGd6qtr0y!@x1js-zZ7f`c~q&9LMajNThQXO(|uMG{#alsDlK6NWuC!ejI zcdmKmy-+f%q9u@j=zB&ALj;|PtXM&{TJHtw`N};-`NSw5DNNs0kT?E(NTF2XPG~(# z#e=1;I-(Y;h1u(}q+So@9Q%;?5}%a9YRw8Glu0;@9gu=nkUCA4WA088=O^8C49mhY z8|`$8tGO#Hi#QE8zg&u<6J*bTsC?67Z@#>jT0(W{g7hiF%ekgf7zqEQ8|qdqVy+`# zNLU*LoyDW}zKoiw`LPYHkf%@fTntm~Z?&n@=qoZhM6x9XP`~E9^stJMLz^Klje$tL zCJcv;s?{p#{FPYIPB6dNimb>>i`tZkb2k-!wroODk!Lvx9E$g9a&QNX=- zJ&elJE|4!@m5WMa)Kz+S14m2Wa>mU2V5Ks)3h+h|Zc&ngmC2uI!zZI-}x%IsbgZz(2R< z!#y06BGVn@ee2M-g6}TngP|WYchfg=X}(v>k@bo{#i{a!aE51Da?0lFSBISA3pju4 znH##788(A7+tw6jiIE612AvuYo|P{rw}Oc5J4GHQ<@T@gi+96eW7rD*K4ntsOMIFm zls!?EVRoa1_g;%goq`N0L&LqcaVyMbhRor#i6p2#ZZd5N^O$kZL2t!0@|X=Fw4Ax& z8jOG!8U&vzrV|m{*3mkZHKkdpESl(-Qkgq?pND^#7_gmO9k`k{5R`K`>smCM&Q0Gc z1@_ilV>%SprDHGexovPS8!EEmLksZTO)cbxKj_#Gk**E-*18s1Zd7;UOrv3XW6e8f zfX0g~w%@?95%ktJ*y_yaD>9W$7!1<0TQ$!&c)9hY2x&}Q=2V&t_0Ms-uJmFl$a6lQ z!LxOtlX&~c^`B`ch(+jbhzfUI#AxaQwt4sABk#FX1B)$m93G1VQn2ds z3%93h6||@o4}Xgq4Y|s)osnDuY&XPjOr+8W#S5E4R_QwXGHyKDl@odvYTKfTxTb{D z7#rzz{umwO){nzI(sBlB43OncRw<<4u!)5!>9{z}4?b+JpqOdQ$Vyv!$#DNSa9 zLUyd{XJ1sF)U=uuW-^xfc?v$Qmm(8b;>3;!hAWY|MVu?RRo&(D5YN`-q%k|G7wtx7 z7a4iQ2}oT1~d;A^~1qJ z)92~UdHtM0QZ+C_jM{Kfcjj(P#S<=961eK81UHTo&KVuN<_hQ>R4YIuNV;H0j=}rP z(_2-qQoTv4&u-92oJB+7k2z-?j>^M-4!~g`{X-a(1J$H%`wi#QrQyUGTjd(=hq1sX z5QnlI&LyN-f<6_eE#rod=jAhuin#>+^D)K%!9a*j;%R85Cr_h?3M!`Y3m^z#hirCF zcfCagvsZdU6nZ?{F+|h~pT;rpJ-tVR{Bx*ds3v%vo^ODlsfiY zt~n)%HfV+|-rmzlB;T#Gu9t;b>T1!g1K8KiblnZs)?Y!(w`3e5brx7HV4n0|>=ies z=CAxQ3l5KhCEK3|gdef)#K#SrbaEK@MW3?;id{3VD7+VW!Po88ET4 z50wzQr7boYb_};V-pI}RKkhb^>G0`~FV9Ao|Hycji0AU3;H{5~V8}=zSv|G#wSE~h z%UTkpfJrjT&OBQ#?jRJ}G9_PgE=G!qHNU1X+R19Am=peBKXQPMAWw<<{L8Qm;*2EGE^ow$q49 zPYJxq&ehlxo{`GQ^Rc$Ag`tevj8XU6Zf-uw)E-K*#{o3LZ$_{c-mpx&A5qkSkeC|V zo~p#vg8JH94x!FG!sxGuEPD*oOJK1KKN{WC7ihOLDKYwg;w{2bbL}gyxc4IZ~XSuJmwC)|3 z?nsEf4)Y>-&Yp2^lYW#NAmZt{0HktN>UaxQ55dvx8hql!&Tp#qGQ`k+~H=h}sNeQ~}Hq-(th45|+FTrB2}na``9 z?mst7PrOhpu7hVawggq&NJdu5n)&mASJ+cNRv%Qwu@#4-`gMY%FtP)8(-Fc<}qjC466BzeY=slL+W{m z!-A3yylZO#M=vSC-1#I$yZ-ZG@Vw}^HC??cUvKi>!cId|Eln=+y`~1Fb^SlFTt2?Z zQ*REloje=#y9i6u^_ot;lW_?VO>;md{_knwRovkwm732jt<15yG7b*Op(w?F1X8N1 zQ)8(f-IZ97CTHx0Xl=x^HlU{c{3tdy;Gof`WdCa}2`2Y7fFI%uX2PBS^8UZ@f&Vq= zz|X4(KmV8DAo@1dJTA9LZ?>~3*{4?PZcO}bE`v76!1p(6?>sH`SCVZKGrsGa6x^{* zbDFW~lfEq)A05$lX>7zg^+I8%-}dodxxamTN;;fb)g5I;Zd4@p1Vbub;RE_=)2KD8{jugwe1kX$7%JZevHx{uyit zG9d4!;>B(~^w!pZ>FaGQRgP3b8gi#2;(dVU4S-nqIZ`poL(3LEo$Dy)|8=7!&ro8P zX!I5Z$fr=5&&R6>9rLQyJ@B~;kl?Q>IJ;6a%Q&)@}m}jz@vV1%=~3@=Igf z0W0oKRqh>eRsL#2?8f@yzwQ<4Itc7NY<%@rH$=iI(Jbr13>?cs_Ad7xUla=8r~h^- zslzqRp;pdQf|{~BTJdGLHxsZ>^vmKR&e+{o{96~&eHLRTo+@EXM*If)1db4?m4-^a zw-Jal8T*aHSVQqE`i_;0wvqQJ*v#A6`w#NXYDfnz5d{ZZlM{#nMYHdfn-}mO%QQV9r2iVK+jhM$fCmZOIIA~l_`QZ! z?Dacox7s8ZbRw6#c=T$$kq`h0goAzfqwL;94|`)RUTsXAl0J4)M=Lx+6cOFDnJ5|V z>LCD3QqnEuQ8hi*yqa>r~q41pk(4$L8yWa^HMeSh%2$~?(Pm>Jb#Pf-><566!MddC1Rqo+4v#S{xYT$R5$K^b!4Nes)ErvrE&VZ3HHBbzg-t}QH-vTh zK|!7E>hK-z6N@_(U~0j68)H*)0eYhGYISiMfHKed)y@`~hDXX+77T(%TEu`-Kz_x} z(gQ8eNU^mvs;6Q86kuT2`e6yrJnKLvD&RH1$L>#dod&eUNTk>X#5WPqH$1~2qjqJ}AG zG&_2^D`1)}lt!f;g(5A|{oB7O%d4&{Y*MRvnF(>r zLuqV`&FBr~5?mP{FRqiZwbk}Ux>H_e+%8OCI^>c{ld3H<))pcqogE9gbUYN@b^M}Y z7FIy2PkLba{sPbLp(8tkhA-V!dR!Q~>oZJAw zz^>@t6R0uoQ6pa3ba?y`5ZpHPq-3{-bvM@FvZGs{%z0(4PR`2Wx^wvRG1D)sM%Ize z!Vo&aG{-6n;u z$T6j9&I5CKuG-ixLm+9eH+lbyhDTJ`?{{}E>+Myk8F?ijT~N5j2g+D{y*8 zlMwKN2uTTztX%2`_A}l!VLd1RIWmF>saydGdCiz73@vq_39%l;=iU19b&bBO&eJst z%8K^$opgMzuQN5xyO&Q(!+fL~+*PWX!35$4XgF*k8;ua!Xx%zgNq}iZlByXDnhNRm zuW7}3$gd8D;iK+#5p{bi0O{(~6POev7iyH)1Yc8|-9SALoX*bRVcgVXXWLCp{lgFN zMw@xk1H`2QN}cdK>8|WDt}Mz7jek)0pHk`_j@< zQW-#mQI%DXjW3W53=66+f(Q*7w#&NQh2R}ma|y{pawEz;lj@0 zJ_)*b?5;I3?Z&1sQqoKBRpEQA-@vf#z92pV#jx=;sMaOIIu`C!P(Tf#U)Xo8eADhqZ?UQuPt__R=pG=t}#VseMXRJ`qniQ`ufc(9rhU7;57JB zlotVzI;rSlCVZA2wh;h`=S&l0%E>4f>1Ru0-QCC%Rd!zpSXfvTH+yStsaSYAe@BH9 zU}T1POi%u>)M9Lt>#lSFNWG)wb_!px)lHYB1i^LJ{SZ%o;iDjGzY0RVd7b5NGfC2{ zfr%Cf=c2af0u8Nn%gD8|=Mxjb!{YSl^D$p2$oBKgff|l9W?61L-t(Jk9?-GIsTr&v zDjeHn-Oo+LK@)Q++`(>qp=AMs~lxE+xQsVrWsq~bF;78S$(J41s zlHwM#l1=jr?S9OO=L5-2^Y;=hMOE86BqoXDN#B-sISR~4f2gMf$MK6}_HH(re?_Pz z5WcpmELT-|Z*7S)8|q!Um7D)5LazCUZoZqFJI}*yd}haBhv@qP z*4<*j>bQiHbW-8y(km611imQw94e~mu^Fjld?#K?iK@06Cdvkzd}IV`V*eB53P_hT zVKO^F2c`DqJP#>9j{w6z?6<4#<+p72{!-Z3i>9?#pO2~iUeZpq{jkE-5*j`RaCMdJ zt-P)MF&Ohukd!zm{*LO(|Hq^1hMjK%h($PPWKqsKP0|D0>^fDHa*k_f%wDjk_YFSu z_;5y@e$6^If)W|_5!X~L=0Y;Jz~i49z7a+3LK9QtDks7zL6zaRdT=Uik5cNY!cKQ} zexboOVMhdB_+%VGxM-0J7cAtd3>j6Vl%l*AK#)ApSHPT|O9^d{sYt2afvc?-E4SGV zg{2%)wQ5{OiS=;I32o}t6)8Czobt>VxD?2yd+y5cE0}}}8w*jcYq-X&h_Q#G$r8p< zbivKA1HfsbFn~0uu=dZIx%o=GB`CSIcF2Uy?x2)D0tL(@{6|JIePQm$Xc=a?c;+ZoFuTNRM+HPLG*F03oR___93l{*cmc7WfnBoBn*R>I6uPc%{1paN=lCc|&-`s&Us^1Jq1 z`NmI0_P;O!@HI3>K!bLQE7CYMrD^{}<7dcpqsU*UIT8qbi&fRO+@B%n{_A^F4egPW z0U_{~Xv1GO7L?+T{t%4+S(pc}XGepp>2g7DQS#?%=7GbvIp8}x9RZAFOK+yX{z>BbaY>R^z`h$S+jW~Jp!R&fJp;|T5KL!|DfROx z2JRcb>gtriLk)w|f~hQCHP`)v(3f8|KV(CZ#R3yA0(v@HVa>Y;D7cwHD&q>-=%N`7Y^Rf^mw@_w)G`?~)Mso$vzS#EJzruxxzQ%T)__oSV*a z=@L-=-p{T5(=6%VE)#ABh;1_CWQr`Z2snnyB!Iqa@_;PpcPZ}5&eU?aI*)&`_fjRx zaKd`pbfRUZk<-UatP66_(Y1lLP84*wFP>OyEud+QQru0l0TR}W=>faR6Ge^bqFy7b zjn+HBevc;s?#uJ=(>2}##4Tr+zhVYJqtMQM6(-ulQS#Cg=v|@X>%gs*J*yDdz`kDD z0VP)v+jO6Vi5@-V7!l(&y){PGALI^3hz)yB!T_`K;d@YkTMjy7QbCYEDOPAzG!~#l zONL^?{xvh3Wc7Z0!K2x<5ayDvGLI%NbqxWgzyX<@cBx@DgLJp!)bVs=fw`QB!Jv?c z9v|pIV+{y!?AAW#dme#-5eD6WOIDD7zh>8TFx?h)mI3Eftfqz{(mo+q$v?Gmu!LZt zU*LT7{Wyi!c{_a0`Od*gLv)aTSu1w5g~%;s|F8&n9fXi$*#*@6?_~bxoB`6q8L9+T z&viacz8ZdD)p>s#59B&GYKYwrct?*{miyG-Yr~G_r!Lwg6;#dN$6~e=^?|aw70ZPf z>C;FIBt&)vEPjMC)$NVCV;R&rZ|O+XAB|i-m{T7<#+XVJ_9Fup)P+9NU%V4A=kH!M z1jYnu1XxSVG7`CHAjj~>rLR(k5XV91@%1ZP3a1Q`t=t+8_IUJ-55QdxQNUknmxV(B z1&(FxV6*(GNV_B;%Qc5>rh9a2MgX?g+lsZ82kd(RGs)xF)7oOjI)I>v6)R~o8S$CD z@@DtRUqM7@)8jY5@>#y;kxr*5raANt^A z{<$lhPWqy%4rh&}uja{I;(QwXXI&V4Rnuei|0SN2e>0hS2-~M#Q*~kHH*jcP*Hz6| HwhH_|GtLLl literal 0 HcmV?d00001 diff --git a/vista2d/download_preprocessor/cellpose_links.png b/vista2d/download_preprocessor/cellpose_links.png new file mode 100644 index 0000000000000000000000000000000000000000..ca18b62fa2703ef28eddf7eb6f55045ad577b8ba GIT binary patch literal 1014357 zcmb@tWmH^Q)GZoO*nfe>Htb&*6=_@D4HyBhP9fA_mo3DkCDNC-=UsLuxKe* z1o9qce$hv68B-3f{G~L{_Ge*4#G%obn5l~yzANs(#}I#|IE@a&z6<$WpTwl5rjnu2 z2H{Hl{StTmE7SjfeT2VrUqSodFNyxYb;*NK=8+$cdy)2~iAGTd3cXxA@jd##ma_?= zvn)(ZX(I9>@1y(ni3A$N%W6v!j?@?5psto|@W4^>kd?HmQDZv zUT-DP6ifr!rIUKiA$~C|)yM}Tp*ZL5HbG|~Bde}3>1+eYD*-`D|J}j&@T#{D^!Icg zQ@T>D+To4UkhSUeh0g7AZe9lbA3SLrz3qdrDML^`M`xAi-H!J9RQw+n?A{zon|-S; zg{>3WKle6l=^cUyfhlrdE4H8@6Sv(oAikuY#$$u|24v63zn#Gp5L3XB%1-UaHFqBO z0Kq8rszky(W1`#3nL)$g_LCZyjj2ap3;{{35U6ooZ>yHNRg#{U$M*Ff8sN^(znmZJ zdPwbpSzSkFE-<09+-`>uUC{x?#K*tX)mw%oo&o=xi3gknsOj}(t|tfqM<~|b;9_(mqCvQUVwiG zGBv)qWWumw6y9!9STg%w*sm5G+WSe|YEOo)yFQ6hT09CPYcv0*95v2$6b{*&bsjXq zUm+c_o}F1)h*HmPl=ezcm9(&}>EPNe|ATLe$u_7iO;2h|O6^~n-{+o5|> zHZ_%C*I3V2kb;JK+f(!*F1f(dr`|%2#C9L9{cF-NWR((}yRAIo)bOJbXWH-Wp(X@U z6o%Pd!p5px_R)OKTbf_nr-d2*g$G`8NZ1;xNnvYS%Lqyz%EUKL)9{*|uqAL5CHm_} zIbEu8DU7u0>yN@d{)+5R`5Ff0rv_5H$T~C_TUuJ9#XJgzFQoyyAQ72-hXXI86mdee zk||*lLbxAXk+z4*Zj`}ELA{!0C6Ut2Ckwyy@g_x#LI(Dt*QUfsQky+EBO}BrScW#Q zD!Oyu@)EJ+{Jp!R^p!u-$(3zvCLVY6Z;G%zGCr2K%-`(^IY&;gW=MV^ilBAf3^>{; zk`wuZIO5^n$(T#)byp|TUZTK)JW<5w(II&x)Z=5zb%@?Bie1DQIMI?$&kBn&-u!|% zyPVE-Rlg|g#ZO#?y*%;X(|ChTV~}n#p8ME`M&61T%~vkD+ctpqAVjrnuq<5^KPkY< z3d5bVCdN=!#Ct=Y*DCd1?l3yV=~8Xxo5)oEkTCda+gP4#;5d9vM7liY zr#Hv?Ev&aN;|7-xn?;!?IM`!LpnJ56)Z2)C_pzE>pJ(VwiyRJPMjxS%Hs~@jm8G?3 z`bvNBt7Nyd3<`h~WEIucgb?$2_1vGKYhSgmbkv}hT5TxtpCz3Kl#2-Em@au(jh4#( zm~v|VjLnE>VjFQx__jZ7=_`7Hc5`L;H919xYN(8!xf@Jc4} z+P=Q*x^k7-{e>3BXs`FaskXhTiHGh^MS5xqIqY|QSTB9HG0-}H^QJw%nMc=bAb22_ zDZ44HGAaVfgO)z&nKj#|`0|4@S8#Ih2)g9vU`Vdfwp%!mv{NxhY7 zf#Sb{nF9-~b}pFZ{~cEwe;&Q&_aJ4`EENvxr^Mu}fxVv*rx~N-UO%e=N#EBEVX2CaDX7Cz9M->^z4{|-pzqFh}X&~t;W zDE%Q1zuwfuT7eUKU@*(T(|)!{!7LnIHeV?yPCZ$eT#BR%Xl813_r44sF8pwx&J)`VU; zj5uKgxWf5Dsdr3rs+&QIp|_)Rx?BkDxgab`g7X3>9j4p1t}{?2f$x^fp}Lk85uurw zBwi#kT>iD)1ezY9gGrGvTRr2TPHKS`fNgg8;feG{t*0q3(b+#T5pAWQW&@szdFwJ6EgQXl>r);O z4h#MCqbl*7$|PUUK6u3be@|S!XV6XwaMAMCHQm(%5@}FiZ02e*%>uT~=9Kp_yPlq@ z)Hv((>+Z(K-Y}g2E^#W}nj=qcQpf1{R3w^o(-6!FyP;mk{fj!B(c*EdXK_1RIe(4F zSK`faJkSWE;>V9S^`tX*WC^;&@^2ix8)C*!5Jr06LSPaaD{g!*2j#BBqq5EF88NYEx=tvpKhq|?(2HEn>xI=;?YPWmOKB0-SVfGwT}jL69oejwGkAU z$E(_IeCX1{-H9i*`T zI*F|cwe=&H*pBIVDEO8q(sl^&{ZZ{n!zH;`L_|b;Qu8G$h5Ci3HCq_te&Nn$z=_6> z%1s^VWH3w$YnZ|8{BH~&89g45h*Gi-?k^WXBOS*VR$&(_)_)sc3;t+nqjpLbVbc}o ztaWskQDCyRvxG~2j3DdF#J#_S?_I%KrmiJ;IfUf)>Sr|Vq-6iHSwh!^fTvyuU-!$) zk;_bbTa2__vDznR9M!=wdZIt(^NA=&_MZPii#k>%+i_tNq-Lp@Ah0Z_{(~@{Kqj(R z+Fk39PxAv!cwO_C;?C_ymDZb|X39;%o^Ui1wdf|rA<};;RdsB?N{mp=bxBr z*p<<&D3MpTpN==hzyJ1e41@6!;9#C)r5I%JOLPzzpuxab9txKN2T zbq5T5o>WMH!_FkYaNL;Jte%%$wVn}c)h*n)%Vd!_Y|(^W-((PpTRof}gCCh=FE z`mVeB4=^h?3y8EqPQ<;(yFp>SC<&UmEc9GXVkbY3NS&=vwpR>85@NNC2Sx;vJzD9yfK;!b-LKBV%76xF2|x6@sHQWVa)L))EtHSwd5 z)?-adYK%G}uH2EchL?nbLxnZofpB5PcMx)v`qK8_y3joqolM)P%z?*6_#3Dtct6Wu!zbi*|SPTn#OXocL$I45>2R?s1r4b&SsWWO2rx= z+m4dg_m*ue3+25vi#Bu~ZGOd<5Jd2=KN8^&KuM_5n9hHV6Ba`r*x#v!#|3EVLo_N1 zE8&98Z088$IE-^ji&ovY{S#E_-*fz`VQWo)UA33JO7vOt+CY+7QLB1D7w$prx+ zr1)@yHL_iHq3u=~Am6{)Q6Rl#A(4_2n_D9iefHirsbRxd=;p^t3}(#OgOiRyzvN}h zca}&|hivi-Qu4iTtesAGG1EFJQZ>}L5o5BA@j&zIFPY#q+v&7jGd3I=RgaN!@GKk=0FlH^X_mKAd zJiUpOZ+9M+*mw|H=hJn12$(NBq=zPiAUgAtci2w~*?%1}?Q;e$_teKYdrYame0nQq zvh1W0$-qJ}%Lv9nh!rCPz6-wqn6CDiqPtW+)TzY5vbaR+!op~%EvcXT1SjZu{?VZc zM2U@g-ElsM%l&~m0OSe5n;O90x3Ob9|5<@?4UmDgtc4lO6Lm@k2KC|nE11ySGtkKP zy9c{ojX*>t6nE6Q4dY{0KO!1`g-iQ#X1XdQpLj}Kep|i=94he+=rSiC@ywICctd&# zxmVw4kSvIbqFo4i_Ltd7<1*2cMazVZvuSd2g2+!*I3fCm9sWT`w^m{?f+nG`T47E?z+13C-$QF*u=i*B@kER&u7B0c45So;aI#T)RzYwlAxTc5dxeSf{!kfmJxNgeiDEhp19myNXjfr1eq+So+n z)%iurjx@9}uWW68s>#`xsH6j~=)L$EzDEEQqNAe5!LIf;3-#E+!NG2)>&Q=c2OOj4 zJ7Z0}^|6$Y7!6(-gIeoZoKOIDZ!jjwph1h<=OXyePWQ1?!WiV_Ah$441w#6aAZIWGZSPY`n4M9`<7^-BdW#n7bNQ;&E+e!j9g`F6N`|5W zkT~u!pPNk?_gyCW(B9oeyFxMnq06%UKMuJp{Q=1zUuZ!6~F!BT66H4D=_Iq0J48{vK%g*nT1_-=inGj z&2Wng>W`zn*(=Bxlw5dz*b%+CZhs!}emwSl)(d|S@iFzDBOUD3?16*=PAhyLBQaYM z5fSkyD2Bbulr1ga94&$SMtqMJ1uVaQ)xgME;kk93Ez|288LDuzfC>YzLv7P|Z3F!M z{U7HTU%MS3-!JS?tfRDTN*e%L_MPxm!t!9LtugSHyUn$_7^KWB)HXU z1VPHb1N}x%Ptap!j1Sz9V&~8*nzYuMD@ob+q#fosf`@`l_=lcO4{oLzp-Vyt3-;HY z>!Bl@?r}JOG7>u;`cgPOIbVj1;b%VPzpeGbj`y|=@~993o_ga3%<@SZ_i;8hd3G={ z6J|lc^lq~ZLBD>z%oswP*wuIHHaL?w9$MZN;v&R}sSh}y3Bo-CPE1X0%6~s0$NZIm zy!en09gQ*bzKM?R=~e$#@Y;rgSf8bSc5{Eaq|tE$g^y29X=MH><{j-r^8EZfzw<6G zA2rzSX}Pj8?b&Cl@UzAhHLne+D;5jtpDI(?PRGBIOO6tqY&o?qk5SjnUM$y@Yf)D} z_E91AWH-@6~ zpDy_(8yftC@)MC9*)hj^HxwG(KCUflM1RbS4& zLO#*=Are^_&HCKS=w=`Us3-{?uXI3#*_8)hy4C&^MOVKkHQA~AxmO+)kH#k-bgy_+ubgnBGQe4D-b~z0wt+q*!V|6_T!|cg zTD%g>(R5si{!o8_R)hVDA=M(YomX6$_FxbIvZVm(w|~&KvAJ!s>gv5e?W4B76lc{l z8i%y!IO>Vq4_OH86 zzN%S1u47-WP|`g8A=Pas@3;vTDW#eTg$O&v93rYgpT1xW^}XiwwL=<8x~uffi|!qB znYjP`>NQDI)`FW+GHDvdXxd-L5(qF1#i1NTu6V%M(yB0|WoO4}^}LobH#c`r*89^7 z&nImoUKH|3K+7D(nUiK{8CHb?G(9~XJ{b@^vY@7>7V^IPndUk8^R0dwv(s$QG+^f- z4OIAbhR!n)u~qxvTrPLfg;y(fzmm-+y;a`AxPre|pf-a5FA`H^oTS1Vn% zGHU|fCKYhO(iJ>IDE;s<|BHl&BYPK5P~WqGjg3uX>crV){Tw3IR_xw*79y|xa#T10 zQ?^19yX9mqdZ_os=~29ZE&+M$Eellw1| z;Nt%DA8$lNJFEdj_Z`bjEjmk;>Bod&|Cw;Jz<;UiEF1XUSbM21WXaT&UzpEtfyKbB zZ7O&L(;I2X$L=9lB%5klc39H1TbNV4=HA@$yaQ|LONa<(PfOZWvgab|1e^D#ir+Ec zonF^vlY+?WIwyam$Q`Oijw^f#xWPt#vp9pPX~KAKec($3Vlf0)AKYaGFOi|8yW>n+ z3v%(aA-^ou0E|6p5lUM1WN2v2`s5OGri^ zJo?e)Akpl+9)sG-Cmc4IT~@Rc*L?GKR_hLr^GRFKl~0N#r5EW)mn&_t%Lh77M*7lw znxM$qJXwZ4jr~&!$g*u?#di0t(MK;^84|@F4UoFOG3e?RqiP=0 zX=@T=v`4!-D%a74}B3@T%l+L5#pnG$hWeW6=x>2KuwSSR#i=bDj;DQRqAY)C$_ zGIiZ6+I~jX(bT17E`J{t>2L54qkx0|8v`zLivzzHD%A0w2d;ItFf~gA-zc=3wcrqTJtS5{aI=Ydyg39Z5hP{zY#~C){6HtDCbAobeH9n zGI{Qh$;slYJOwF~6WBYVz592L0u{K@w^|NXMju|+JNn10SH0A&wEuuH)IizOb1>_8 zv}%PFc_J2zjofdrjFr087j6uFL-l8ds(TLRwP_#_7K5HkLXy?_6ht}dSu7mgv-4uk-%yO!dZJbNZ&-?6_?5;7JN@&j#H0KCInz)= z*l1(WuK>DDBf&_?1B+}u`oM?|1xK?6ploT8`k*9|K~jBkr3c{Ms2P1b4fzgE1*A5n zeB7)8f#hkqBbwYyzTEWdul(P67^%nW2F-L$5^vnNJmSe5s4WMwy z$WvpsCv=Jar_9CB%+f3ZargFSJJ+ z<-meHMR@Pn2bBWuuG{j1M97h)ksE#1Nb6r;%T|8v(XIpADM5Qy=UQv7R>GfdP=kXS{( zV}Jd~g;Aqos`8Dm@nG;N?T-~%y$|S>`|Yd)=$RP{z*q6$AC9r3`k{}Blng(Zi(Dn4 z4dBEDr^y!dpPFrVyp{h?Jsr_9@Qw71MRTvGX~~x8st@Qw(KgahvfMr5`$v!U=D6QlK?nXk>co zl(4IV*;q{V+l~aIyy32e;(evrpi3ZJTiKYJo&i5BKz~Je6HfEM$_IZ5I5m#9sud_N zj=5liUum*$oox**)>THAEpG=t&6Mdm?Tl_99#7=RCS6~joUE2dxAV1#KHVU;KR*dx zCm0DB>g!`kN=kML{9Q8tVmVVOa%C6P6Lwch6A)p*lA@1<(U2f1@KN}+wr}Xb6(861 zn)R>)doSy((C~>s=-bXvPIeQ_W~r!v1`AFKgLLB!nyJAmhryDj051ZwJobxS)eq>Wu^8^;sX@z{5Z{|Q`m_$@uRnKga+TQaraCW z$|rx05Yu(g7m^)%CkPh9Zoxv!8$YQoN_bR*h|n*YR(Arf}x?ZNnxiu2qwM$416n9Q`a-QKryv?nWPK5GMTgEC1=O`LObS zF!660-2Xv_U}#VOV1GyO@MZF3JIenc z=m(DZg-FOufYtt6tlU@yv7H+RR>5zSjFW2BZ5m#3G?SqQIk*hAY(da->H}ih7~#OScJ!6G*)cg$g`UzM#6Z`fWq^QemB*R!#gE5j zA7?t$IUSvT4s|qeUQ?sbBN+|{wLevQGw=(%+wjQJGZz@@pnN6B$5VybjFlWItQBFl zQ%x~~ZRN_oNFkl%@a~+9{U|jwYe|sSr(eQruy;r|JW+;j?y)vl>%`b*IEn6k6TwUG zbYOP*y!TAKv#jwLp?;j9xQ7X@*Ai=H-fJu{BaU#TNTdNogf)#5%^OvvJK|C6v;ME( zx>JxDt?99wv5kxG5*QYzF$;tgAJppzgN-uO0%|DAhJ$Vmni4VdRR^V@2^0x)f?A_7pnA$U4jV9BDAT;wY@}Dc4P=~eUiuT>~p={(T9%Ps%o0?hs^%C+igasCS z<+XHL6+QA_6h!+N+N(9Hd4iTaY_;f(c(0=3A^=EImkY+H;Xj}}U8wt|N;*vdvwb&Z zlRgBf8ck2t0K)jz{YRS#rwx~%i-l<59`=t=BZi(i#u1>Z50yzWk5Sa0NeS4iUG2LM zPQYtyLL+5a*`WwyxzqUsL#?@p)cIh*In2-su3^_}c@P zcT#D!Ha`iCdYa2Mw~hs{GaUKZ1=|h0ZA*NpF$R;vfD^We-{!QJY~+nl?Qjs0R0IMf zzM{Oo`5B_AzpJMo&_ap0s(*-x*i(57R=e`Zkoacf-E^G~=%tL$wj2}V50f5`)QgIo zWX*N`?i*G_I+H#b&)6FAb0+UtvL{aWbf-CFi7czeL77*@iu_h%Ru?VZk!;dB5>M~S zv-r-%n#N?AQLaWSJJ?VftlX_m!S9aro^H<5X!?M-vv#Ae`ubdl)k@XT$K*$%wqq74 z-)4D(vveKd4l!Sm_H@M(sne+Z=kM*Pfd)4TFcawI0-L9jim^UDNJU+k#3u%S)Au`4 z!&y5S9;BtueD1)D_Gx@Z3vMjKv}xgP@#%o&w`i+B&# z)nul%uN=&jZ3LV|lk=_j$I~y$pTfm((h8*6YxVC$+YDr~EDWqZV+1LOo$7>K#i(AC zJ(HTU`gAxi*jEi-@y_V_#*S2HxTZdbNou+}EIyG_xQ;+hWs)4YSCM!_3V_Pa_$Z;> zv~SC~hygJjF?m`2La;~}IZnT)WyC?d<;I{r8UH=_gYpxtcyD_*KdsY)3Rg`3JWlIO zuRqBh^jZRt(KgvRN^QgG1mid}~~C=qo3PMAL{|cU=IbFZWh^ zR)_uJ2VTl$$94cb*=$y*JtHtGi@-X08-szxUFmYQL`k7blRti}aXg>!#=mX0Ek@JS zpsHYnC7LUXi{+g%j8D#lBua@G$8}^MkbN0S3Mz!N#|VQUmYyc4AQ%3Ou0{~ipajrt z-&xs2o9RdlIAMt8T>5ag$7AGg&FBSX19N!0W_@C3U}HM%*v(NTv{Uj!)>;k@USe!) zu0^liicxC;<;`l;o7@k6=MS!?Vq=*-V`p(ao9nIyAo1h7#g6%Li&7qLN@&D?wkTyO zT$3c}snq)tcD3go_xpGFr{EW#Y?e?LF!T6@CZjRg6(m=@N{^YZ*CO7TSYIr|4Na63 zIJ5E3}x2 zt$JzXARlyGk#gD*CzdXUEy*g=gA0-P?9{12)^&2?zc0A+QBO-)hb+0b_urfY8)SAB zfBmTNERpk|Fl}Yn0=lkUbr1S}ufQ!W7BbX<8Z@>xoTxnTD6TD417ws`WCoil`QzM? zkr_+vH9D)mcW4a}q3;#M8Fg7b{)TjpuyC4c3(=A7YAn7t%W}}L@>Yhojt08whypay z@na|Wbq#x^C_CSeig|dyO2yFh-Otpp63NX_VaBFus?>|f$zc(VQgJvOEH7d0CKl>f zIqgi4kNuH3(YTQi&=uis{R$Lm5a*nUhD^Q=%+@~8qsOWlQ*g9(wAu6g5!^NznXG5l zy8mv!Gucry0+#1EuDaMqke0KPD6w|`S=q-!Z@0?*xx7*@dYZ^pT7L|f{LUA7#%3Wj zO5yfRVr#5CA;eCjTu;Vi0VOhKCsXQ5WUSqpaA9)W#94x3F={YCRii?0JpwN@_YHKa z?1F=Pa0eICd<`PR=&}n&6^yWrZ>;%r(rnesu)$0XD)C_7a?w++GnZC}VMY&s-5^hYd

w=Nso8{scu52nBvgax%c^fakcwWdFLVEkr zuf#wBsJTDVPam1BAKbdJu4{%*)WY9V`B+EwjqR@ukShs2s0E-t<8M4=m@Ga@BCfPf z^tx6YtmP{{m3Z)9j#CW9HbJudqfc6_>E6M;{q+4TqkSn$Z<7Vgaq&O!O2^5%mTG$8 zX1`3I`Ktd4APy~~@+&IHg$L}O{D6=R8U9OOUtd~L6=-GZgcr1o6pIC^ggLe^bjj=X zNA;^a+l>R8t}=5itRf=ca%R|!Rh#OSpq2}?Y_1Z(tN&BNu_ok0UN5HN97k~R&g=G;L7%2YY@AhPhb#`57T&V zHcufbarBhfpJl~$uG%c2*L-0iWa)B$8uEC5-Si?|xIbQaDn0=XcoQwWdD^hzvvGAg z+u!@8@BHuqLNnJ?RkhsWPM=&-e)H`$yw{i@pK{`Vz0nujbYR@qG7^gMck54%2nn0{ z&EvTVwhN_p3QCT_4YBjPXN17oW#bUVh|w`<-aWqT!DH0>cTIO3C&8U+i|;%F1VdC# z`*%gCQoN!=dv{K!9NLG;7OT_!@C)1)>rT2|?LarxIrMF>j{K;%b=Ge|h(f}4VWAdL zr@L0(LeIL?6~3jRD~49DzRIlc z)`h>JK$fld=FHYm0$0^h^kHx?bZNy9 z$jTKZoR+Di;HzC7rwT99Tc^Z$EW4nGLWcpVy3uYGa)*NTHLj~ao}f@T~Dm;ZR?(X!)1yOR?LQc z*T3T*?YwyL+7bqnEjxVAcH{?>r)XiCm-@x2fpsh>QvsEFm-nos3h@3^ZEZwlR5;m% zZXS)^jH@00f!=lH{alU376NyBby@-n@P7Gq(AHm^_O(%O&`1#+0r$J?uEsys$J(-% z#zaI&1fpQC!eCJy9b$_u?ga30T|i(UVyN(@+U*VD6hc`&<$z~>8q)>R!o+@3F9elEiQ+XUl_C>|)kzqd!zZGkk;(;PK= z>D#5`e{<(GbM)R4Gic|=q_GsZ|cY?;@(%#K6Kj&8F zggbUQyB_cO?noEA%axbybSe{pY9VFK@IB_@fprY(55-fVo);CamK(P~?-rrF$c&2J zRTqEaWv`s@jP{w%8WV3JcFuL7guzA5?i~B*(?d$kFZ!oa>S`*Tx3f}9_V^+eC8&Z! zp`{Ojm?Z%4bS;GQpqB7f@GeK(-CJL&5o->Ta8>9gmPe0r^wy8tl$eZM^C8FR3vNgX z3?WJIzN?KG*f6*O$BZ5a(nb>L2$ync6tvWDgpW{ z^?lMzfTr+8f&0t(f! zvNbTk8p27;+s1IKG7mNAJkQ(8G2^z1d9de=Nao~=k)#?_^`oxUkZ*v(DNs))r9hma zeiVOsi1!lYXmN4z3|0Lsi^DT4J3Jhnq-%yTZ0o*?3#$DPVeaGdK25DE_OBSPr%MHZ z=Ze2xokzWT?{I%*+uhrn?Q$>!tv17KX#T*$5?L}ma+jBzyE>Vtuy_q80DXKbUV$9# z57k0J7Az2=onjoYOb-C*hG=OdjgQ0V>*$J}&kv4Q=j>D{@_$o;H?)?8-{q8$!sQUl zW7aH>TFKC7jEq}ug&D|&AoU&|Y;Zgi`FktgK8tAp^b~jyY$n=N-kmm7P;A zTY5)}GR&TY@*|2K*mPq)_PCYv;kmMTuE%I_8}90EG}X~k$&#;qZK3@Qc;8XtetBYE z_u6M6%YOyOYBg4o>q&^CizA8qbp03mZ=dp5*}kZgRR`}yL7NCc*^$%7kC~o2oRE^-lp>cM|PEn(o0FaLsj=WM`SKmU5>t# zY`R}d@5n!fhm-QU3ciay?tEf>Tb*>mNG&yv`8$aIwx@qUJ60g)jxOt%zf{NzyXUr# zlLy{3ROf+dx(MX~8_2j@`qs2Rb5(=JB-&%jCd%)PhZnstl9V&VL5}Po6-yj|S~!ii zCYD#-L+^$*kn7v~8DkGsYUkq#64Ru^zJ&Fc6d4pj9*a%n*&C@|a$~+xS!Elmw&g-6 zg$Dvvr}X9&vTfX$p5JBZs>W~?jWYblu34-uUs{rozgD zN5H3vw`kKGm@Vo!-~|2uFNqc)cCT#hqiz^bd!#L@T#nEfuBd`Omc*=jIN~X@eZ{G% z-cZN!ZgL9mh$29K)8>Oz@)}!8A^^rS|BX0!GE#e~v-;wpyMFiVlu^#i)-y?^H`B0{ z)A@?{*W0+(`h#YOxGJwbHn0I&Pg1{~DCS}J{`K{dALulY%ifhZ;_NKWNL?B_BEr1~ zMs)9)<8SD;D`6(+g&s$IavIw}u+z7<;tjOWN$5rjUls)z*sN9!(eFYnM<9%Z?7b+|t zXh{TT>|@e<6r~2Zpgx*gE3WE>SXppBLglpjqe#iUVz)*03goe-Ia8;Q;6e%m$d^_j z{*u>#J%rnugE%&R>Bp04)y1EoH|(Qb&2IPAEAh>tOXR#Zg%>YA)~lx4MiR3zryCix zYKpT8CIYlf1U*f~biOKZX$`cq!!a;0II`dsWr^=H z5^VpTHhtXYdCh(;Y}Alu>vee4@RnTipB%;IRv+lsrj8a4F-{&c8+N|KI2fT`wR~i1 z%)Q1ye%G-77)9-DxREu=;r98M$Y;hq!l?FmgKxzCBs3T8nb@Gu$SUcyV6(8)7IWE> zt<(DOqg%Ns>GiPS>Tl^Vm<2%#Z$+q<_y@N?s+jGUlO5C>j5o7FcuzmFL!RwEA%ccr zKfIsAKN#A+?|S5!xe=L0XwYn49W?Q!NFk3<`a{QM;l`lb?J@Y|Xn0TLq3-~jqdc#t zf;7SO^#>MXqtEYXI&ww2n2seieMH_BgeJ~pXv$M2PUKYX|4`H)X$|?I$COj#&An~# zeSL8lx5>wZ6!oHOaYWXUmWkRu>Aj=F5|;BhPdOTw1`b$*q9UR)EjR~zUa{v+(!zm_ zkK6*swr4U6uX6IbGtPD=-Y72EjO_xcvzq2a<4=$hOfDBD5MJ6sCx=<%_|$LCx=W4W zB(nG;y}-Rj=jK9!Dgt8^XqU?gbx(6*ZXLZtBdsJ9d|w^s`N(=Td>j^nVCtxt8kxXW z%d#DpOq;v%(ni=3y(t*EzsZ3RJ{?VLo%tr7R17E72dY?g?h%L2QqYk*GWVQ?C>MUO zqYoGu=Wz*DhzcQ6UCj>_xK;#riQkihGoQN-`}+qavtXAZt|#=0HXEvUohT{`cq6g} zt3QTI`p1%5ncjhbx0U?-{lW1OYxV16FduCh24EiSdcPWGn6UUp{AoaAcL_*`v!g`> z8oK*fiu>M*=gQ2Smg!z7=1{Q*N*pt8Jx;loBJgH-*^g>wecqq}ij{@!T=O|oDK?o0CzgMF+;B|$*E>V_--Ky6Y`%`?hD zb8Y9%^u6Pqt_a3?1)Y;UMsKauHAf2*t(oSB}Nr2Un4L`7tv8i(cOWh%Jy%E8gmKO=)$t2YRF2+rR)+NrL_mFi=Imu#Yx z(?4Xvy*`VBR!@uS26H2*OH@=;&?-~Zqs68`xPQxW$MfOl^o(c;c6Tf03AfbhXH-^l zmg{4*Po}SoY3A2FKAn)*&UgEH(e;EQgO-`5a3h{bc)Bq^m4S$T3#lRYWcOyaX(uHz5vAVw zumd@v_j27Tuh~w=y8-sx(I>s?hL&&GXWb#)rxQm@V`7|z($$z*-t!{&|A-@<7JIYm0UR7G%n zT@-nOybw8|;&-5F$arc0H%~wI%M{Pd@}_5yih%X&HMl zj6)iJ*f|t;;6ex(uGmPh<65@d+E5uFdXPOVg&p`jl(*s8*Zw&vUdC^kNDdV3{&UJv zH*q8BP2)4O7eaE!6WND|bk5#lX?%>S+zTnfW;pM9;E+!0*H>Xpv@761B0KU}LPp*FBe!3SyUgR!Kq zUZLOB5KWcJT)`XrgVvvGjMI$XvK!@itapb8JPoRofQCdfzeiht{W_3NzMyS960oV1 z#_QNut$Za9WJv-Gu}HU|jGIgE6JKf9Rmd3G>*p5#9C8s$7lzR?L2_P%p2 z2N-3;pTKDM^)06s451v#kcAHfnJNEyykjapQ=F!^fl;PMv3D~Wos@tV_mE76c6=GJ zenzv}_mf^nXD<#g27z?q4W6tp-+Ig?@!~ML~|A)D+jEbY%woO8i z;Dq4r1Shz=ySoQ>YaD{R2Z9qI32wpDcq73b8rPtWdttYZwg+*hrr0359E4Ow4z>^85h+AZ9C z3dVmrd$V3m&voBaPH2oa*Eg^}YJ<0rYR`z$b$i;3h#mt*u1AjPzt`X-Suj5;)}v== z>4K-=k&kf|q9O@>QC4=Yw8G5J^!|9xaR*to`$*)PaBK5o+cm23Gh6sQ8Pz-SwInXy zOasHmK<2ltQ9>MxonnvAGq!Tg%kw%Ot`^VM0Q=LWOUT=>Ducq-ct@E;(qH1bx4ttF zzX*(e9Ju!pCNm@3rtWV?s}()Xcz&n1pux(TnMIh|kcpM3yZ!rj$_n8tuhoFa{6J{5 z01vKsT~by|E+f@TR@a%1 z{%a$j)L)^YX)PrFfv`*A#UyAVpb<8Blcdq{z@kcLPC??_0`1;1U8+`I@|hclU2teX|u=QN|QemafA;Su|8WLcQpoARMLUm&buTq@s42@rSKa(4zz zbDlcGVLhIygE}^0Go+o;pRW%!nuLmi<&MJ+7q^2fxE2Am!f5>GDw#2wV!@>d>Z*wD zzAu~e+N-B$WX&0KMQ7|=Pn@+0uZWidu+|O`>;sVRAC>)GmcLsnuz3H{Ay@>1T^edc zZnv@>K);iTIzoV0~; z^y@H&$o&VHv_I`>SQ}UeU3Qq^hbi1iYwo^%{YtYtc5)q`X0X1qeTVZQkt#M2z9rr-mJT#s}W(UeV73%d4YB?x#=vh+Y{da`#lN zv#@coM@SBDW93o73c=J3{67zpru^i_RXv`slX1y;=f8@}tnU(VtF?5`8-ro0$<=BZ z4E$b`jj;gqI!>_YPjJNud#_u08W$Jm2C=>kK*S*3s@gkQ2N`DHyP^`s3Tgfp^wmz% zGxY#GJ(*2rMvvGYecGFlSa(8;JfygFR0siA*BVd;$w z`U@Cg_^m{~>TE701)Y3d)c0R!LtW+VSqm$s%euWodaN}W6D1=dlG+GcWm{rDPAHaE z^ZsfPK1ch*8@nQ$XSv?h879}FzCqspUG27lOV-L_^y4Fn!F->5DlEnA9vFBfEG%s3 zcvJ>GWdz;Uq+ETe~h>$YE-E*{G(P`{LpPlZ@=? z2@J$2DXF@2TvL4h^0}XLh7D7#7bR|mZf6K{AE5z6I@QKuq6ha*gpkV^#ST(S3y4Sa z6N9&9V2hH)hJ1cI=5>`rfWM8(JaM-yM>+?s{0UT<-x)^rTDERH9#F+LtG`*j41q_X zWM@|k8rfKoGR<8E(e?&z_$CnZ6|RnPp5QX8_uLL&Q&9fx7zlJlD&|*yn{(69~pG^QqtzMOLlk;D=~**-RHUWz1kSUTex~8Xc?2Q z_pEA8WK`6y5?d8HDUTDey1M#BaQO|DHht_#qY)4Qbv@5p-smv5Y|X^_6u5D z(e1MtfYml!ZPHP-ItG?8yl20X<5^9N`rAQI6w|$`{!Nq5U*C)EiW5IRH{QU^vK(5X z`yHN+1*oV%fzxzoy^>Lv0FiRy2DXiyu8L-hLq0=NKP^XJMWVn|XWJ z?6Xh%Wm_<^ytvXSP$Q_(VZJb5r}4?)9#6Ae8x0l^O;tPL1vjv3j_tL?U6-qWm5+*! zmdmcwHDiT_W;?6=v#YFFPyMsK^90KWSKSx1`KD5l0Q_HSDDYO`IMut_q zs2C`mGIn_{L>-A*?|X20wtm+d@ltS^$rs@I?B++s_6>YGw6Oezx~`{3oU z)Qm+XlW;%O`^bSSD&~}jd zN8jLLx=p@_w++U#wVq-sx<4VI0GlMeyl#Va`yQ9{-fGm);{va{nCG}v zx~@4-WrPb&TZ2x2pAo;$gDHh4pFYy-B2#6@b?Yc0n5m(t_|MOfpxNn+C;p;_;4=0y zq_HHncp8|wOL#Fk8k3lKmPE4~d#YBt`Sf1>y)%D1)4mBegn2ND#f7|#Igc0ZcWV+A zwyUp;+6W89;cqFlT22G?biAiaqRVhrqz2T#sup^?ZjJ2}f)oC3*1yj`!wQoaDR--& zPFxqB2N6i_u!l<$h@x8#NC@TSWR5fANJ zikv~XHydym!*;8v!XpQtbx$c{4&5o~9990=PLv`>-*@Zj^a=ta#C^C}Zu^Lg5t< zXJV=iYk{*O+`Jc=@#-Ib<9AEGC~x5ZrA7N9dQ7ap4m~2N;D6rw=K?+Qzl_SPv>N$8 zul&v(^Wv}Tu#y|p-u&~zsEYVP(SKg~-tm8<$>5tnxBqNw;;F(Xa@&#wkVwq; zn!{@NUpfWNPqzds{Y%T1{~Im;%YFZEJ?#IfCS~hwzC##NutJNagH~kx&$w~~c!?y0 z=~3g&^PgB8M_%#fyAhkrPBZkaFyX|YEk-o&w%Ax%3)5=+@|2<)lP=jURFC@=V}w#6 z8`pUx24C=wtnMd#+m*~(*EjAOow&Autn2=D$dF+xLYaRFWIY(6%IBj+P^|u>xcXAJ zu2a+|ar*FgwySSjsXej_diX=kGMrgY9F1r!uNrPM94#+0Zn5_HvyM~M^2$iq03IA4 zwTtI8dxg7KG*idg#ni_?l~ihxO4JXe{v@D;kXTD>%?8`k10H<$GnI$^HT4oRfJ4D z&-JHX7AP8P9yqzg5O*shYd>d!K5=ql4_R z#1rq&7%E6~h#F&Rn^@<}nj8a$+wc-V77C1@`Ho)Y!qgjG{2{bc%U+KG8Qi{=H!=hK zawI4gEfzY~FO-e$UVGxKe@BLIO((zUmG;+Ui)A%Eo9)%%p-l2{Mj)L3HrH@jyr#d; zSMl_nOqg_*XXFEEgPN}8IxqL0+4abu8T9x z?w{BcvN2hS>B`%8ZD@8joP(XCSumEPXmi!Xr*c*_Rc_oS6WK0ax75Kn$i0FN(iqul zx7eCTv>|lkm6%KdlHblz{UuR6GUxif)gIcW+4A|jwO3q5-3x0nsZCou7zI@CIQ7*! z>1GFxIy-zhVOeK=JvHrQ)Jm)QZ2r6eNCsAd#Wk+x!E_CcLzhC1?vJPG1gfrv9i5M`?=#K>t0iqOcu^UG-Ts4F)%ifHH)uwKixl*qtH<8AIBBb zs>cJgO|PFczpKGnKRq|f823Tq4v(O`RUt7qPq4VFn5DM>8^b8?9M#Gv9x#bF9EJv! zi-{M0cDpT{&XiX5g1L>bD?!52D^ZAjZeU(NPoijQ;U2}eA1(oLx^*OhKQMb}O?qlC zL&wb~6BI#C0%KB9Hz07ty6}s1PEk^<7b2^{6kOSB=lKcbTeF(esoRwdx`+~i;9y1! zP|^wi3$;mNo**it)Kk($E|6F4dIUEu!yCeSg4*XA>*uGhZ-ge-2b{fJS-k~tFRG9b zA8yYJ7mrRZxM`tmw=CR=4$*QlRpeKRHq_K6U8RmxYff(Q3-2ax8XrznnnUl_{c37V z>=l1_^BiF68@ymH4os8?e)K*O#GF$ZmR`-%ShIc&u=WXH5e8dLe&3i#n<$~yKHOg8 zs=dsJUlZ}Tv3&mu<=j0DRvv>I7((nMBd0HiE8k6hi*`AXLX^TQSMvU?qyYY{?nVw` z(n{Z#0&4w9eK&;^o10^NP~)~cRu*9+$7uiV^DR|j*2%?;D01K8_X+Pqsk>^H(dDG* z6LXb~zL8zg9QKUAqdgyQjqEZ2tpA*E<0W+?O5{KTejT&FgKs7P;;cG~ME0PXH6h@% z-@v;z(G^)?<5J{^y@bB>ei(o%fpH_4p-06v?v6@P5VwpVY^`ij- z{H-Zu;$5Y{INDqsBD0Z3q06 zRP+ttsnK|?U(m3C4;+R`7!_Y?&0^muK`)_7m`My-yQ2|mcuvDv%+5!5-hg$a#xW=+ z$&%4}1q*6E$#YrX8Z;9$hxqME{dG{aKh_Ncsz`vLqSGr23P?f_ZrsljlA9kU8k`=^ zkz;`^5nCVI@NcV{ozuIWNRC9#`g_SD3nZp~*gT#J=J)`}%${sn5Vz1h*$(@JdTv;| zqK+!pxjYcid&8-Ox!%RrEMmoP=ZfAt^PCK&Jl|bt;gEjZAulvulDM}A*?%6~hH759 zyqzIbprUdyw^MqtRt&v5QXxwYL4lHbRa7|rYmGtJhFA(#3N%G3Nn#H-!f`m7nv)c%@i@3ZfNCaU9?qC8~4&t+JKlZ;%0UhO^$b|}nA1+?w za&p*O7FI@-KKF8Uad1TCPf-F_ewPX^BdJ+iAdw`7!0DtKZ|uK=b6vX)jGOJaPILbg zCKLt-#(j%F$Iz$tU$w9CjmmXa#fx<=XtHOJsmdN#{`+3 z?Hk4VNlt>4Vt5_N+DI!)+9K+lWC zyvh~{-2KQZr0MC_Ul?`goudbKEOM|Y!~mMetPeJMZmFt>JeA@9_$9*xv7C$$)4;;6 zlI#p>zyBH>A6_G{o=BuSMI*GOrGuZaS=v-nQOV2{xqO}MVu@PzCH%9`I3R%h^(eZS zUIQ|`Uv<|59+3T>#KM$*#jbf828AL0n98>LspS5NW*qfsQBhwiZo=1W(Z-U|{ z^)q)x%Ezu{k6X;47S@*^zqM4O5gb5=aQThV$a@;;HQC+*- z3GjeR70kh^&sXN)*_2tTpjoN0mNiseck21pEynJYst2x=x;4wjBCUNx5)<{~ zYt14-+M;)XMbQQ=hLBd#bSGLA^ze1Nqxr2+E-v8HMBz;mvp4=D7vX^jD`Bh11HSo~ z{IQ557K&NZJRCy+f8kvcyKdlH%;@X6jUq3l759BNd>W&sQxw*7zCZccL`PoX2M3VT z-L@{SH4^*bQZ283r2Ete^r%e1e0M-r@*q@~%TQ!F(i@9<$MJ*D^^2N?MFOp25~-Zs z<(v+xSrPQEK4Z7z_W|BH8q*jb#ByF{Omeha%rfv%&Ud_Fb zTbYN?ex78fayqWJOVW@Zfd*ucFk!o)dr0jkj|JChdI12&hC30UIHynNQgNq9Dl-AQ z_HdTD=b;J|ifHY6R>PVgV@(3+r(+Q#NM zE&m2Xj%ip;5!IqyCcIgqY{mO;2~*3 z^!1lPb+BWLbyJxv-u(@|{3@IXvxg3jZ| z=a>~$2JfY717bx-MP7>y36CRcEa>NNiVvzO?sLBG&p+(^oMH#|85TRKi^m6F61@~& zjR>aMGF3(gj+tAbgPa=5Tfh4i%?~(@IhiZ z!j@;OiDg2Xw^0ik5wwa)rNpa1M;H0NG?z2{MUe&;t_Vcm+JvAC{8cSA*@XxoB1AA~178xU~fx1|2z= zVE-~?8e)QQKQcubFFa2&NN>)X?f_+D0DJFF-fY$A5BK^H3ql&}zZ(dCajTneN3he0 z6UIwmth0arqkCQ*T#51JiPM=N<#fHQ5xrNn1%UGrFnZG);hpH96y1~8Mjeh%}R z-23J?H@hTz-e~KpmYm8RHv|?vp|tK;fY_w_SbP4SXBE?&~=lcAySyT&Ez-SpP_i;gIC;)ItyRlJ@=>Q$CiJ2ZnL-APW z^*OT^M9PWEDlGO8c6RV5j-o17CZDDLFyaVizCNF&FbDD=XI?-8t(Tm7zCpU_s_aUT zFMFz{ksKamFOYZ~iUu+ANxE#AIfxgSM0cI%YA1(igvRU2gKe8UT8`%(aRG~d0g-p5 ze(Z&<1M@%jw!T5JiUDL=r@F;u9#ZhzjWgppfhc76Z;$DR<- zF=yO-28Wu+7qGJn9qvBLX{FtEuVtcxRoW*R#AFETstWF!1qV=m92kJaSz^KJz=(^+5 zL`@;eG(7)ie=+~fi2v%=5F<{^74-Rfb%L4tWt@pOz9p<$@J`na%q`f;gYr;JCR$PJ zsLTQ@s#sSBC*h~L;xx7MJdy03tAWkel>bD^PriRoweO|Gx%8Dyzhdsf}`thg>QBkX*E*p2xPwW<72xIH44Z4#!J&db6&6^qE z)pdJB@pIr95$VX}ZX4q_o#J=rNs+(xr{GWXil}s?iQ^-R*pd;kIJIG|zdVYzMP#Am z+~+s1Lk6xA1)FF%n}f#nOEei+>v6lClxS?TKLSq-X5f_er#~1J2kZJDy(4XHPK+{Y zQ!D+v97F+04+H=}ON&@h?eEAW1b8BMI!nPsE?8Y-RIa8U2S79&E|NvgK~ne5k6@lB zD(?p8L@@;b1@%6|5x(~Ccidy|B7^uu)~dSMR_O9`z@GBRXeLj$-iM&wCiU_2Xq;p- zvwno)@6=lzd`SH&&EeB@GH0p-r-PTiI&ly)1h@M1^#DF-Oo;k41uKb+)0Vm$Fd?w= zJ9NED^+>+>Xqdc|{wDZLA08)0{y09vep8humGvc4__BQZLI!WaUJ8e-EMMfvl>hiQ zB}R`s2li3wJ6rV(4|u5zE(D&7PR8J;(S$ zDjs_x#0sO!;%BkqeoNH11d>Ut&vvWFr+;`~EH2M!TEyqk4gn1z%B9F=dsU60?e$$S-~g8RlpaEj&qsnU9R3 zzh%_l(T9+(N_lrOpgK;&Klu;`=Of_$q*hF~Q7F9BdFsl%Gn18l)m5osQZ#k9e6q>0 zX`d8&pwaSq0Fv)2^m%dLY8?Qn=Y{r%S|k>Ocx~x04VV^bf^~A zG;lPI)X7O?2ya)aVWE{&4U4$P=Ke`<3N^}W>UdK=$Rp_)gOh6xFoii~P}SI)-}APM z_hUU*m;o}J8!MO+(=r~QowyVpV*D4%0 zR)!ylp^FL}Su7Ro+|)5cIyH$bB~h^49XVY3<+sG~SdNMEAF`3)$F4I?yWmGM9x=XD zoUSZnkSpacWLS!WwzGH05wSeP6lW=+g(L*H+uTY1`tJ6{8kzL!N*@_wfBK!5A?sg0 z9Vh0+L#VBNe1FTEAO|816e*JWpBnZ2Q0KO=u$t<%beR^RHl-jcNII`S8yX%9(-|eB6$NSZSWs7?5AJFUZ*Bf}KjJs%BySoc7|BJ+@xUN)@ZY*CjcIe!jL$2Yb z2Hb6CiHc}ju%ocm`@l8?20U*jkq>AAlXp8$9DGH;2H|v{%-E~;Y5##a6;{wAUsQh% zmRK*O-!Q+!z>t5M!%2TruR2CiDRjnvKeae!lhprKWdY9NFXZiA!T;wl`=68&_Kg2; z!0r&qSlXc~N&@>GBsVddGWzUd~Pk%E3fag}#sBAMCQQNk;7hJ49I?92PCa|2Z}Bi=Xuc z0S`g@qnNDnCCF<z&k!gBdUAqra& z9V4%@#j%=z9A^xDkLXzU#~+y**sgTiqAjjc{L!$^82jBMLeGjCHz)UTUD(O$DnGdH z9BuT4@YisamMd^cRu=@Ep4P-kKe`}ckR5l9$E3gTwg8ia_RBF&@a5k&dw0ZlM(bdF zG`n_gs=Z@$zV!dt z$mB=}uyS5EPafZg@}->G`NZUae@BxTTD&wY(Oty_SWA7KXkBI{#Roh|ZGZ=_oxTw- zv57#at)^9iMjF2Ee?F*T*Y$wB-gs)QMglSqYQUKoqjd(?9*f%xf1`_Bj!y1(J)Ll@ zIM_Dlu9Chzy~85%C;p^P3DeNp>+YIebN6$dhUh9O{{DWZC-z^64gXSn66ftRONhe5%%e>x0Wrb3z*Nvs4TtsJvca-suZO=kRd*nP`;36nT8@oasX|B{(ak-LAd|2_Qui3nCkKgDPE3X@y1S_ zpDQd{2{D%ZMGl$WXgl@8boC)FV>~j0a#KQ-kusuLn-Iv|>?7kC2WBkUHy}ni`8>~w z@?igNtd*MjHFvT*$~moa7m$oNqGQ}u`Q#qjwsHT*b|js{3qL@*orwG}m=fo{!aFz4 zL~Qn>f}hrRx3BhuLbPlCdlSyM`= zmO&kH`KvQ~s~@9xASc2>=n*A_2Y1#E_Ie3|79E-R(v*cR`!_iKdb{{Xg=>lHMJ*=V zU#6!S`Y2{z{*#VjhFPJBi(I0hD>4g5S?ZLKc1gzo-7@I`VSATr*rq>u%h)8X{1*3( z9NtNkj@a2SyhXe#0VWaSe;q8MA}Nv&*yZw}VG(JG1ncY-6gOU3^XB{F?F2-ARxt3Y zKOy+=^^-)Bhc!PT*ltbrGqvy%LBvhy0}R}R_tBg`wBYSvAk$YgdA>^KTT~{umR*(f zKL35%mzo0FkR#mzb2*})VogZd9pS{1pCX9e?&S65edR+?MPgkQ`Z?+L)08~Ih%183 z@OdzRn=}~IbrfUH$<$)+`fA!}e8#Po(Ow1}qYLzANE%?9z)M*X0m|h)KZM1g`XyzHQ9k6g8(0%)JkcXc4$J zjK72NQga*ja(}Grq7Rniazkddd$$bu1;Nt@SKJ9UbyoNoHxK);xT;P5G9t9zty$V;mK=cVMNkX`m=zaW zqyKWoJm}oQs{grLO&gxMRGlFQ1}w~O8-Gvcns7|r74a~V__h}3_!xL&EBbth+1Bk1 zU?+HS!`<7(|Jh*KNWbFO$Ym~MUvnjY@>x%=M@BR*`NXAY@FKRF26Ty`+bI?U6erzN zTTrr{aVnT~ExooCo6r7DT$^#>ub6QKU+OvED_}>fEi3^k@imAX$FX8mZ}^|ab)61E zSAOHVwy4-NS!eiu?8G`dv+7~X`);AGH#0^K`!*|BFJ@7ntJh0>5I*p9`z})>VS0ecnlvxq^0cE zViou$W#??@Na|La0=+-FJr~%%lDdodl{5ws-l2vlUl7H((H49Q=>Hn!3&VU_%ss0- zRMbOHC1j==iS?&*y>Js@uwSmgdjC!`_(`r7HMqP?))^wF6r^glaK#|7#d=P<-+0zn z3}hjH>q#ZdVDlC-Iv|X@U1UnC_$fv3<3;)#PBj#_&SiP^=WZu$CL3rzG+x^M!!cm( zFfe63?hg0t2~sp@>G0o_F|8%l?y4CUDtU5V2Ix2)mR&@(3c z>;bMn(GOOeUd)T{Xu!j43%#6z_~={#T$uwGCtn;J#U`~+J>#j#QM1*L+Mvs+fG9jM zw-tm8FV<(}ZMkZm3u-+^1o85>0_G2!m<|vc5qcG}i*GmU2MDx>ufHP!FN1LR})(HABp)Z zgPa`E6gx;P%`VGNo}B_)f6eUs7*3c$-H2Q8LcWNQk?##i5$khcUZMfVf5x0z*JR^3nI8pelstP3W1`%$ae;HzNQs(j-hZ-5HQ|0Yg*7Uo^P9Q zuxt_*Rcs5r6h?>oD5J%N9ZgevYY#YQl;e7C=ZWP|K&pf{d0+Q%!M?=ARlnb9>=AhhC%QCkJcT@_im`4k+!q$JBAVxxR%TxR zaE7KoD7T)qM29;vV;y5mH2Hm!L~I#}zGdg2^7WLF{icr(^MK5i5T|E+4%LokL2{2r z;KwuV?efocC_pZp)A=-{C0*UQGj9Y~cZfb+>1Jbo;4(5)^*^!d2~(C5I&B$~f&q~$ zh<+NLyzi4N$~JEKe9iZ}YNfNyv)Wt4M8A@Eqd zLwDQUkn}sB1I*fGqHslDKnI5tkGTe59b1P>Gu+o)$L?ig;QPr9u{1JafeitRcWmfG+bl;2pl042}=V!6KHN< zJL}4vNo;F8vwlT;v?OTotb+)q72xV@bs=%8c2PO@t11l}tG1e{12RSAM~g1qVtKP3 z7KAXod9XpFd}6C-pJ)wLVU?o17a39N_HP+;_qSpMy4NR$-_mCwPEr2spvkmtG!huF z{fUwO<^k9%?=&^j+s928|5@-G&4yXxhPQ}>aPe)k5182(5R3Re%ZZBgGXVmh3(u;F zxdE9w=-AxPyqM?G6= zWU&h0!}PRb_`zM3z(3N)=CsKkCKM~Gek1O|aExlOD39;XjXIDR*taoZY;&-TJ%w&4 zX*2EFV}%2V)tWBlsWr1<)?`S-TZnPG=q2k@FK~@T6iHUQoHP| zXlmO)R{ovrJjLB)*5siwh<1yGRr;y+p`68LxsgiR zQ84TvdD6#XyP&1l9t$JIFmAC!YGXU^)$ZXkvQa;C&tBvl=0{Tpi;XZqJ5Tb3DK@S5 zjC4GL(ztt{zM))mY|mUj+f)%g@eJT(2{W#TF?C(7ju_e2{d=NEpq8+=qFzJ;qi=z{ zJ~+=ckehpvqKUfH?#730YYl229r^y*ma0#*Su6XNHXS2H^}Z8IOOV$G$(KXv32zrZ zMnxL8TiocqT)(Cu>j-(Z`P*bh@t89yY^gF4`JUxJ`^81TR|xv{EC9n#!3;19D_5q8 zJQlr2G4anRVnrW@P44EK3el}p@?GPc{-wT%G%zmcXz|9@4iSb57$aT~pW|Ff@4-}U z=vfD=e&1V-bVRMacPre`{{*v=&N+q8EWo)A3(n9n8*0J!g!9O4Q=3gnf;;!c619?3 zQ~w|+F{Q~qX1)hjKhJOR);C6eEqd@6UTu)H>DU@&#AidN^5ly0&E?E~ME4YUFJ4Z;l#YHls_YDK_r|s$FZMxiY zWoIUSU&8A=8A|R)!N6r<(!&)w6VGx6LozBJ2xvrR-TNb9$oP1Et(lemM~*xYB*Vvz z1c2hB=DF6yi%<9=QiWx6TwH}S+YR&7tGGz)+w=FNnhtTi4j9U8wg^xYtXxKE z)9b4NwuaX_Y&k|e#qy>z&*mNR)h1%d_H9hCH69vGVS5|G{fPzjsHB1)%`~rA==EEl5m#_;HPRMFdfEPL zYai)%lXlFH3!t&&upAA0gu3XF1j`UL05l0jdFayI!$_R2iP|ycM3CeZ^7ASI^VeU z8_Gh&8Gh+*Yr0g;W3Q45CM3~e$@&Lkf5K3dxwacsecQ+d6S`VrU~syO6cG>M;9V?` z1tVrJbQ-f;Wj1!bF;w7#v0Yp+Y4GUmZ-V)^AhKknpGm#QrgGaxs|jr2oj;eX*`PXB zSxrqx{X}+T{cSo0H)R92?>ps6q6Q5Q4F-)44IDYynEzr9<{imz`ERZm8w@iJr1>-)*o6TtM? z_3LoLuZVXWH}_DNdY8X|YQ}=UF?Tc$-94lv;{!62Z5+_JY*dpca_VB}y1;Q^W@OnD z{8LViLAZD*Hx&!ux&GG1&Az(u4LdjTbu~+GSfJzDygjeBA%>XSMk2ndaB9+cqww|$ zO8?(M5mqw==uT!R*grx&7I#%hJ+pVb;kK=c_`% zQm$~>lOQ9eJELaUB-iG^3Q>&fUY_D$E3s$vz-N2DcqB!6weLNx>EEYCzt-@wi@eUH`VgDS#gX5m%csm|LMy2bj#zj#1qF3fC z+HrxPC)+tx%wMlx+x4$HmA{YWe*uRRym)|ZV1ve>EchXej%cD-6558fzIa7V!ZK2Z zUTIF24FNf&2@w-NI(ggOUJk~{7x@59a&)!8hc*T227{(o9h=o*%ThGgG!}|>8^X+~ zFC~P(-3kZEIIXPOeI#wfG4lf!xGa=8;ULdlNp_5NbkBZf6TIaBGeNYAhBKCB{afJS zVv2*%&j7k10@Y(?+Ek!p#xxWLKR|yJAEV2a8fV_OZB9tK@aiKS*3Q%0GP~hMSBKzV z>=e!3=PzEv0QVm32eobo%O6IEW3G=)NDu-;@X77eTJEbm%+?m6Ge+%N?0+~#J@~(c z`>zF>Y)_t;@ellS(714rf1vezPYpy0!iom>obxu?QfH-M7G&c#SmleG5BqzAi4xYQ zNe@!U$ltz4-naRcRc6Bq@ht_dyIPtW_`FdTS`B}d8)>RxL!a_AO+mZO+c;(y|1RPX z2eu>8s~Koe=yEX62^-goYtP8qy=-n5t~`x#T#57OA(t)XXXYjc7w3ZQJ}&L+Lr;giZcO>d2By_>#l6yi$-jH>3u6O5DQu8ef5g4(u>P*1+$@VL+f7bp@#zcU z)~!j{cdjV9tywB1np)Y8_I&cOA-Q)tuR|^lY^=Wr!GRtd6z#;FCE9BAjA|nNnKoPE zUQ-_>!5zZM<{$75uqGX6Hq*KWDa+{-^>GxG#zoJ;)f89@r?Ohq+pzgyqvtQjQhj1w z>pF%d=Lk4-B$6AcX}ceJ9&{VyzjZ%ddNMhg>2g*2V1zb7y0P|n`z4$;XsMzI}_v)a6!xv$~`mqBjiR2V81^JKZXZJaT3Au2{UySm9KtzeX>(N5v%G>^c zc@?q$!Vav%h&L!V?*AY|fH?IZ8G?eCe_;qtIJsW_Xg&vXj}R#>FO55{I7!}rPC2X zqOmdanvfO6sNn4SwpaZ6F8DR0IhE@@$6UQuZ`td%+MSl>^pF})hN!{(BT4`JcQ+qd zUgF(Bj*F47&T&~0=QeyeDm1lmF1n#FNk;YTTt9!0R4AR*B_s&O*03+s6+^To!UC)Y zAN7gl2sdFC`TBg8c4e+_5CPpz19^`HUK%a@C<-5Y#?(d}@w|MIFKz!FztGx$J8lj|zIhxc(n6yM zk`AZ7qb^S(-GIp_FG_I5yvPOwBG|FGk0Xd(VrNMW$Prh2QSV@aQxJ_G%?J$%O>j!+ z&s#eyS0*fVL^-H9`d29%Vq~8q4r(3hZ;mWI4N>k<`fq=_-|JGgb7Ji*Gesw%M*6p2 zCV{roBOXYot0EqhcFvf$ZnNj$UE3&osvT6}&mLgod)*Hc0fo4`2K5N?i#<|`P7@L| zs;PI}y-E;SjV{Q1*SyLke?drQKa)4xZ1J4P)8>ygT2=TvTF&s4i zD;A@BYVLZy;|m4x*MUCgSl`dL$A`l2!j{s zfFfS_^iop=sH3l$>H9JoqeIGFK*k%oB7UFQ6`=*T`$*h~Rx4M&t|1zxxb3Lu<{~n( zL$3C#I(YrAdQ+{H6}nrk(-QwZJ{k#lym4w_;{S0LT`D}pSmSi+DA~s5JHyIv@p7?) zsPjV(bJ+5Hn{iByz?;N;hpx_deJy3GpPvwVzE;R!Sl0%5DxyqN*l5*VAa2{1o2GQ2 zC&H?wW~%Ui;YHuX7OCDj|t_(6B}Vy1NDZ?#}n$C=$Me?G!gHB?R}O^dM`x zM}D6q31nfR6b3Zss?$AX4s3h_h@F{&SG*#C=PMbtWlW+?3bm<~U({u!@Ojq4B^U7C zFq~N!=tUy|qs7j5Q5R$KdqKRtr;3YNQMWOXGBL22?z&V-<>wB8quFpuRm7nI{_mU8 z$^XcJP-#b+B;6z3K4y|>Kn>-O`!fWlR97dDMYCaWg6pGtTaYN2Z0{*$V_47PCZ~6;rx+IikR5N(>bfc+-~RfimTZ!p;Arisx{S z@F`m*h$*TTuWeMwL-kCnlDkn zp=JfEA+%s>tp?o^XmMN(%<^~6_lk9#EtgKclZ+ZSdI{WrjqiU?O4(E&85?L&S0g}o z%>g1NR-3SXcO@l7dD;c=pP=sOWi!kx|5YP!dQV61ynx;-YZ-ZOxgxQwy>jC*2T%PK z-VK(CLyTErJZ#~r>PHT~>c7Yr?lb!=!Z@;bFQfk*^Kvb!C3)mou{)o;cL~Go`R4n( z{olaI87Wf-KBR`)w=aAyYrSoXkP=|B$zBG#sQ@X)B!Qpz;O+LLrN){z8!1Y=ZqETp ziDe=;15B)_*nAl8qJp|fAoA&K->%lEZ|rNllI?)>&qG;B)!bU8NXrd{4}M9Y&$pLR zI_;dTHFE)PTnoKC9ust*cwZ9vMF)08oN)GHnD8Vm=Iv%i7SqDmvSZkiQvmzeOvt~` zHY)!WZ8LuTox9B#RT3k<4m2YE z&g`heta>-x(KmNP0S;>=Mr*zhZRFdedQ#9sqU{QI+pHR)1xqrhNbEw*xRIGdVe(f z9SWE+ZD})X_s{x2u6#s)sn2*G4ch$LKNT`3)DX#x+ z8>5r@A9^k5YVp69`%~IW4n@npWWE#ac&%q};BF|(7bBM|y>U}Vg0HELCXmR76xfIb z2Mi4D+*xEBAD5RvSAog>wbx7c2Ay<#EU%^O(w56o9%@A{VIL3S-QD5iVtf5VBXv!W zro*f%Vg}~GfY7*2S&bgu$N;w!)<|XAolz6g%k0*~6lfzJ%kFn( zd<={W>9$%RCQ%(y+7k$T3TTdypS+ilQ>t_3dn?`9E|&k_;2jJS6EYB zyEZB!@G4D3db0!41e9KFSdbzL(m_gS3B868APNE!P`Z==ilFqC0HGtjgx*4Lp`=g~ zAP_d+`uF#33=f1n;VKfrSkIhaX zrNxrhtiIe;VQhn0!W8ka zKFqJ_BcF{0(rQ{ULVfTOt?%(U~j(hIw*`Y18oa~mRy+zjYJqNHv>uly-E^r7@H z=Sg79jEb#Q=ZVk-v_ZS2af34!W&VMF_b7hTHqAjrW8Oo-BhkDU7j5L-nQqiHrCm0zckuQqcSfua6&x* z{I$xq$sJ+fi%WLH+UjXIAx@*|0Df*|VR;N>{3>mr2Dy-F@S@;8$Jka16MmOOLMcsp zM8C_hqnuedKfM+8*1?BmFXd^olpLVWdGU(VHY7Q3oN)A&a~GCt0wh$TJpIZ5lm_|z z1)np~;#)-~vxuvUGt8&XW`5>?A1x4+t&!8vYvek%gRqWLm;jGcUR?6eB~8{-k96Mu zSfYJEkg7Z2j^ArdeYmfQOk_AZb~Mxts@Exrh)oEgYIlt%k}Qhxv#-Gfn^KidPpwwJ z;>`>z<46bJmPWrS03}$SGRcZOYzr8BP$K!k2(s}8dw_7{kN=P;eP_a=5PYdikFSl@ z*UD`jD$zCC-?-mRJn3V|K;O;X#>n!DW?q2+wlWH;4ned9+Z~~W-_0Q6<9=Msi`wu* z$OTo`;-KkYpD-rr-mg7UT#MCHa3fxy7|=BUKTq|Paa_@S_nzGcBi56hiidgc^B$eL zR(`hjt4k83Ei+=@XfpEV3)!RGW~0T?+iHUwJYXWa5&J?8Q?Afx>M-oQMN|97w_|e( zpC>RWNOGMRr8GH3igL)#oOKl(IjO>zShSYp}JN>L4!^ z!OXAUu^eAjZPn1Dc3LW-URz$yf8RX3Y^{LeOAW{a9voVLccysdJv-0wH?Apz_p#>S z&Gt~ERISWjU0-6YIdyH)5NKW^KPChCDd>e;LK4$hkteOMT)knJl2Rvoxl~d8zOLX2 zDHZ3Rth^7qbisRf%&3E#j&kCNP>H{JLgFBz3y$PWQ zx>EQUD8I<1Y_piEGoB(RV49IO|Fx@lwr*@G)_9Vvmo(Y(Rj?2^t}egcYla^!+9X5^ z3!^HI#!Jh$=Wa~I$QMBmERZ%habFCtEpRLDitlm;v|?PL!5*t&@j>YmlHv6Ejw~3L z7lYhr{v>Zda-H9=_YS!iP%?=&JCVQJCT5kyTEC=5T^x-sf})R%9{y0ITv$LPk~LPG z(JQsE!l&7EZy0a!nnNyEere$5!dqH{o<5+jHGkKq5waZRLbQjJ)@TykuHaXFj(0mz zz4hR%nmSJvPR865pX5-2wbKoXoI9kpCUK2LSy};=N7lLj&$O%5Id#R_2(#~7?8+t% z4RWcGNsYPPLGFn)fzFrYzk`jIuJHs(OHA}N9Vp*t7O*aENNLwt(J5lm79F3HK(+4B z>Z-1v&0R`m50}q_mm>DbN05%mYkPAi?B8vT>v!P5xghlGo>>*JZ-i6iDss(dtx|fn z0%N3$Yt-m<13-*Hb>%6ye#x+U_uj3fJ0{-my5NL^OtH2KEa09|z1#D|)UM$IPu zTL$9tV(cr^utRGK8+D|Cd`z*$9<6MW7w7s>ll6acUDK|h{?t26R$=O_`5SwxB(YZI zB1wIy;HqyFT8v5JItq(Bov~(LWq32Kw~9JFc0((QKtFl@Yc>m;Q4}t)2C}PRgaQGH z5L)Xq>hg~ce6d%=d*AAq&tPa<|1e<+XIU9DS6JmkQg>9y80aadN>qxVK$T}QEYo~< z&qo_?I%v;smln;IH6w#h+`t=2utGw9v@79P4s1q3JL5*j6rrTSSr~d63Y^|bDXO+h zcqkU{{kkyfHF)_kwv5KInYokxWa))($J9e|8+!qM!=^A|W(45ihjv{0b&M2i>Oc~Y z5+u)P^YjOg(kZ3&v4CJQ-qj^RRAM4VIe)MfUIWgpuYlA;jt4o&$^5^}^4eke#Zed6 zO?a++ne*XUe|_C;((_olGSS5t3$UvH07cv7@2lA70!^T`KCe&Ow1jety8aFm8b;$_ z8NyTH6k>UNL?tRfuMvR)P>4OrrF^!@6U=4`6Wl7GG8j3Ab1Cz^rFB`S72QXjhur!0 z=TfzX&Me*WQaf{w3r|+P;DZa4P(4j;Dlly3Bh}H$R!XxE_>u=o+A7!yCt z+gU#{EidBty@wn6!Xvw;+#LZTmSqG9pWgl!y4y1Ebv$;m^)frnhD@`i;U>@~}^6 zigtErFHR_d``>m|lX;4;BpI1o{ z8k$a^LUZc=UD$!}ZAmTsJK4gwzlV(6&dQ^)>rHh9->IE=Sk^61%tR4(75d9;V#H02 z92k0p0?XBCD`4Nb-l)olweuqSC_O5p{` z(Bl=Jmu{Zi{E&OkbpLx|kxnG5=V?jPNu8Hw?xX&buM3&jhs-aerFe~g1^rGq6+4)_ z^+QKV++t0*;L^YN`u>ZPI)P{C>VMz=*MraBo|%UIyTE@X84Nvt^?yCM@siK!;=h~Y zUrA41+>+G#uk8PQ5q0``=fCg&Pv$!@l^6b9?7xz7etu25{(qI7@Zf(x=6`GEKlXV>Gn{N+aUuZNu1C^8|1NxB- z(3;m9Nx*l^lD0{LrLIN5VCyf5uT)SXKNF-0LCTSLnWl0n=?*_Ou5o>w10P$G{!IdV zR({{E7=1OFj~<^ykF%5_howuk$4ZbZ!xS0Nt6}TjNF+WnS(1V_ zr!J-N}<}QU})cCr&g?v*U>Z@*z|mS)^iFm6wdEm>soHmsOT3 zH*VO)Mjwz>M%#sbYt$Mg#~Y5E>LFXRYQ7$pg5~C%g@gqh7UovxAPlYOrum#2$j_G+ zNKz_tL?kXXL^Pi~L=wl=?5AaxYao<|j`r4^ zIFeMY`GbSUi79UzO&uk<=OoWbb9uN2mRqOJV5Q)BX;UC z?j6$A`L(K?L$3H}xr|?7xuhPZD(NAmOx6h-eY;R+WlBDvO&MFhbGfJ3a`0tGx$DRb z$&8pLPDtgJD!awL;RbYZc>gS7iO`m@Nod2eqskr!Vnep&@KMHN6J&}Ws(3+Y<_u{V z_3YO>rXoN$?Z`A@^yOL{DCb5 zG7%#@+1@9O9ahk(pi=`+geGf5)dsZ|^Q5n28hqK|7I9mlW;#eiQ2mw-o6l9;|DMIc z_*^m`Zf*vqh!$L7mM{uPnK?EouBT9*%G>)3^DBB}&K#;A^$p8Os<6~`6cI!7CV@SA zD35)Ld)5Dd9B0mz;?FzR?EIRE!U~gV$$mXn&1sWe{SfGnlTEx)QW;Y-u}I@?iGN>Z z!+3*(O2bKo;0DD7{;ujVtzl5Ugy)mrQ_3*~0(R7$IVL=j<(mxSRTE!j$hSJG8xd80?| zl5a^BfxjOm(CD0r@!!3L4X=}@1W2m<1^^rBq)KfK(7zW;Yjt7oP9 zK{(6~HX_J7O6HU1$JUf2g7L&aU5H(Hl^RYAyF-o~lP9Tj_s(2p^!sscvmXt7w!aLi zwl#u~XOR17EFr5qc;(O;?cnH1^{EW9-@O zfz4ReDR%HJGuXv{wl~QQd|fo0W#EfHIV~rskSc$_i@M~C`!%8$?o)HXfIU9OyC-^P zH-knFe?oTVxC>;vjDje>?n$7jOC zO$%3_m^IkO1A`9Vs5rcIb9q-$Nxt?!G3n(+${oq<>u6?QD5WxER?LZg(TWdGTlC~l zuhj75!3QtBcS%Kk(he*I_rS%0?}wr+-Z=kFBpY1QVcVsg?E3m12q791&fv%I`zGFy zYUu+wVivW(d1}M1;oexkZ@V2fGfk@5A2Gxi8(UUjptQdYEszp5U-)Y$vxYcp!1PA1 zm5tfy9IN~^nu0c_RO%p-uHt9U>`^?*pDaP8vJcYMoR+7$e^f`Qg5II^P|?DWmN6*1(gBH) zI^T!I@0Cp&)y9?or`;hdJ6&WDdsa%VgoC;8{cHX?^>w@BOlVX%wD-NcJ*6RH#@?)< zX0qM*^A4pR8jG>=Eae~9GjXm_L7;LY{K}PAaz@8EJFq*XC|w6Jn*sCY=sGHJA)7KjfzyCG#%4~m|4E#DSE>T?iG2@3(DuUBD(#|Jg(rrO^u7a74b)Hw z?O4F&dotzrhj+jOLdg`;EweHWE^H4AXF(|`(E8+0D!Yl_SB;~&r6<((;1qncu^y5} z*f1OY@+fRZD}djZdJjwMk~LE-hgA`#I__o!MAz5))I+wHmVAv)`HbXgDrXBsdi(5+ zJ@WXVHlmVkA*+yV3%qXEjeOLOa;4_IlE9%Z`EpkrqcLXF&bqa;W3=iin#YW5+Wkrt ztGZp8TD8-UqIzi9=*r)hX}0*u41Pi%6TGUc6>NsE;lTflutFADO*_Q9cyVgj*&mA` z_lgaHIwxTTNB7m2@AsFZmHs=#Sj z0?eTPbF)^EGnao%RqVM%y0zc5^B0Q`(ylYsR`}{Rwkg!x8_mR~#fO0tGJYkMe#jD3 ztVUo9&9l{ebHqQ+qK@xyrflS{(d%QjX3($1ilhijNAdAuB&H#-jpo~>-`VyOTTb)d z?56xml-^fsyggx&zTG8OcC23fv4*iReoFS(B}UGi~3yu#I(ij*|WoYM!C~c zVNHwBc>jl+$^lU^#P?$BdMZ7Wac0Jos~zmf?@t-`piH#R0FM92j=y+@Y~d|FBm$?^ z+^{&eblX-wbcHrY43cexr1-SV1v{_i`-?Bw#*8Q{E4N0xf^}2NqZYnfd zp6jq4Vq%;e37p$bFH$UM9KGjiwL6!p;W_&sp1|d{yJvakzP$e(WmNBAFTTsfa{Kh_ z?%n@*WkT|Qfwq5D$N%pjNYT3b*W^B^@=iJnPy&n%wE9F7(WNBON{m zs(cjlhfQI5aMb*26xUvdm+3<7%OExchU(sX{`Gc^3_Mr!Jf10V>Bxy7dEjNp%(Vb! zZeZ>>@&^?)2^Pq>J@4sl3J4;}w}cg!nB8AJ&)m)+6?@Tqm=`Bv+(GsD^3+~}c_Z|@ z%-LG8BAMR8U-)@QZG$>F&NH+}&oGXa-0CI1G?RK@ei6~LG;wr}IegB!`B=V_o)kSK z{*+>TPExC*xEhrMmLkP!lRD`Gq?tD6X*Q``y*=(ey@7pneFjVqJ-&3zRJpdwR!h^r z?QzF3F8SN=PDfK!mV&C*CONgne+(wUBqt)As--gB3EBs}I&})S0(}J#92duhe*3(+ z*4IRrbtOL(pwqP7yWrRgkW3lv3WLDbAfY{85lvMD&ANh{o18duvy8Yquy6Aq_0V1| zkQe?GchJ8TpcC7`9k;(`+HG@pV`-}zEKKS{Yply*VTgcbmAufr9#eOp%T+G(cE3x( zVz7tjjoY6ZOqGPL02-?wV8g`w!d|Uv%l67g7jJ8KPe~*Ip9L7_(FA&~tR@qpY)7yE z>1e7Ny-YR}5Xk|C%X^Ij{!W)&BgLvK{9`U`ZMJn(7noBxujpjO46kN@SSK+UZq?r) ziZi|JNXPFqupOAIxI6hYTL*zUC^CJUnQMn=Sb)jE)qvo0gvs9hZB^dS%gKmC{0JDz zTKFod4W*)?aAD^Bc%vA-jxECF%kh_%?E~dCit&%ac&%TL6j};=}H+X!R#EV~=P4rn|<}3)hm~uc17+zJxR={fT$!7zyHfn(ua1 zw?l&H*!+8-q#|N5RV@xN#3cZ!VQ|wNvuvRAVGh`gbkPlE^`BQ?28I;qb^o<7;WDQI zm>JVST6s0}1>_o(frJ>~sdcB$K(-X5dLZ)g8&{PkB&UeDkY8d8S2`ZcBEjnd}b0V~no< zVA$Qc97#-QOcSNn-;p7yrstV~mL^vNE2W7Vwj0@Ku%b&Nc1k6#s)|}`nrO*UaHI;7uM+8 zvu9kEg3j^2p8xJIpPxaS&at)vXjlh;8Tz?otqITnFHS*B_Iw>fxfUmEkHG2;BVmnNrz4R&9pIKt%_Rwd9=v8SEMnFV z_yj!3)p60-bYSVqa(!JvEbO|t$hhCh=beYDObz`qaeYIF@;5#L`MrFWhNl*0q+4+Z z>_@#c13sWQe-Yg39Dc151&(EBBoZxj4tUmFh176)Nm_T{zhkd4qkWnX)iCAGTd(=I>ITq z3v3&^d z#O0M6`(B==H}tvQQ!I@xp(DuA`%g@A3l$=3kT1b{_Y4A48h`H9HSqR~M;~VvQtKq% z(fOPQ6x3O~24g_a$rs5N$Q9e66;8i#YaP0pwav#bL#nSX=d)y0_ zzMF7cDiP7VB^KEl1dmtmQ7Q|ylgEGWPR z?GLRC5rV5gvz7K{o*ZO$JRLvq%~Bmy=wlo5!DT+;_hhV=aQA${%d2%N?~Y8{;pq1F zR`cmT({4C$;m&J(&*jz#jZ8o0^WAS){+Cd4+Fq)yT(dB1E<9G(_dN1@Hh!G?{M~jv z5bLq3n(uqaH6eFkJ~wLd?55Q$M2*W4Ww94Ocl9W)65z^|gvMkKNOsujgv-~h*i|yL zJ9RLEdbOd^1doZ!%(^LIW%LaQCW~RN0f0DzqST87PvsonpRjy6N9oCq)xvNR?ZWJ? z-PzNLVLfRC63*rRK@W zf4o<7iHFZ?iD@IQSZf)xZ3(s5t2=-2U{&l8Y%_j@3uzZ6-8+y1_*Tu|?wrq}&jHJt zOGtgmZZn6J_pLV`fDN}Brn3)JWot1Vkn8`?oQWFdf9?{yal z+Y`!CRTnu>S4HzHJCnrSL0|bV-@l)f>Yjm8nw|8x{Y4AF%~FK%`@WsN+r_#IGO3t($%s=AS1Ab;C`TwOw>8Aq0o-n>m@ zWYqy|rO|g5dl*a8XMb*g&_w-;6vo0n*>G{BHKFKN|>K6`eH_@;WE!tAdY^P z#r&wLj6I~{qy@RS-)8N5NA*;va^2fl?`?S@`gh`VNSghJnNRc|1}@+L^Zqx7p0&^X zeWks6$60%htDLK z+Iz$qE$yRwd#Q*1pz-c?9OZ69uZ@~PQqIv15D_SuZP?>E9#!)qPpM*lx@Fr1Ue4B0 zBb8d50oUNM580Ka0|uR)-)P&;q75*)f4;jo9h%(YR5;IgFp>cfxDen7QwD_}!Q_<6 zl2nqv$L7rcWZ&&T;zL5GCK$QQ1O6}oib9q`k;;rdhpRq35^Ukk8cc!qNaiq$xP^3O zq|(YSVMU(9jknE8wzEyUa@Y*S`sLD+k#?0;+C>bIrM_wN1F?2QOJe1lwzO5RNaOJ2 zc5_diy4eMqNrDaeVgu|Xm$8}+QKEI2_DI|KXMC#niBxll&*hDcbjeaTxoy>vr>tum zzHxJ{Tj@$X`pDp`fkauBoe3ir#hpV(y{V_G$@_g-SAgdUS?oujlqK9x;$bQATX>h` z#TxM&(wvP0N6ICLcEj?v!awQxNSpsgY;j7PNb+{Vg^THkznD+!qZV2xe|_z&*qI)OR%oz*woL?&%t~Fa1`U;My~w+H>bRLMwH0$7 zP!ZA8Xs$e)n1)&MYR>^>s!oNy!lECLRgTy*wtHn9qaSmb-Dd~{ud2n3k4ahgG6=b% z@J;*n-T!Rb%D!hYT>@tot;i6)e^Ttl;(=z_tl3^2qaOROCqGO&WM>M0Jn^q9+|5&5 z`=GSGL@t=`)-n@hvyQ&VeRGeaC{6qruC7sd%5BRQ`en7HRB9*9XT9ZCjg2IOPD)WJ)3KQVU1P4BaRW_h*lv1 zcdk8h71W+I1z8^s`yFjt7Gk;U5v|=WGkr`!XQTAHkc8N~7J%f|;hon~_sl z1HLiE7e&-^Dl6xihtit*F)rMPpJm328ydf83JPRgiD6)_Q6Qx3q*7!C_!xmNdb{on zz-so{NpCpDLalYZVas&m zXEoSu2OYnnG>M_AS*QPUo?g$Vb-LjW*LEqk0!(u!8(g44n|K|CyQ?WT+DX-9|79;| z5Ha@1>B8c`#VU8#bC3#YZ#{d)8ZDMe&7)E}N81B&<1ZD~w}M~>+Bv!l(9uu=5yC%f z)y;t5rDUnE!Kqw!H4QIn?1iv5OKcavnm3^wuN`iiTm%&8g%$IKZ9DY5`Fiq22^wMl zqfxstWX|c8Kb&y&=r^y_-EXD}Pn-QG9FfBCO1TBQ1`^bOAKZPP)TzhKn3Z;>^_fFe z{qjjhYW3vXj6oAJ%-u#L6U(4XJ1V)))i4!?lSa+g*A!dApJ6k4b{3SS>>NMa{-}<= z@yS=?-YZ3#9shmFZjlr9#;ru0SP3n~RQhIOm8Bxu!#~C zQeagvVBowU2l&pnq9@v+SFHK@Em-*?c8HxG}VA}+S28}55m8Lu%o==L#A{&}^_ zJwPqa_*^i9;_&a@hzBiMOpoOM(cNiIl{#3*a9mA(x1(XS+z>( z{uxiNy};sn(;4;ClNc2(^{if%;g0HkKL4kfpE*B+J~oG4za;c`=4(NiF2+~Z>qD=Y z!z>Qa+Tv@CZJV}+QN9jr$%2b69nNyRV2hj*^QZU4$`9_{AZ(GukV9Sj zdz&I-`KqJz&RX&UV{ZnN$yQ#Tr2if4{w;ER@JzNDm+Ac<$;{_SkzVb7!@q4cCDVay z=|4Iq=Rc`QDCR^k|8l>aAaMUxd(U%c<=<>30+#(szq92y6A{l4xJkcwrqM3o;>G%|K1NQ~yy9f04|v%;*IN9G@#;}U7(FFe zJ%0cFTi#2y>H=Na?s0rEKAuCDzDRC*cc>3A_jT8VT(B2m!l>PART}w7vaz_z_BP*2 z?A0-zel(#fbPzD6mO+*1oDH>|ceGzES+%QmwB^xbw;pq$>P`pibQmjgvNYJz|7)rv*2D3;UDe-s`UuI1~eHVoW&_jT;*{^-xb z_$!QX#pY31zlj*Pzn%M6aks~2TwW`-nePGPcXwcrLZ(yZ>)qou8G~eM4S6A|(B54a z^Lx2rIM{P&fhaJ+QDMD;Su=i>bvg)Q$}*SR&P-L*c;H@pkA=}+DbKRahYs)ejDF;b zKqrr@$!NPHw9`~fzv{|y=-su)`x1)03Sgmp3k%# zwqXZXTXPxjx?lZlAIu0W4+<&Zx5QN9n;16Zv8nsdQgJ7KS^deD7b1f7AH>CQCNOl* zuLC}mLi8(d-pWLX2v=sq!EC@l#%^V165`>^`r}5vD45P1s!s6IzEq<&X5s76u--rf z9jV%D_7y-GP|rC9+_4(o{3Y6=891%9T}!DH2Pn) z2eao8N`oz&k1a&Oo!UIp?EuEER+lrJOQ!V@j4$zH0$I1#;sz-ebHe-=ieIN_Gg^V) zdNjV-eA~Sb8RLZQWZclRaJeSIvFR;()VB=T89rds6*7z%4Boq!(O4U-XJdB%^9tb{ z?5~93ghPG@xx>U=`1o7eyx*u27nx~)DhDm@qOt5Uf?HD|Ju-T4to4&bZ(RH;EQtTb zX@v?rLLZc5w#9S&$M$}y;A98G6puMh4isKOarY642pYRwdbf4|g?hx{V#T_l=haa9 zs%LSjk=3By?SaG2&C+fnO}b=&D$G^5|aGz-#eB$_8-L6K{n@I&?* z(-A;!Ac9Nd3zgy#@Zl8O$iMR_Xen`nP$*Md1{6GPw^?=$QjzsW< zsqMe7vgwz;&h_}UWlVcsy|s6e+K_B>zvSUY^|pWK;1$QlBLjW)1+F9a%K{sdoe{4; zoqS))-9k(2$>QUAiQK9TLmb7zg5~E3a;@gU2kD|#Bca)+8;G90{Qedh`pA{d=TPDO zTf2HS4vpKLNk1g? zj3-u}an4l7?JWB!l-N@Zq$`T^3wrFU&nfr-e*B43>zuzFMEnPW{m1tg8*GM0fnYqy zfaV`2F4gL0i5!1d&!Tq}WN4%=d>@<~aM?;j?|o7)WK~*tB&?cuH`4^D;A3!Z4lY(& z&-bYDL4G>P?+(go2U6H!qSfqi4>LR~RgDePF7b;ONkG>DZZ|3jjY4-$v~Ihdp>mGm zCW!RP)hHdflU|Fz)4JL~>)>tEQ1B1jjvD^Qts7~^BN5Vpj23kQu5p51XkA2P(nuUgV=l;P=o>i5M!--!ROxqezS-J^gHDjgY? ziyr~|&HDyiT~+yv-G`^RLp;8xQkbAmeVu# zUs=)9Z9zD}AX=~Vm3zcCb}=E=>aoqQ1jjw9bDyU$S;o6(d{7xH!zADUIGqSM)ZMrwLP#vCG(;lYhspgXtNu zZ$pJ>9Y5A=TR)i%@(o3cnGgLTM~Qc6CTHsJtdXSB*+I69><>F?32g&O{huSWLQ-x$ z_-vqZ<=5a^*=xqC(AIPG9(|h3pbnpU4qc;fto(?+z+ZzuZT2y{K8rm|U2^cRbUYDs zYac2*%3ITqBf{m~G3@kP2AQH}4+dPtm9Gl?&1CM_(I+z`iQNM@+R@{5b_3L#+A%@x z#R7$ki`1K}{H)i9gU)>>wEB6+)X-hRc$D^CWJprzHS1;It_k#0O)qfbd7^hI{pRX^ z9UT7K&$RAG)47gZ_koC(`|{OSJWa8=hr7M>bA8~JL=A(JGK)IfMJCG!mtNVh;KqHm z`1x4bmK9&A@W9r|1CJ+t%;)Si^on2>T9XTQac)e=(eoq2gYK0W*h1}{))UnkrWb17 z$0zfhPzvm3Qh}tvUe}r-vqN>z;0@cx`tyfD3zp0v0`5F__H?eQ3VVWz_l7@`X59Jv%vOD@YM*PcKK9h-40yGcEh-W=~lA(0AP0@Voq*irNy`z9pv~ocH(MFKtlX%Q-VX7AroI8Wd$o8g zes#;iQ){jR1X-M2?w7vrW)M=z?$5hpo^g2nIsaZn#VMRlkDtOO{R$s%80Prq&MM=h z1eb0&slYrmkU5ijOyjCMj|+V0O=RvI&v>pOwz?6y)75o%%vcl~q)v>?7T9J~ltz~=@35Ca>snCEN)H`rJyO+jh7lvq9!k)xtT+^}q&1067$Nl`)rIq+~Dpy-~4yPD~DqyEyZa zvf6d#TX4OzYTEMsEFPw;`#69Rz2mT;bnN6M(kTdaKp3=tjl{47?{>~BKpA^3a??CR zn}Jf!SuC zt~uQ$YdpExvdU|}g_dT1T8AJzU$CQ4S}?%#Y_3hHo1JmRw$OTdNwJEZm!r* zllj%}V@6Ss{zq2mfiU!dm8oEq^2{8=-}fc9E{m2EHDj$Ane*Lp@^OdUvim~~oINfZ4#ZBXKul0i1Ek!V{#FjH&e)M?4bbt`7Bej86^s+Iw}#Qv7p=mZ71Il`W9+ z)?^0E)znV2*QH`q!j7$OlolKIoD^hP{6*i($#DKbh#2*VPuerC>2?ij>9XYcxOb>~ zb9#uuTg!w`uBkgPs{c^7G`RYxzN!AJTjiW)<+w+2#VI7hC#^UX1+}eY zMqFe>k_BA!g}uIgRVGQeZ~QJj#I+_R&iDvV#|P$;mI(p((1F^rEI|Wocd4U$(CY7r zfzf8m9>=ZTmPyRzJKxH>kxfv%XhbGLMJ#`KIvC|KiQXn*U=RQ|A4dCbKg z&5XZY!bcw>7AE5x!|}1+O9r%?-ynC~sx($Ud7d%vn7g-2Pi$dwGf67vPRe4KpKzMd2djQC@86%BRLmB427)IQN8Y|H+sY~a3892GFiE)a)nV!0$#7hx7}3f z+x5uH(`EqOj5~@5gxkvL;yt)SOJ9pcT+G8bsW`f=GwX9H8Fgw|fgR*W&dR*2w?$4S=@fl?-I>{xBHOz*3zy=H?YRr>ydkO-18ZRlGS8UW-jT+ ze8iQpD)VeY$7M+#z4gtz_6PM>kKRqDrIW_}ZrJ?_c*|%>!twB<*OTCh4beRtgq?_LEp63kxACg(IsZ3$PBZG z9XNx*!R(&UM;b-(47k>>JP{8>zr{a8M8y#X_}E55^>S=8V71y) zAs;tKyf4)?FG~mtKAF>Mg+H<9(tVD`?bsEYWewf2HT+`V=A!5 zF3iQqOa%9JUB$<3p|d=d9U97c$qR9WcH51WzRL}RX`I}6K^FF(Uw6w@$!`P11pxdzR#tGy8*N2Oi{%ZbMNaxyG(VDg3m|BBM}LTbt|M-YgV&2`M{Gxswc9ZmvVhtqQ= zMZ&dky^aIiD=W!O?=%XTl=WQMk@Q$)rP4mx(pb;jt&6M@ij_(6?9fbtf>1!sKlF*r z6dy%?0@UHvAZBjPf zUjPW!ByV}2y?=8!zaq&oxxyv{U|PC*iCOn!{K)TTZ$hrGL(s4S2A*DP%fk%WCQW>H zyng@oS7M~~iGi>I)bq~UwXOCHSn$YubC z*Vr(y?qh&5uR)kfKQ;IxwPV1KX)lBLbjmTN#^|?)t4%-IhQ?~rEW?9Chub4fmGfD= z<*Ee|{vQBoK$gF81Kep@E*MQ+?4L`=^PG!a8Cj<+6Z6Xn3p#hhGIK51__ z$YDK&=RMJN{7EBM%hFb|-oyXGpiE-G9m7C^LGCzga#ka}6L3%NfnW@X!!L-pg8pjd z0&R2qS#S{az(l0i#y#B6JGFj_f&mKJbsl{mWa>IMPgXo{j&m0Vf|2qo@FI$-uP(;I`%L#w&fAsnnR zo&BAD#5gbl>D&^86L#E+filHBGw-3J8@M3hOgP2+^>RUninKw2yN&}sE*41k4|WIp z0d)npY~fyyoH(z-K}e<>>@cv}2r^X~GL}g>Ox6 zmGHSort_tm(~rY>E>IYh=>|)z!{iAlU$4I2y}jdS)@PU=b9#?5$nOlaUIm#s_XG=; z^l*MAgO8L|mW%aE-8%sEJRO4;PDoaFdr^=1C(7zq0kUqRdMpl}{)334MuBomMGjHvo&nMjHf@|!fWsqn7 zWSPEA!)11?E6Szrv>K~tH-p@Wu`!g`+^d8%WW17(Kjk|FJgJ{*z@5W&) zc?fJ#f9TWwpg*~lNv$Z@9j@v|KjRiAEkXM#ZbkPL^v%hjKWL3K?$6Eht#EBO(398W z*bw*kz;g!SnUnUw@9=&d<(@W^L8hTNUf2-z0@-O^!Ly&HY=%EIXWxR?czd+VfO#r>FOJ*_>imPFd!w`hFrP6usWkpdw;k1S3_M2Xcn$MN z`JwIdd*m|^epul84EabIw6H7aruwQu>xZjhB&jM|mL}&|w zNH6=(5qabC3@2|_L#MraqXj2Zmjmt$P+%L9=;&h?bGuk@9qjdF*zW5)L+8N{yz(X3 zif+zsOzZ6ykc5-2N%(k0_&F&bsXohZ&8e{IGiO=&3s~y+Fvw4RlHu$#WvBO{u<=vf zBvljWncmP5^(t97Im%y^9F=fm`}SzN!RXKYzdQN@Tr9(J80CvWYR0(eOC5JL+7@j+ z8{?rPUbUb@rt9Y%KT_7|D|RmB{FuiJNbTp&J)UE+{uu?hKou$2B*Jv3Dek?3HOWovxCSE zBc1SqhsVJ@mbM3{L#xIpG&b6BCLF*64&=iJ zzLSm08POA=46gnT$2w77B1On&aK?{YWN{05X^dv_fJNW6x7 zLFHV6PX0B74~lhIB&^(4h01`lE)4kP1g=whr-#ZoJIY&es0iiL1MlhhA2>4?Knc}w z#*OtwBh2TvZtC(faDQjC>5y>X#6eUTypNvM9?I%OD02Q`6+1IKus3>CRD3Q6$y^1` zKd5NOz+`uq9tI5A8KVyB1JYqVVI<^l6 zrv|+FOghq(krQzL^Kg2PdMUkrisI0J!3nJC%0;7=9OUNv>6lS5v)#FJip~*d$6L*T zgD?-u1&W$~+}9)S95}C_ymF$EI3?kJs!vCO4lCai?w1;OPOMjKyoc{((2WxgbjCO+ z?3!=`v~YEJJU@>-vXAgNbnf^pwly7V$`yZdO~b_Jux@EwIEg{0g@%G{%fT}prsSa3 zuYoefeoDg^%2eE?jf7)90)~cvEXlz+ukG6y{ie73%mE?GNI9eI(^;Y;#5}S;_`qVS zb3n(8<>SDBf$=a%#X5@Wf=-B+-8`p<#3BNx4Td81=VnPvVdqrSfQ6E*hj1K?0z z^APH{x^n_32kgh*sPSD4;?v1p3}<2-oadgWK?hZE*LcH9IrH23c*Dp+M|R*G!_fG~ zTmXu)I;#bAHQIOgR&WZgm37Itj-^C=bjlj^PAhMzm5baOsp0>Ke)=kJL}JpEW_XgtN`z zpd)ZHmF(nEc4;%qBTtEHNQaJyL8iDuyId2r1wPkVE-mA$hChE1%e`c z-}O3&<@Ez$Z|51Lc&M)P1-xve=F7u-{e(F2^2GY1++WiO^|A!*+sX~*x#FHj-pBk? zzaD|(tQ^>ZAr}6;n7&IN*zTtFU3=2jg)6D~++sla4Ru7qO*r!p)HsmJX7F?r+7kVs zZCN)F&p>wu2EIPf?N@hms~YyXd!REO%XK=7tHTyFfWDh-;XbnT>9}yANhE8u`yA*b z_tgUMn!ugsWGHnb+s4~L)(7p$mZO1kva1*f%NcrdT*bww+2fZ`G`50U=Ji3vy zV|*TEmbx!34@JN>?AaeS`g#ku^$6QC<|YfNs}HP-_cU@_ld-)R@S|_R^VvA^KWW%k z+Mu1fQ051?02cjM|FiTkpc}zD#j2apWHC zV=(Zof;K3J_m;(xEAVR~o%^eE(FeEwI~MoNg)G&@wVV{Dk4<~Y)wq;V`hWa2B=zsZ z&_~-Wy?%;<`R3rdHhsrf)W4!K`T?6ivaU`-zUK8nzUw$&C|s}*bK9?Qo0VF%ov%eb z#b0mv!QVj0bZ`qc?%tJz;!Pc2ZF*W8Z!S?0zq)YaUx zn!nWaE4MjW)$t(IX-*WdVtSU7`3KK}owT{BwB!PQvd|9eJOE_Kp58Cm@c7 zEuTHh1>kw#$w<5B91BiA*V%9S%j|>nPrV=L`!-=eW}ayCll>|N#knGn!Pcq$EtqzH z{<&WRC&JExeZT%X_kS+*tC%0k5QBdA!M|Dj0{ZN`(0?`EJ(LmJ6Y3k5gDaPZ4}{+7 z?Ed$MX`w$5INiYQBc^t<;O2U6T*&*wEliNkgb<+7TmuVE{V(*v_~<>!dLXJJ!hS>fYlrr!K_4wj_kIKOLtDZ6 z_I-ilfmu;KgcH+oSFf}atd9jXUEq1(P`CQEA+L$yvifY0^k%PqL5VS4`kdzrssWnBNK&hQfn$^Cb?M9(eE285rZb4+91_|JL4 zYw92L1%s}B=O{N`^4Q0S3X@wo8w+;O{TP{$osY*2gF}Y&ZA&=A;qF&gQ0o(ioXBWOhJD7*K{_R_07JMq96A>rQJpbtJbbFxTz7zMxT^!K3a+Bmrg7XgxPf&R1j_{ey7968izaQ-=6CN(;x&(K#Q$4rMh;OaAQ79-3ey^*Yv_W2cQE@8U}^c7y^@x>$99P2>#x&;?bM@|ATyyPWoO=b1 zN+YLeeejacVqi2U`dl0aWANYkFL>|K7VbI6z(Rv4FX4&+ytf4g=6$|`0$%KtS?#zR zbWn(!K`C`aT`-W}8g(<~9ptT9G{cVPF`z-?M}x`^z@P}7(NkK(&_4v_-#S`x#JXS^ zW3Dsh%^oG(V1olS4vJU@tgpw8hp~Mgd9D@>-dWcXdBJjij=qPpt*OM_K&}mr^We-3 zIzPRBieg|*HxT2q!|g_5E}woiH-nv2uHmW|%20+2inN3?IIf}_IPssn>A;2q2%pEe z`&<{-Uy1K8!@+t8O87v0=Fi3{M^u6wTu_$t>MbfuDP9B0WI6|hFmGY7JIWtFQ%MmT z5;_m8>rpVakHXpha*_+e@Ln1TPO7loIrC2A&Vlr7oZ~*NojRn~O;Py3U1~a^5oG{{ zP9Im~g!#tj{tYp}p9?vw=dPopwHQvut&|t7v2fxf>3sMTx~TkNx#5JYJja4fa6WIu zwg0&W4#Q#503z=CC-no5?8`kc;Fv$cf~%{#f%kA+)0eUlb1P!Pplr;wYnSG36)g=a z)4~BVpBHmZAN9aLFo0SBr#$CO$Qb(LF>nmeTy4RTwOkof%U2XPUXSNMcaG`ieilC# zWoX~m>C4b*Wxi7G;qy6&eC0Mc`^}cdxylIeKPB8u@kJzxZQ)PTyti)%V)_^pJtMQZ&8c zxcc*)##neAs%t0x(?-wQ4l!t_>vCN;=UFKGLV&JBzcG$Xe0=g6IWPyTKeUyjm%+5% znOw@sCUAgFfxe(D?lGP|gDhOfAgg!$L%#_cMSPx5))nPq=3X>RIVV`LW~Owu#(1Lm z_`XMM2|4XXCcraf$5!c_e;m-ZiE_rC{)N6>Y;~h|ynbq+{)T|b4uF7zKi82hM*6D_ zU9MH%H=8}uK{Un+f|%XSHYYLQooi{C!LNwN@4iYr)z0{H+YZsqmsM7G)2X}*zt2yM z?`VIVpyz#T74!gfh%+!$_*mA$yh&tmF>WA*;I?MFMMr4KIik#KuY0ueMBEzP1)w^3o zKf>9R-XXg?@Kb3&vpfc!G8yhCl6f}(+0u(OemBZaT|M1`vjnoqs3*WoFpnQQ^WTOx z1i^AfOMRMIwrN4{Oe!~9gmGcH^AgFQ1MMuhM4*EeWCZN!&pPq+h86Yk(-?rarGkUb z^b+{+{Q`1z=jd`|DKtVxHRA7}rypSE!BK>Brk%a`_qeBkQ zM!M&m@j>^@kUktXKYZU5Xk;uX8(BV~pz#vj?Colk>gYW5SdET1Naie&oi^c?)UR~$ zlOo7daP7=4Wh>1d*Q<;>g@ZxXMrb0+GFC$NTBEXMH(b@q0{Pet_;4h2v7J-@<`(Gg zE#4X;ziyad>?O90o_oF8TM%xD^uP=q4-440o2^R*>An7fzIvyR-mPpKg5>(Pr|RRs z9urk|t@wI6d|rZwMj?YYAI!>GU!W=PHzy&W7{@Sge#onmos)lNlP$3vaE%=gjY3=S zZjZ{;&3jG$=7iL}Bz<-8A(NYhyz%r6BUAU{rqn&(&yvbmEtYMQw_WAi?!80)YDbfS zd>`>n+Zvrb4d8izGRy7Tmp+!d|9aIXO}S6N?%f8yJ0HxEz4GO&4L{zdi0#g_y&;<9 zJpxod{=v1gKJM>mD=Wbn`hIrK=nxu(XIOE=8=pu9EMi`+LgFFM+OO z+oDYU{{yZYV>s{A!s0E&#E7NMP(Rk4)lqajqK)ZGw(=uMVYB*ot!QbM=$$>FJ4@!x zzd`*J?J%)POb)#d4Ltk#)P4L%rc0~ms*Z!QH6&Y@7-zBs`WbdiV}6Ix2DfLA}AR|=^I-mm`{nBDlCvm;PHU7 zA4Y8zAI}<#dzf{CmO>w(SNcpQ8i-xULB8unQjZs|QNTt>?f8pf2c~8@~oLuLOzfs2Q zpIYV2P{jaW>x_@H-_Qqs5_ogw9yoyxE2pGx=TI{~{cJmZbT&?>1P|%EJ06!|exprL zRp+eFEd9di_Da_oe!(MK5lj<|O3X=*%A0rCr*`-^WIViPlRO@;IipD*h|8J0CE&sP zKIr7kkj1&>hjl(XEwY?PsL`=5xuC)#9A>GK95FrE(<;T3(^{ z$?++dk=RT|<@z?}2-V2RWnW&hx(RkywGLY~Y?Pe%qV$O5fzJZfz1!tjuI*{%5=;Xh z;5RPq95_?5M$Ub02fN0AE>2V>rgPS-?g?8(Qw7606TUIXR-M?y%1n*(zRtGC-9qW~ zHfp1*O#L<`PKI3zL3f&`;ihp_pUCn!;t(@cdG6rPO%;>E$gRZCi z(h0)zLHsEb6En~%=h$Dp1jA)Jjgv0wMZi>a#t)2=);77)R^YcY(UAbSYiWT~KWW#} zf`B(le=V9|!58ikbYr~En<@A1DPUf!W!R~Eti6A%cPu(*IE$g|e!gTiISD5YGOz*ITAgdjE z3D}2y*%8@>KS|wPCsdcdC%fF+H#xK8OYw3cSSwmOyfbz8u9i$GGr1n+OvGdMnr(T| z7Y=(Hj}tWU zc3EwAfK>c#H$L16AV zEBkt#zpQ&#=FEoovLxWIu`#9`=6hHGq8 zZ+kk!AHiGXP$Aq$zsH24U5VLSls`y%sn=4`T4%G3kh_!zjZk(UjRUKc`1vHV1{#D; z{7S=eTa|^+w?N}ITY7IYbj&x>@dMggFq;X-NjlzkY3kD%BI6~JW+uOSY zx_bz^sjP0||E_{=k`erzlGR?N_-PEz(Hlvf&F;6<2>0X962S*Sw%2sLTRLje=s-td zYytF9DgL1qXl|L_fA%J`NwBlfp8$3Y{wea6iHWGs(chFmaff7<^up;1lecjXZ^~w@ zvU<89pik%zzP(fMdD-3vE9;*35?(*~K>hC;1KN3y;6%8N{y+V!Cllgzra#0u2pj_V z)X>hgBcwBAyIj)E@CP2SVbC!I6qzW5MrX+u>~cuszbx=KybB+@b9Ey8xaw}{Wcie2 z+{bpXPcV7``yM<}*Ff2Udyb~=fkmc=eNfZcn9mhm4R2**&sec_$tltD=~Lp1uZac* zmGt*KK>v%hk-<~;e%8P9eoEftH9ua&{^6fCgWpp-7E2F2qjCF&WM6ap)+gKLO~!Z# za?RJHBR^JVwe1Yy_@LzFXz@?KP2#7QQg=-D=yUQVwv9~PH7`p?KQCInE_L5;Wxg)_ z55Bz*%CUj|{dd6e4K~TKNO<1-9m&pWtDluTo8`-_>1`8q!^+HlV+%5D4}2L`03qWT z>!FehBq#9WaQv!uTlI}>klFG%YR090^%wtVBj}nmH=p1$ugkw*Z?r&yA-)yg)2@4j zr)Qt8`+4%plfv6mse4yG(H4T%YUkA|=YY;fO3uxb%$h$p_1l0^9$QZ$BYi@mvo@3D z$2m!1W6I5zT#Vi6%nm8VO=G|cC&oYS#Na33!ae%8Pxo2PNU|P$M)}xMo(^+?{xa9` z80`VBy!hVN< zy_!1<%EdtA^v(4%MVwdK;BlYXxXyx=i7iEC3lwIiPV1aMMR#arvyV7$EA{?2BoMx| zK#I7z1s+*Sg^*J>}h)Y{z1`kWI5r$;5F!6C*#>>C_ zrJUJcr|z-K%~@gg5c*^i1}6vyGa4XSffoBTR?1=PXHxg*`*I{h`M%G*8-Qz^piy~S z8o7LiXyZN!tPw%k0z_BXaR zL0AyHsdl}!Sv)XYv`iZsz)wSfV}a0ToU`}6aEy?I@d~&hqtiQhCG`-Thi{f%Bffgo z9A$(n4oq~?z3?wH{(z=^W+ml2YX>xnqJu{%>!039-7m$1&s7`E`=4PXW>^9Uecyh@ zAheJA$fRSUh-(Z@=pREE{`C$m&xNx!a#BY2GlQuVH;n-Sj_oo8pHf@ibjD*CpeRs` zLYD8|>MWz2?FXQNYygb@fh!Evc#r;%QlHtP;+})4yGz%@X=`{Ew;3UTPJg+Np@qC* z-(SXp;1C8W2Au!VZs@<4BjG$t*9E;hcfMq9ZR&qoRWvlidmc}T)s0gCEyRg})}8eI zwd&i5b8&M%*jHhbkI|t<2FG?rBck*h0Q?ZtAVU%v2TpNBBOZ|B1eW~!p^UBK^*u6J zJGZd92I$^v(gAx8r~XH4$UJxposo5*k*7@d`D`@GPC_F(G=m&YaQ|Eic+r9rvG(Rr{_yRwIV~ohvXC>$Ur^fjWIp(^auDaW(ovxSq zJy1L=J)0M_6qHH6k;P5M_te3udz;DSA<`4NSElPudcR{hZz1S>5e^i_Y7B(JZ_|5= zM!;XV$AkvD2{{CP0i|U$bgv;m9v>ZInRS$pPL1`%GD^#WcA?uScRl~RIynKr-#GhB zETPkpbsHq}hXnfZ@{@0Krpw?BWTc-&)p3es)QAQ3+uImiNjFOLE8Zd4Jy-2Mvd{WJKoq+RM;E8i*Q zaj{L(vO*HMfNp?pC+i!Q7G1xRla_S${_CHSDRqeuRh@ADU9z^+>n5?1RsOwoy zj;`J60?#oPp`5s)FRo;Y_9cPT+jLwbyT8YWmPzjel=_y{iu~Lw2dyU-jAL2%Ic>`Y znU{gsu5;SmK)?UL0CdV^hPMR*&BZ52t{IXPSH2wi3EbibrK+lJVt#B4-@XCyojz(6L&fcH7L zqi;E*>*12|%STwk4H?qClDeQC;CY#Es3U`y^8xac@1l*FeTM$R?ir9bpQrdN)PYPz z|8tIPxwl$&_lv1pKga?wm7yI3bqb-pSO<0l-_UO49l95p;I|-3ENIN+L093tujp;K z#%iSG@OBnduOd(< z9Wg-PcUGC~zuQ63RnRE}q?!Wgo~#^YD-`}GLy`hA$&aHm8P0?u@(r7ecd_AFW#hli z;x&K|zUY24^<}~#(QCO)oRblc?A)OKuU#eC)+^MLSbMUoKd{LbNv`edU|UwrOAP0+ z4#vR;Axr9xfbL*yu)}Y1HddZa1lT>u@f8zNx9d;qf7=+~2dvk(WM3nnktxswNlDaI z`hFJrsjt(<+PB0ZB0ZA9zw8$2;4XH(PPE6*+1VP8Yj_kti2gudQI281dRro~_<-ki zU0>Q${49U!!)N4Y%m$;}Va&kIrJEc7KQgF^*04VT}4|d2@vj`;}_7r&=-KVqD!wA9lY4vd^xt>y0KM|`vM=Y$eX<4 z8v67;NQI5_>{A-&SB#ILZ6=XdKCV9gTK(u{wn+42m*1MY?@3pt1ZinknfaEntZn~iu`mol4FBXNPiHnvyKS&|v^Y+Dp`F=pka@^bVi}AZZH3NAJn1jHaL{_;^>VYp zuv4<_^Kmi$@c#!)c_+l#PwHGz$5BzXG#r3{73Y~XR$$v8ww&JgpoZ)Q$YKRM0KKQF@BU_n3} zx7sobeBI`Z>HUmn0D=(XTiJe3Gu5Vkp?w&97?o?}z@AiD2iuq;_TQ+!`69B))}en8 zDbIkCzDMCbSOk5|ck4fI3?OQPuF+uzF!~S(lo=H#%i{}4csFP7$IML}%gutAy@88iVK%#VlkW1jw87PBzs$G8%vV z_0;|HPg3_c8gsTvA!7yS0sIlXiVl@G&V%6}`%QZhwEHHd?mh|nFXh80qKW7L0Du5V zL_t(Cn)pt5FZQ1q(cOCgl#Hg;!olHS$osu+b7p|B&BUoPJCY$yKW>vE`Q?vO_t#@h z@xlj;6G2S^Sv#aGwjGv%M^;jMQ_xGL?6$ln1MtSWS<$8dLNrd2ls*GuFo<`c4e&#D z5V*oYnJ3JOt;0djOHw>%kQuu?Hh|XG?aT|l!^Cb@+5?}X$j&kN)fIr%fQ9X!y6LYYAVBG~n zsH9zu!CWbq+rOB)pAI$}XVPe)j@PTL4^253vN+bdqC#8>H8}LqC0}!twPYdrJz~{S$mC5UdB%|(L5QTBQ%cNb-rbVc$0uX zGBmMZNk7TJF%ODfe;|4pX=598*bRdJ>4G!s>hK>O4kiYUZ5Cf05nZ&fZ|Fbr6FG8J z<*%31F!`TE`v=WQx=i%c630g}f1v1RhmNh~kofIPWCXK4NlvuXQpWKC9d`;kO7Aw4 zerhY|qw`ALtJ3p6gX`m`F{p9I>zu>m7~=3y27Oy@&|yAN8MKIa;lSkQ5g zWZX@+iIzH;)4E&rys+ISY8W?U297#gY4jC-2V7zH0R5e%_Rc(dZoke4otv5C6IU6b zlhMKa%LJz^bBKD~+%T)@tkr4Ye%mV);1>)~(;EZ|+qc8i%4hPwHs4pLGABORW!l z!>Y+E_3qYblJC9E4y>s#{E+EP=08C`+Qua9B8}TqH9B@TTu#(jUE0Ee-9t1kOZEP> zGvolyksYh@`A+~rVd#Tp^!ruMiZAQCBlYpq7|c`~m&z_$Kh%;|D#Mt^@yhnI*xxKb zpNVD8vsIE0fPy=|%>wsh89CF7=nJxrXUiTNHO2x`KERb&_BfMzj2YwVzt5J}K)cQh z4fOrDhR_%A9+O49PZe}3bWGv|NhKt4z$3`8X%&_Lajk$oLD@%|ZCtP&VkUb`*6=pD zzS%7M_RFuQ?hm9d7A7|75pjS&hYcIInkxnDc)!XjXL2k${#pEaz0Wn}s=l7G7e~A( zI{vEk(lN=&7M483WDvac+Xj*Rsuvd~iAn(a-|8%&k6nR(g&j)p3R}a!$M-p-g_Dw} z`$gw>&#)gp)As4@Y%-F*L_2|r-H zg3jmymCZIL3ks=w_>^=^txYOT>LOVw-91IRVRjFj1gp|}Y*|LIdsu4=PLI>r6*^k> z_jvKL-#Rq*>p~F51{xxOcvL$5iI>cmW}>7>+wmB_!4~pAT`PSSuDS1NSI5@USDWOs zT;IiF08G>&JLgCaUGp{B1EcJk`}niSCTvgm)lcX|q-2qF z&)UQ$6yi1n)DNA)$NNPmPpYh0A4~mD1u4rXA|x69C^OsU52`H)Mjh}fV+Jm#%6I+j zEvfrzz$xFy*g}ynGv@?B$Ljdtx8(CYV73%7lOyj)?!KXRw6X8883$-QXALxcb}F`~ z36QnHygfu)Gi`x)u?euL*lKo-j$>u#4BIW*TqPP3o?m!adR^^V{uSYHTPR!f?&B2D zD>PYVW$jrjIB1i<*fZmo$|pE&i7~UJlV(VF?iEcwFg^8KLv57buxzNwh)GjZ_q1%6 zx0aZ14h_zvF2;a1hklgy@plaqMORbC8|~s}Kr{F_{9t`~AM|`D z?)tt)v~gX_@Lt|*Sa_l)XTB4-86dvi^mOW0>$@xU{l<~TtLPy7P3ZEVY_+L}jkb`J z$WQPK4-q>oBo>p4Kd5dB^r$eNxj}WFNmF+hkLBy)09y)#8^BE?fI#+{N2;Uu+|=*i1~GFFg;hOGil(DEetr_c1tp45&zUjW zqs-b$V2~wI7{bizj23Pm+$9IPoy`Ozz!4l*>3D~f75f)=YiG>i15$Yd@5F^M^vf23 z@V#$$c;+2t+L1TmdsYJV?yt*On_)`$M`F(OHrtpVM-D^A3y+)`e)sF%lWO;-GQ+1= zRI!c=Kn!xzPO^H)wj@Z#&siRl5LuqLtbqf<>tU5Yw9N2AJ+ztcVvwJ4_l`Bs>3`@m z+1MCZ#|2mE`(?WB6Y482lL7}hQ#dnomXXSAVsu8mFe)>go|eJ-6)De`cBpN6Q|8e8 ziRSiQA=G!&*`C}O8)HOIBk$6?_eqI#H-{C6;6yJ8%-)9QQrt8K)YVwl0qu*yS&YmA z_Y*U&$mD1IUR9lMz9PCBYVXg3cbplK(HJ8`FADgHePuMCPTgGfZ>h%Q<{sAGD3~M9 zWQ{?9;0|=kJ+dCizOA`R{Qi*mwGiIVTVQI}4xZoRsl)c`*J1&3Z@-hilZ%D_dK(3HRBy3Au-SdH?#< zJ@XSeoL%i1JV8(#Cu67##J(E0)&0zPA**R_dB`MhA|P9#o9rqGXoeu#RWc%bcL?v% zuka1@SL5pN#QU2>Hz(dr{l5*6hd#qBu^`3@XBp&6B;yv0HX|Ou&;p9`${C$9?#Mx$ z5pOUg76?1z>H?cZ!vQ?z&A?*91V@DbNU)C`V=_=iTMAcY(gAru*EwA$qD!_k;Rk{h!s$S@^~wqhY(Oux z`Dz)nMmL_dq^MMBzZBH z`+7e6B7)uP#S4eV+PFjq)9dT-oJkR~NH{M#iWy++p#|vhHr4+H8OLwUGkS}wJP89Hb#s<~#s_oCmHNhnunA;`e zPyAZ^(Zh_?Il{}~@rLU{XbZA=xY{`2jQDi1W!N#XjeK5EUcYaRLF)>eoQadq&@F)p zf@0Vb{PSd3g>7}QV3VA!2i2Zo7NovJawXAN=Oot?Y%PIzHgzOW?t|sfgy>_@U#0HW zzY(2On|wqrfLHnx1Hg<))@g)Sk*5Tgea2em`2>~mXwJ3+DeY4PY^P;v=RT^X~H zvcSa8LG}CBkJf+I7~I`cJatGqV2L?XUQRfp3FJ<}nSO@%kSpi_?#Jv-7Npl_wK@rZVFLC5`i_LZfwYYs|wc1!&V9wuncDI-%>@jL)yLVE~8Aa{z- zGJXGT0lx&B5}u^*tO|s#{d3xpGnwM|+t1mgDh|94DAR}V4zg&3fNeC+2}A>-uWRLR z%{?xfs<6yDpMa2<|3y0}J7!82Cj`O~{{Y&JW&1!yX+4SQY_>8&4%dk0H-9Mk`7POY zvL{z}Hu@mJBic>BO%MtEu;s$6-qw!nGidGx>BFnqn=WUv8`?%@Z<%62SCW8`<;X+Y zb4)bx^*Ba&!nhC>W-;?-S3yvMP1gi8tA*glykYvIC~;{>V!#(9K@mUE8Gor{o06 zS*pHLdUl57($Z-f?+Wv$OYw7F$eGUBQ_sJm(wu7hWBya;6NotZeQ@8=TKgbqPJWcWdp?NS+U zE4Rp+9=logQNeT=HkGHN#Owt6c~o#uVtaFw@lJrBu_0N*Z?PvjSTxb@-6XnrTlUHe zZyU{mLxR!J->!V-$L#@Mo)<%#ysV3Sk_1}S`2o?=HwM@?66mwzy1%@cjTyH2VB;6ABbf)0lZuf^}(;`EAE2>fI12}(-{+WJf?deuNCi#4))6b+b7;0u09V_ z8+OPx8q(3^O|;iNt|>F<(0Q`8*4`ujA?W=x@p@Yum#XQqOMazslP&%HzSRBk`?3f0 zY_IUR=0>CI`QocJqP_kdOm2NBpXfKIEwK%}`DDXP-~PK`Rd<_E^D6-ICfm?G1MiZo zd&%e~ZW&ALij@E)G9ahMijQkWlh>p=Q8;Nk0LXGQrt8KBrh^K{+9UXjO6!~Q%s&A zH}KQ^HlJ!Mlem@RQoj`sJ`cM~6eoiNcpo*~i@{|-Q4`wlV^`Vt5_`vAhjSmN3jDT2 zGT_humu#F`Em$!DJfp4-}CvfNgfzSYs zJ_4ZLjiv#{(OkjAd>z3+P!Rpd390+jPimkqx7nKs9V~lig9u=@6mwq zb+zu#FE?hyd4iEKY+0hffTE<92>5ZL|Dg-S#If8MpNw#ySyvXyE3*s&X6Io%g6QmJ zOVG~G`05#%!5FZ$V)`06;A8`F-y6w^DFY0b*k|9ra2*973|fkt#vlelr!BA_MAXix zQ%2>LB5(=l(|wF^VE_!GL4^VI@X`%qG}hcV~Jeat2z5D*4FkgwxX3G1g8+aw9?^2#&xpREaot6Y|iVr&tZ zU_zl7#LI{A&)FD6L!a;cvf8`}IcC6*-y)^;Z>j&oJhQ48cGWqfF_u@NV8661b^oz8 zWCP~Rv7OmZ%3!cLxY4L45XBN>A5?E55EO|D`h3m=*-lS~cKLgW(H?wV<4l0kHVjv? zlA|Go@x|;Y`@mBEav2JDykLJGKC?S@-~X4?{oPZdNAT>7hvSiUfiExkb7uT;9|ek0 zcu>Yy*GI*tW2}B;$X3aR0IWb$ziS^8+%1Df*DTYEd*t$SwOtRV?yeiGUC}s!E`icM zHwN%~%-SJ+I30XN8QHw#MgC@p{M^juwuRu`8V2*gqH?XF*F+tv(hX5%3XpI*XuC(&CojZc}3$_jxSqPENVCD7eT*RQUZj<`DYdwX}&v&96#Gi^H`tk@zN z-)&iYT+?^-82D#D-;?1wI#jW**)njV;q@WX1t&(f zXJ{9-^O$7ZcpGabWN;4Izqk}PjX|4o(@WSgaq9=K7j*PLBGi~(u6Jq#2h^@@8ppY! zH&%PFg-%|5BdeQ$Hwg$Hf(=J90om&db-bsuc%+T-Cwvth1L}j$ZV30Y@)De2-_$y@ zrNC*N2p_mvbn^RhR4)ro{BHrV4&(_FU8T<(gEKX<6@DZ+^`NbcfzAkO1ISz2$@l`X zZO96E3>nU36BA>dRrg_?|HG}R`|L{labx^<0&>>3FW>_}4=}k$1}fu&3@0#$&5P~3 zK;yGQa;Uba(ZS+^_)kvzs5RC$WctqivbSW1Rq1(0(e0UgQupZ}Yh3S_tkiW+jVIf- zEzvkmR^QmdhJYYHw5n`ja)2K}u2r3jq3cZhE(Ek0=NFk8<$5tVm6$AwdW$3a0{xDo zw^gta+z42)$B)0UORk@hy4~NGUE0aEzwu>5BS6l|h{+6o`7*qLt1@ETAVk32wNIEA#Q=f*kKoWn?2jN@Vr1pYy2qp>xjtKEH{LA$BnqZmwc~V^aZ3DusO%%HUX zW1E1zyQ6wA!mu5__y={JD}1TT`$d< zPNTiN?-8D_HH?jXktjUG=BoOM4@19dfrX0?Fl0stsK`DMdf(Z3)Gz}QUZRHkh zfDo9;N9p2JvA5$!8Q7m)Yy!Voh0SvFGe2gPFk)GHQK4&=qEj9-wkL9?ym=O9uP{dZ za)SzU$b7(6a0v{Xx1e6{yamOJKVPY^>h9=kLX{2uw+ar)!Cl=w^;??Y z_}(r-`1(&JbjJrlPn|h)G9W;Lso9yPtbrEyx@{8V%^+ALr8RYK>i5XxJ_59z?v0Xw z?%&Lamf*tTqhkIKEi(>9$ex~L8$;v-atU@|Ao{(vR5ls!^oiLl1OSXPMb1lK39;cf zit+ndb{P0U`L3NU_1?+hIgEHFEj$sF27$C=lMFJg5Zhg z#be&+gljLf1?-h|QgBE@yS7TWzs%^9=S&>1%#mz5oUNZ9NnLt}@d&|N3~7uQGIdc1 z0D_wgfZd4&1WIw!7%=hU+vu#HzOT;khXFu9Wwqe@8v8fjl0mW83{>`E^iCq>lv&^C zJBArqX*en@5jxXNee7vlM({p{Gr>}X_fXN-FJzSc^BWf6_qYx1@`{1;P)}4UUa^25 zJv*hg&ya%XcbVY;hkvM^4Q_53X*D@3HwIYAf><#rbx({*-7`98e?0IDUtqwM;^w>% z-bW##@MHEK2071|z+sD~tJIdSh+jXpIgB58aAt(jKaQo&T({wn8Iw-MR7#3oZt)-UW?^W4tz@Ts@7l)dGP{K+u@=LAtk=j$>=Dnv7hoQ&Iqr#=5DM?rX=EScbB6qD6m zJ}C8ja_4nyA^p{2xa!dH7U|xbekhsvpxUhd_tE!*2!uC)qlRFt@Nkvtebkve!lA)& zXWZE`iY!{*D+bsCMEL`qZF8m{p@-KeNFQu8yC!jb_9$`vPW8C!Tf0{WudY$O6{O!N@k&f{PT_{lgyZa+b(vSP3i zM}fc&6UFEi?5VgvaIA;&>HjB_@Z8mn2mM6GA!~6?d`51W(eL7IYP)px<15TrFSQxK zh1bF0i~eMuWg*JrbAo*rfL*FX)mKNY3Xb0UO>!UM58v)9v4`e07OUO170?kI;*;e(P&mup;>%Dy`! z9^=R7yLImcwezZ$HW@@FDJ!kMbFKL0&urp-o@5-Weh6yw6RVDTPKMT&nW=NcN|FUR)XEgFdvB4k*%7J z{!DuI-&6NuTMORAq!aA_j(MxcZ@rN>9ptyn1HwJV@A##HJ*m5Oi)`LjChv;0AKMZk zv^nZlj_})~iR~kfjYgZnO^q`-f?kU<_hRAWvb{EUx0MeBV6bx!$tQW_6+IhldyaN3 z4>}oq3D_>?kjCo%CANJ@T$Smw<-#%E^D;^A_+%S&afQ)qZ^_+0SBtiXTb~xsN!?2? zr0(h#8Ggy&h;se7Y$xameG8Dm=7SAD&UhCaj|o~J%o^X>+J^%s|z@ z#&{DR#}0XRSwh)S>58{B*85a0|4U$7hBbMk0en6JSM~7I2!L;b zXj%OTEhE!>#&crh6IX$CRomvvXWRLN^m`k7R=S@q{@oSjrVk&!Idwnzo7C?E9iM?? z^cvax{IBMmAb6;=w4IR`p^cZFjcfLP5lX*n0yL&48Ut1{FxJpa4D=T#+v2qgzExs6 z4x5w}r`|3I?W7FoAKu9N1wIg-H=hmMGKu6Tt8{;VW$OO=7cFaMw_k{R#Pd zi$fyNMc^EKF;VxRj%VbX9r!@HsK0Gz;RBE5#+P4}T>ip`lF!hxv-bN*Z)Z04Mzww7 zOJPz`{X8N1fBWgwZ4zC+`4_4CR*mRGygOIt3;P+Kr&UYeO%*fiqg2L{qhWHv znLOmk*b;19)hqQsRAkb=pnI%#TPcJLclH#tY-545pBRrm6BCsroDW2?izzN?W3O#l>R zD>?UtE3O%eXtCIQAns1O{XpBM^cHr*S(DaB7?K)cAc9wftSfDH2L84_gW zwkIUPNMjJZN$8Sl61-iudCh*w$JwBHK~j!B&mDmrIC zXm1oaMZv>)crU(-uwn@?hNE}JosCH}a0r&fVD@vu+1Y01ND%~wmIy#{j-sb6CN^#Q|@IB)Zl{0l?M1UvgfB+E=^+FlgTb4=C53&F_g4fRuCZ??5Lm$XbYyye4 z%ohF5+$y@10bbkI3}xynY*V>I%uv~@`wQTA`Vz{c9nnFE#wyqJlXrZ7bG9mgY)RS| zXJexf2X7cX7>xkNG)fDlj4_52z{CJXOf=$3anmS-Hby8KHr!Xav;ji_{`lMk(UD}! zqwm?zcX4i_kqNGG@R-13IX}kzIgW6wC*Xj7God!$nZrN;4@FD=peGb8!A$rr8WMmv zxb^P9s?`0F`1n?`Vko!FfbXGEf>8y*0*&?LJ2b`v%t2xTlD0t;w3EOmbd22aL5?Ou zaWCKq;DWa0jTTn-kuf1%a3rzdI^Se7bQpX1;@yriuE!d$A}&7`w|+Wy5p>i!e>Gn%1MYj0f1kP~b-OM#oO!;9JFta?n(N;b^SdF^_R~Cc~&Ft9zh-#s_B^Imj3?-hD))UDs(W z$JfVAW8iZZIUpAxjHfrQ^G56JN!nH4V5jB7@thzx?S%dVV9@)(Y?i zo)caDiR5PwbJ7@hXu|7gX90R>(g)<}Q)2IdSLl*Sk3F)VCXzihHqb0GI^ckM2r>*7 zp4mHe!F(N?+XN`vTd)F=i3j#a$C>LU8X(Zk-kZI3U8S)hfVofC-+oyEIaz4)GZ%lP8Z`m?lSu~3;T7J;-@i) zG{xivJnHoxeax9o#12O`Gl7p2%-9$0ti*z*hg=A}sSTsl-cKA(-S1Dc@;u)1MsMuT zeS2a7=d4cjG#ajH4_R>NR5H}CAK*iu2_5Q;?W=c9+Y+-kKCkb-A-GLG!?9+Tn1Ef) zc0!BA$NaYj`@Iw&O@Y@wCtqol(U0GLOm$WY=Od91=xN@gJ@h;DjUea9wQhkU#X()c<&S@HFA`3JVT_Pvl6H&Dg*H z!&!eQJL>&dKVyggR-^No;^qFgs;vHIzu^P(@04Du^G>~Ut@yLMbh_VGNV@Zyld@eZ zQ~%RRvcWsFv|IdW-5-Z!= z$cc>^KgcD(k6xo3=wonK(PpKM4Lb0Mc;H`q7_ZSDFZYv7pE%E6|2M$2#B@J83H=@? zowI%n@6k8pi}$?}(-F`ec;dS_!RZ6$iIu_o;Dz#^NNl^gIf?m<;1A#GT4&pvp^KQ9 zB*wuc;Fi($(?)C}Y+G;^%cTysL%LeW$CpaR%U7BCbK$*1-56x?Mj$l?MftYi%%)kN zv!7?zIHQ@1(W&pOP2DeVN!_o$F5NW2%D_)!l`}NKs*5UJkJq!kccpIC4E14fn50wx zSb0G?#C=A|j^roITyH6)?g8RDdt|%yx77gf#H4OEvE(z-Pp9s{$93;F(qUWm{eJP{ zwbnOQs!>i?`32jbP2DpyOh0h%l5)eZpM*~=kV<>Jz3(or|Gy2axKZ}b7@JgOtg(r( zy|G6Yi(jUT59diAt|~LWVU_qaXLLl+yGOa*g+ z>6^8(8%FdpyJEtFsXMbFB(Px*>f4P^*scW74>k|JH39im%cQekN!=skQg>MQM&+%& z=vflg7;oZgdo)(lM2j`@d)P0Y7?IZ#&g8)m^>5YXCX0v}mExu`Ku-JZi$mWTqaLE! zr6*;(O*R{wn54H2sFS1WXUn(sdiI9=!F%NwvtKsld0UzG@m$9-H^36ie)8MU(}h=Rxj2U`ctekyijhp5%gLU_GP-yvRw8l>R+X{h^Yonld+&W zHs|ecu&=AlwOhs9d#qjlhdj=*5T+-#M3C(Y2%31}gwVw6rSJVrbyd{ipdMZ> z04?88T`vZO6QD?-ITJ`28W@!XnF-E&BcFRN?8z&Dp)ZqRP^I!}k688!LK;S8Rt!dl z!Mw31y!mYI!0fwA*hoRl3QFrRm* zlQ4@G@4<{5!JFE$UDtl!*9;EM2Q0!ePwMPt|p@xnPcq7LW_ zU~DlMFs^wA zs1wBo{^EChgF!YkXEZrR4&ONO-ZUxYsd?k+DKlhHEwDWqe^e#MxnSS=395+K#GC{I zKQX|;(roq!^UK2%<2xLdk$H1`xdvYgbbZb6)Xg7f8LZ4Qv&w;qDIDtKx2Eo`JtjYV zc0%58Id5G3{x%AY;FocNUU2Bhm|HBEB1h!Z2%B^(%8Bqj?Pa+$ne*@~&OOU_8_F_| zP6O}lmE$p4@@(~B3&s*y^)v?^eRg?W8h%98BAX3=F9+v*4VCwefvt=+87Yv#?guU`up=TE4RDOx4$RD^l%7Dl!Xkh zY#H=Z#}{NYefy_oym=mSW(0w6aO(S?7=Oe-Bten5y+Cw6;3W*E36cd9J6OOFdS*FW z{0_(6XYAxGTYs`(gvRt<;pnBIsoN>TXFPI6IAX#FLke1^f8MwN7=utR(3AjNgl>Ip zGI)b{bVx6iTcz>Rb%kVlP6l6VK_9iDV<+h}g5Em6P3?R59vPiKOx-8P*?#{761;;2 zz5-47I^r<^d<6bzCp^fw(|*2#e?F!0{&v6AZ)N5AG%;Q}hqePP5-4JVX{B(rT!!Fe z!Nfk2zXMdB=+F_!m!9n~*j6R+Q_2py=0}TUe796RWO+9qVb3lfd~RFM2Xoh@?$bvt zQ=M_9Ptf}i$-5h$62JGc_Zo6applL9)z+oP&siL`RsYYtpSo9v+c^3R3;L_`1xw^y zeb#~v@qM1N|MARfGwv(Zr-KixU7|VY8JlRQ`a5^Cc(1huB-oR6vuvED1mL>03 zQ-m_Jw8S;-fL{INXJSs=IJIG(?44ax>-VoQV5M9PT*W|l)MrHlIy{Rj9dH_o4nhXJ zo{RJlzD2IZ<>t^u%(9L8Kkkh@L$=^cay}2tv_A8UU;y-p?gQv^HiM2y*{$Jz#8DhK zwqJN?aq55GS$vj#ujKk1nR5Xkfn%}S{|o85C*+7vIc{8>|qGPXC-xf79 zy72o@=1j(*+X%{@QCqJTZ7vkgjLBKhj4~n~>3e_i{=74?$!?M^ZEceXWaN|F0KNJj zS*jkKelqUM1O&aY$JmNwB>cF*CeGN(Z;;xvx`nMmT9*WSTK7mg!9J%v5JK7JYl#+0!erZMg#UDK_*$tMC=v(=UZ_sb!cLw}%|C8!`v zB2D>8b-jC5^6rgErjw@UEi;SEUnXb0Jy~HBK%2J2;C=hj39S(uqW$! zd70TM^E=A^ZEuqq(BQaMwnBhOI`rRm>7;ABo2}pjAvv35LLW1MOxvV$LLRS4*s#Z z2-a~A9RUsEQ?VzlA5)zl(7l^p5X~P--P2=J_wF#^M>=WZ-=*%pm9`zBw->-|&VnY7 z7E<@Y4^nqzb6t5pfaZ+Gv1_q?!0~d)rFmD1?t2@3wi3;=e|J~)nIAkeaS4!|byV*@ zzh2*IjM#QguQ2&X@HHmmL^@~k7r8;;l7M)$JF)K>bL{50S`j@)h9k*4 zFFv2Td%k71J-P=uTJxIP^S-T?psr`Xl)7zatsYjkcs`DGhx$Ea&wtkt%4VGDBQ)*p zhYZj!d^P%v?C=xV;X5DHPK*X((7TxYk~4ksdExkHABwh)TYxcU$ojp1)o+57lp6!) ze0xp;jSE{cB&L%X18g~h&8laz~nNI&6y#>Hpgx*)4F z@1GA|Uu{3l-1{@hN9mRmqem&CUT=aisyPkG9M* z{_DC>JUT_Pf1cXbCeUGck8_d?YQ;;}Jz|qiBwex{EL$k`Z64kWeeWQg->&zbnrD+= z$jyhHO%V7kEs$kN0B7SE&$D*g?-G``G1><=@D;u+bVa||zNkmF_^+ek26@Bo1IX>J zSD0)iMuxorKr?LPae8a&<{Xe5=3Wwjchx_BK1sjE%Jx|HrsVuk^SQ1UPVSW7Hmj4> zk9>Y@Rq7reYkax0R%6i7+RUWfKVT8Uti7G|ObM_h0g6lVUg07q63oUdkqVpu_Mjk6kaC z`E#{lOt4GKjNaK@;Q`UkHrZrTg^M-#ETO#U|3zFjbnWW{&$)B`#%Om#OI}WJ4_su* ziSZ@I&)e?tUbxQ@*@`diV@#RnrTF;>BGkLlH1PWf$);2gqD1HoAIr&{Bz`Ay_%*@(ybI>40X1M)~KLRQcGR7_p zI7*J`Fd4hE4}_)h%`6ZySj=DhkEz@D1+}Y_33p}`zf&dS?4L!vRmQL|Npu2%D9{1F zG(Qkz4Ax=9Opybyx7>_CG6XIro1+zqMha)Z(-I7FSZls4h7Xx&UWrhjGsBAZkg4sr zS}C(2rbVuwp?o0e$T{AxkU)y7VFE^f5!JLhi92@DSjG*C2HTG&JvnZctgm5 zAtRv7vNHI=Q%3>I1Y!Eo6Qo%06>T;%#~U0#GdR@XmRUxY{&2sLvt@@~@I_!8vh{~? zsrNk4h7T@LMkpUZfI~ZsPZUHkv)yO%C-x43MP@*G2fF2mVeXG=Bbn*UEE6cfIEmR7 zO@ZDorS9Y{QdrK$80DEY&|*7%rZrtsGn@#8-l#>N{we3n(*1|Iu;~Lr#-A=g^jQ0JH5L_iu+0ELJrPpXM3d1OU!AE z^i7}08rb<8Yib>Ou7z<xxjGH&C2GDQ+5r!`G(n85wxZjmOe+XE=e5vRfwr{-@4* z_N<(a2mXhQ(ou%P0pi_9DlNbpm&5zXl`wPBQdA>{ZceujF(bG_w$?OdT*Tt7})W0<| zq>nTmJvuuEZ8@%4B>gS@f8#ErNx%PXrj3mO zeW86>Cp1oaHwDmT|EV8RNjeQJ4E~lAyoBcTsi$l;Pdo+(g)*@qAxnd2N~L5`sW;MoO;3o6gFf?5zDbMSC|&H*K`lJjg+k zE?7cbBiYfn!rDRLh-|H;x_??cyx_7>U%(v!$UU;No?Mpte-|)Oh}>Ztxuw<8k!>vK z*;4v1*TMqam+D?u>Bb3?6C+xfeB?)!otxV>B{h1#R>zULZmuH}(*%9V2Jc*MW6f5A z*cu%9DKE(p1YG{Bi}3qLse5pDef%^A(CT1~Z~u?0U9tfRN5e#=`f-EWckg#ocR+Gx z`(?o%Va%d@3A{UCiN^F_h2L_sf!Xi4IqfbteuXd5mzx)BOx}_{>t#->4~9qDi}V+c zo;HB8pbtyvv-nNUf_(&beI{zo=$0*>w#^V8=ZO~N1F-)oZ5<&RJbYGiaDdT)U*_BZ zUd{*DL$OWp8Z-hO4c#P~d0#YfTJ+V<5>)*1?wrYgcm%qFKYWlqXL=aAfezr6aXNoR z@E>~ryKl%xJ8Quvd>{NGulw^B#6w;Y+@kvtN85Jpew`7tsS# zY{EF=kuktlrOff7%YL$%st>E&c4pg>jW}ei`g2d}?ipplB?5U~wz#GPavD3J;LL8$ z>OAZi>`Sj3Yd25Sa~=6%Bmo>I%Si^9A)P$; zxzwF_)b?)n$pX$YL$QakIp#Q%5v+7xvO(?WWq}x0=629Mwld+LK|REi1>v=)WX+Lg z_ER|~p;qeswKu2kt|7Kv!9dk{St|<|f9|E!y}rZbC#y3^_V5!Bp&b{5435Cx+4h!% zFi7oKxkq$`zUFz(WD<6Gw5QG~BQZN{xpe%7ZmD}*-+l2t;jJ_ffH)(t(ZVGrPx5UL#+?)@F4H6v<3acB+ zOiz(0;D3^?^K)WVjD6nZOKoBkz?1t({x!D=THa-KJ}b=kYAkAm+mSEI=bvEsqWl=N z_WVbA;XK+J@qRH57N8gt<2(uU6~@HVSGe!TNas(vKbZp|q^48RW+$$ZwNi9oJEct)&^yWOK7Obu*N@zMCZFHSW_= za5%UOTyry2P=xF|bykE&}2i1WS|R7N|S;UmLlkM19vs`_;FGp8ym5-AKZO2=J#|8#2;#I!F4E=vU)ZAP&b z8o*6sFnFPu{bQ-CRGW8*Q1AJqm^{pm;fx~KS++)2Hi0XgVSqp`xO?I$89{$7V{xPH zMF&G7STH)7;YV0u;3Awb7Gj1~bXp^$d4{CEyeU!MFEVa;-@m78vZFDI!H35KWoF(h zI>?!Gww?jMS>Y1P=Ua@LiwSm5SG^A(NZnNuh`V=~v2dwq!*6d=Ze?|8W)A4*rC6W* zhJ-H;A$@dpSqBJZvc53_m<6Bh%$OtSb&ik-0;S${7M#&UF)-(BEc`Js0fb^gC~*YG zKIk3JQ3PHYBxXRxOk4uKWaxt@6fs62$_r<)xTQxE;JM|gyQzyA>3;vr#Ar5a)Wr7s zOmePiAAQSNyZ6b!IQ^=G{3Lr92ZWkY@5G-W!>4x4?sxmGX4mE{H#s@;4EQq))mVLb@>wKxkce!|GK$SVq1H0HH59iQ1 z%9e57E4WJr+f%}zzhak%toVMj4eT|*uU#nieDd- zfi}moh-T-`4e}Nt;PXbE-`82+CDxak#0-4uM*ck@XX2TCAy5R5#j6_*qRaTIcFEZrzoIryF`D+cp)ByD>sLfW>6cRX zs*G~>6wg7e@_vA|Ft)jLs+RH38sBxMYnEE>I0^xVvBnod>Xf9d_TGUx}$iNA83 z*%)Nb!gm*Pn!KZxoGZ7BpGd{9fUK29aYvAS)i@zaRIC?*8K2sr%CBERa!(i_#!9 z@{J(#GlHL~ynm7d_3|u}_5Rz$9K@}XZ!13#f9$v5Q@w!A1>gxehqIs&Y{gaP~#sCR!?;m5Y5bOYK;EwdDH}TMfZPHCdNTl=&ZF>w3A`vwmXgms<~1-;c?r<)18m z>3H7SKUuPG$+gmlr^NdUQvb6mp6`&JJoT^Q$(xPm`B81s((0J3Iww7?eu~DHGsbOg z;>G`TQc#UO+00~`x1Y;R=CbVoE2L;!Su?ZK$qJ+G$Yy9^iOSp5!GhwY_-PEVQKkvD zi2o<;l)W|3>@vzdsIj?K^5Uv7mTB(onLt-Sw86SaUVQ6O`zH|h&@0#&1dQl^Ts?#> zM^GL+JnG4!tPAD(@99t8X~b%JMF z+P<`&mm0vyg}^7MggUXw`6tdIm9<|w;ZDiP-FeI09;TyTvaN5X3XeN`S)JgA?-?^} zp=E*_y4!YhOqLJ~pV!KggVqhPNfmH~pRqb;D=lY;ekO_L#*~@Qaao1^-1_u<$=Wm0 zSM4ld%g^Ec-rqUXot}PO2zJwl#E#fN$jIfQ$8qvoy1gzMESN5tB$}Kg`)t|EDtoBW zK6s8v15JV96U2AbmhsODjDoZA^7V&z2(0={@0^VbvV;i(Y((e)Jx3d%A%5(}ggbT@ zLGK3-r|uI>q}`Ib`*qC^+hZ^up5G++(|OW=dhZtT4*wy-#>TH;<;wEWwklzed_8{V zj6X*Jh7}jAs31XSW!`KOlEUWboy8iXPCE7%Jq^>bO7~mo*jCW4xh3iRKy|**-|Q<^ zo%zJ5i@;kJKTHJda)vu5rw6~GzI6-FbHUC8@+RNWhl~+6BNG5`t6k51Pq>kt@PO#& znSV>&nTe)f*j|OC27J?PT~qhT9}4fQ4CgZgy;3%^9p3b|db#m9`kn2w$bz57ecG&N z2PKn#KFIV&JzmS=AdGjtzB|)B_`Hl^>9fWFI>HBD;A}M=8UJxhxEKHhH`Gag=rc$9 zvP{5A@y=6)GwG^PvQ>AtH5!Ab!6$aZU6Qk}O|6)!WsMx9gtW=z1|jVBJ`8} zcei|?ugaHLdzzM*^zK>7%&Xs)T`0R^w(Qd$s(ZWa=EHaEy2|W__+54als4QyHg&%z8vft| z$+}inZ?wINfo{g!h4T!Q_Wid7Ci~}#$LGq2oxfW2k34WTKKO`CPBN*=cn~vS%ty;k z>DSk66jpG?AZkoLKn5baV=@`#@Q)Q%S}v3iHKN?)HIw1U6ei0VXI5AbDl`4b3L5+% ze(HXw`29NB9E00hxub>ShrTGCFI#D(o-f8`qCYv~6DCR7Gkb{MpOCXj|2TmN9W2-N z$CyCwX?SIO6ZQr##Z6-{sUW-SHI4HcOL}6$9z7akT`>k#j6-p)_OL5}PXKXNFEZN8 zqMWT7XNL%M@mS$^w&-egg-whUgVU51j>tsn!PfQk8S0C+v9CMRj$&KF^LUKF_t+M{ zk#DiL+S(X{_R!m<@-uE0ogTf^+RiHYIKHL$`3NG^yU{eb6oRfWL$;5YqqUgwE)B$! z8kk83MAXwo+^tPv@sqE-p7Rs1TPMkh{;CvLtr@Fro0|c!?PIC?lbdZ;i2(R~mHC0r zzq&PbHyupUWOt^DS`v{0(Z29&i=J@xQ z!PyJEISa7BK93uk@fv4kmO8i`<6qu+PMhK$LQ%;SgWkD1gB_(x=5LYVLw(*D4sbDlu*bMqCS|uy zbhTrM8HfmEgw^F07697D_^OVR&YV%&jPt!v__%IP>i3(bjclER!ke12A9wgA*og_7 z(t3-6qx6_LkIFA9z!;PuSW6(5z#)bYhITgS?SsS4X6?ZjGo*ewCS$GZ;q6oR`)gD8 zsDxc1XTg>kVH}zQWERJBKiisE8?p*IwwL?RCGCxhGU9{w;b=l%ICmIOQ83d7Xeb(8 z7=<{2WMY%a@ej4O{mo}_cAPode2ao%mUzWY8p~hF5Zi9SA11GO4juW)fV?R!+7p9Z z)HkeBMxB)H9b0Xz*)n9N9J$HsRHkVED{`hExJ`2566@jD&zIl<__oR$ZweuEdjwQxHLox%$A7_bkX2bcB533INhVsZzK2AWm zf9O-V&%_bVYg~56%r^LEJaJ~?GC1TM69VsDow{#nOkUU^(ABEY8|bpBR%%B$Fq| zAsf@faLCVCCI}zH+nDiBAD|KBI8GIS5e@w_`88Dz_RZ65pEl&D->O4Uo3jiF+T^op za%Nc2egX-!ook=Ho->-nkzudPu{%`%sJi+~anl&g61}nl=@L0_R}4sfu)ABej4By? z``bxJZjht$3-v{Y<@h6JD7KbERA_6NUt1rRqdDJxSQM9}`Z3FlqaRzzI95>kAGbtc zLIKb@x(~WJ>nsZhdS)W$*U~jl?UL-QG+FNV!V5IUwg(>w=Z^|T$XG5b=zec~tG*;7 zRIVH}SEK7G!r=tb?qKnyoZ*>gCX*8ZlzO!a-(df{BSzfBIw zOL7dRbutG#I^+$}F5?4?Rr~Lge3;d~&WXc`oFa$3y4rL;Jc?b@f4XGKGZru;kPdzx z5ze=WhI+O$C$*Q_KjHz=R|m_O8Y3Q^a8>Fy?6ir#D&ge0kEiYre_!+`=WU#H)$4zp zx_`OD9AU;O2Ixy6>i}kfF)C)3H33-uO^|u2=xxZS)xWE40?9i9j4AvM--q$_I-T*( z*In}*TYxM)c%~SDhW7X_&>V(7@+Rtima+N_cAhgnfmZ1oygE)YddD|K$KMO(HPA1{ zwDcbK7;PBg>f{CE&V3yFM^)})*QD;qq%g7I0*^Kku93abN-`-g{afDF?v2pcp1j=x z71))~3T>zrjB8<;m;NVEl1u!AorDasIPcTF_vE~9k=$K>h3U|f;{WSv&GrC?*dbH& z?hMiM(xc+BCFUgZLqLAY`uwL-_r`)SPB`MNLO=1HqMu&v8X=J|=~Fm8VGy#X9G1laQM0XUiNOrGLIqRUwA zKwV5I5m+RfEUSB<7mfrX+1g@>-e;l)2Y!KM%AUtl_iPuNaQ9i@nKqJvU2JnKH(WC& z?5TZ7V|0CcvyFY9GVej-ezgvOF5_8Zv`pX$8Y1JcI?`tn-cKx`w2pIUywng4pAXPC zKH(y7K?NM@nw+nEZ+lD6OstK_K%bExafO_Ko@jpn z`a{s2%sq7R+J33uda!qMv&p%~KD{fX3;cG5iOIB5yqpiV{Jm_vZMKz)571}v-oSYb zAk5djH>G3Oj2G`z*b2ij@+*2BG&_3=lQ9pXvSnV`X~CW0!p$d2(LU+tM#`K9=23@UThcKSjfYG%&Hlm8=3=ou#O8AF$`X+rtf zQLK!elGt9(WIj%j9-mfYcK9L5%VEuo=J2)2Bt_O$i%us$n!2l(*kr<%<`z6=l85cX zswAuCNH-0~HfbIpZ#tdWL3K-`>)Ss_-G>_YC$U|Uz-!qyau1s1UI26g{l&IMUeA=B zGUTM%Joeo8&If!yPJNgmdc7IBotS;#>(AL35V)gHY-P1hbTL?cWlII(6Z~hZR<_QL zRpMKf@s7&+iL3iZ4*_^=EC72Kf2Wc<)z49P2woOm?@s;ym1=ZObA9E-MM_@2ONLv|DILks9?cx7An`tO_%ptG3BRg}$1uqOik zkhjGZ<=CsbzgYE5ZExrQFMIDDW@mBb`PY5#?N$IG1VRCj)ZNNC=hVtMqJ)Hmat;U~ zL+hwNfxtCP{-^F)s5st2qy)|DlZ+r*m4Rq*j@)LGNosp7m z%JGYM4v*g@x%5zXZ+8kTCO^3{AX({0H;1?XENm7Wo}e}ymz}@S<63EXNoI=8P(61s zn@F@YZO};@5r4>*P@`=X_^C`#l$zvbHi_+{G`VM)3uEKuh z+yb=0gZ#w8Y(P-Q!4sR}rX{#k_&DAupQybD?HRnsmPz(&CD<&0lJ_UF*=Amp+`lQ? z5=94S7ug6869+*~Bg4UA%8)nQ7Tq>xFl>M3u?>rb#eOhat2~d8`pN26@!aBzHSWj% zS~l$Ve^Q^2R8%-wcYNRj(><|+x`ONS{vN-F7NE(ERzh260&|`@>Uxzr=;v}gcU~>! zCI@|SU1V0h!>AF;d#gI+9o;+L#-~}fZ|{cq)lbObKH_rNMjT%3CI+9gu!RXn4T+V z@Ou&@Ki0iF_1>X^X91&>On8I{h3GU^ykY7WrgD5c=N;vJ&mXia~ncOosAB8*@LT5x<4h@$Us_)u2-%Yxk;3tsn|MT@sd zsjtp_AO**6hMe2)zAt0=w|RKB!JUlJYSR$#$A4P`@!g(M_!ChAAqv#+aj-x_!L#LX zmQA2WFo8|KW=^LVb%|FH-WbD`ff~-CHv;wy!pst%ju#!Q9vPj)*ylK14D_s2f1E3-wjxB{GgoSZO^$f#!w`~VO`0yzM9~s z1;AiL)}&b-Df>QU?Sd;DqCuHwd!_95avABG`UfBBW(LO<=lkFT0dj(*w59qxb66^P z13u>-Yj&|qH1D9uP|on0@l(MKp*u5Q*OWS1=D4m=pvVSB=P8T#*>rYKC&}LVQlMu! zE_s)B*kD=a!6}rw1tL=YJ_T$Y%vuk~|KpN8yzwWhXP4YEbxv>Na)CM%V8Ot6VS66F zeN1vf2G+{4PB#P{aTeGN?P~Smt&+k0&vT=GQpp|3ZjwC%?v>o{=H;YW6ByG*H#$xc zY*)E=3>VHjxWkFuULl@eeWUnorsK-8stWFqvkA#l_2RV^a-Ms7#!WpkCUbgD06!q_ z2!FY%RDe)8AzdZuz8IBE5~QPjJh)<(@yIrL$N`!o54A??>)iS4@l2_ zQG6ubI9B-Vc$UlBbr(x!|Ia*pbxt(?p$Cpx1oT7H$z*^UsQrb?YvDN)eUiCKCfSg- z9-y13vR+ad9|o6O&>PuC1oBMp)OvQudg=M1a2D!xUpOm}mC-x5?CwnbUYL?wushSS z!#L?9IeVK2OD3wV*9mWz3{(3BYjl6?kf!))362T}muwSl#Ba!Q!N|l|rk~3hzEzM0 zs9BTt{X7q!J(`D^bM>9%6U%w6yhHS>a_>|-etErUNVsj-q&f@t>!RGj5Xb0UqP|-w zN1?ZHRwu`3(FW1O>CSruz`@&1kNI*$)Q4r>w!EyP%4S2sH?NbObl5Xm;Ng}6JsADa zRsYl6Hi6D5pZAB*&&_<(9I&hqgT2$#_MsojmQmg2#rBxNoQ(ovgC|}b4Ia3mPgsHrSwtX< zjiGR~2r#om-zw3_i^9R3YsE7cdSXU>JI^FNpmWwE1y6PQjtzOqcxJtB2J+C8l*!=! zWr79ZRJ>Xu*sX6S^~uA%l07>lE0&4}*Nzr#O6Ojz=Z*Tuf-^j5uvOO!L<3}R6X<5} zgLS{j(%q+WwhZyv3G^}cDfW=fFw6Y^+^fb z^Q1GAeL57})Oetqb~1pzXQ$dBzJ2|2PY%EqNRFe?Zqey9*`@qHEqOvF?KXXL_^Lb{ z`Mz{~z1z~Zmrds1Slf%P*XIYj3{SAV$VrAIbNbb#C`y6EJv@mQ?$SHY!n;<3-lFF4Z&Wv*W-9dc!E zOVtpN{outsyn4Rl&ZdwTV&Bu&ST?krW_1C`c`|5U5!_!d`3#R1JXnH`A|n&LFz`Zl zZLWXk@8#idPI%H1n^sN{OjjS(>&UDOY$rC6B?#5nAiXCZ$p1?oez++9Q)Ss~(bV2n zfX(zQc)*icILK#c3HysafuE?i4Gt8XF48r0j(@`cQlOIO*xSioBolX$+OWUm1A?|z zcW@gIeBtvPR6Cyif_SE_+rw*~lrGGD#uo!&3=m>J_LLowN#3!MAp!Oa9#UUj=`&J{ zcPsj%63*!4u?6ad-^D+n5e9IUO3ux_Svq}9)9+dWWc*0==V<9X)*Qa@Ot&@CbMy^xA~zNcxA56SI(7A zP@9i5=C+YAHazVq+YANwo1neT{Zxl<2_DQXD?G_XlW&!HDpY(Qp*fo=0e&`SL? zzyBnEb{9Qt`|t9z$M|*HC^rQdE8`;cCA?7%8ppaMzm#+8ZMaS65h(kU@Yot)*2!JM z^G%aPtLHfG(Z$TpK|Vt(OD4!adQNS;*k!A=A>tw7lDdNL)V37#h7aI>e9)<~5oU^4 zFA%Toepfi!>@t9*9H+Ye!G~64V5tH?R_y9OP|!~ zoQ*4Os%P*u+jgnbW{B~I>Rx?~D_@LUmZzXxg3}m&eS)vwdqm1{n}}drM>q7$s4cl7 z#PBkKR&ry@G7C!{l!1|!hv+PdK)R}qWA4twBa=PgXa*kt4eo4EKbQ$45GG9qfEfds zJ3Q66X$jU0asxIwlNg>Ds4ytT5Xutal7gcAi(tk)8D4YNde#nEH!vQCIh)VWUV`16 zZyzN?^b$EeGKQF@3e)l~!AA==!BE8t2Bdslza}QVDKcA9P~Z*cmh!i&4l6H}6MuVd z>#JK(Sbbs2C*si*YK;dTo_<~R_)A~I-7_%O#MP{L-fe zVpPo>pNGjZRC{mL@!33VXy>@>RpUYp`Z+OH^tHmB9|k}OM7$+q>)0QtZaqAh)|h!e z8_uht;0mzPu&soo43omcaK(VxsXFdgU+fy?YXGCDFc9fmlsHB|O7*&_dHA*rUN#wG zkY<7IUnc?l&aHX4W~l$8Upwau!*?@vXbv#!HpwxW`;vHVh8yjcr5fvyfI1UY`Ktc0 zl0FTtFzF+X^pnv#->wP$)>A<2>1tEd_V5 za5y)r{p;%dob}f!+h!^h++b{o|AVgJom<*^rcxTTL2=@!HK}6@uK_&!2+G1UF&?nppRwhs}5up^8QxU^`EcE!_VLKWg#Z67Jct<2Ya;mdz+k^ zKl+zE{No-OCggPJ?83tQrWNnZ`^{@=i_Xp?Uh5l-XjKPwO_KxDe zm68u{%+&o5NAe4i-{1|^DMR0iUTgHOZD1!L*v&e>naU}s+>C5h>CUqSV+1ALXM;}m zLBJtr>TS{mmJyYNiPHGTeJf z4wqzLX5#6dLxg`FPt&o7fQ_!J@zWBd3~P83TBhANqtGs zWjdeggK)-Yx<^KBS+^9tp0tAiNwYFE-G`p_{^f`A@Y!qf@Jw(SVuNMPeA5!JoDuwq zO)y`yx=l6@8~j?vb;0qH0^KRFZO59Ez%}*+Q^+3@t=##z^wd4l^P-7il*2nwK6NYl zY^*y&oWW6aKH`7i@tAP@+rP=fpI+t89P|Zmeqzw3nP=9|+|R0>$MXql>+>=I3FRcz2GTv0NPi8QaiZ@7D|1q-$P{XHOzu82rXA?4u)_whz{S8K`P| zx(}?~FgFi>_<`(U)ob=**~EXGhp)&^I;Q`!G3AkUI)776*eusU?b^9KumlTmq5sVi zY`jIZvDHJ&>@P#v=yGTZ-2y$(N49wz?aAD}H2DJEQJ)I1Wdn4y zV0F<4Z7)$hua`Y_-2~5WBm+G;iAheCA@epO$1H$Ra{Vwzyt)2W$<9GOK%SO8G>G+{ zFFAH>zh~g5%^=b9W*Yk8>TM8lj}FIfWK&a;5qM^He9`fD zm9D>{dJm7^reHr=^Vm$3O%@$`_`%?`1aC9I%hGwX&hQMudqm?0GY__cry&>l#(+m- zyYW-d-N>-*Ps`qT)Cb|%GlF_COOgbDw66^Hu51fH5)$;xU@2LG=u-4Bj=Ir6a5>Zj zH=hK}^u@>eD4oZn(TcuXB!2wXv^;!C=lcpi5OPiMflS(%WHUTXppqay*?I)$`Q9=p zQ@OEh=ubt9l4n;+-#noEdmHlbgK05&LwG6spQ&9sE|X9A=%0(;2YWv<^XKB=0}edL zZzK!-NW5+h*g&R^W26ICsNC7LjPjJ2lJnlj6oZbd)TYI0}ik? zRux>9!9&m??SHpSmB(JlPH!Le5mz4_la^A^z0}`SLS*d6JI>IYSKo#WwJM zvX784UG)B*cJ7N+%CE|@!6S7CmjkCaeWxYBP9|Ps=155lrgQO=X|3-dDqj+?t zWaMXZTb7tXR|a)S-WV)VE|^Q7BHPx4qH^oq}0jhmJL{m!ym@Z0&)Y2&x3?h~SJN&N{xPqiKcx?ooxu9Xe? z^58goz2+pn;m=yKqT0UZ2ddv(=PhIoG{}1VosnhGQKVDs@^__2ACg?VaBlP$5*?-f zC^}g3R3+{5j53R!)W{&a-7C2)_^HZ$yOWn?gFdP4C7032W&EMBJ=N}0;Lrc}pvjHa z0gf+$ZU}&^K7!q34tykquY!12hjquyQHDS`wsqw_LdxRGqj~uC{5-ry zN8=!<3>@o*8DjWh?p!g#4KWhzVM-7qY`C(w=7U z(;VFYuoESM07H+_A&3>D#g^A7x-m3d3cH&e@kt##c(Zeq+Wl9#ZH|NTKp>NaK;}Ey zIb<`F354(g^D2vORzw4G-sjxM^OEi*dDf(xaD!`1)>_)&d-_;MKb!U1Y9oB{~imT-NpY2cweIPHN1be2e`?kI#Fk_;NK{33?hv2jc0gJXz_9J>pL-Pzi_hcAA{I7GjM7mt#Qu(<9*)2VYjs& z3x3Z=pMlJmqj~&K?|_&It|)|AqdV)UO4& z|0>}v7d{R+PmC767wX>FABopCyCK3f{Zvm2(5LTXo6z&>lR1 zQ9!$>0|qcgG6OUOcc;mCn$Eylq}OWvv;^=QvW3|@7!$~z34*IPNrqo5x!T!jEy*Hi zfPnHndUm&mhLpY=0be?DhXOij9wnRy-8*O&3Z!E~&F~XUCB-nk9U}U^s zI{oCg@Vu=DD!@o&88XXom8=Lj4XS4*8YIYFIL{#iWSC`YOC}?dfOkm-Y`ZC{r;er3 zxoue4E(W{X>m4?vAgZ?rw)kAc;jWBsrN z;I(q_I@LYC|1sHG0lbe>fleT}RCea$yA9IwuYO-P!x*QJ@t=b8N|@8z2R=skk}eQU zcUD=A;>p#5P1mcmHkxJ&O#-tCl3+K+tH z^Fg)lj1$lzn{lXMgr2b>E&&q~2bReR9CD*Omi&W3taHT6!-W4eIv$aXWHYUa;>D%n zsY&9G2Hm?<@1NKshyQDNcy_KYhlT85TJoI@(j^0On?c!I{kc;#Jae+!fCMEi$X#@q zXG>3=0^arocZhM)Q#M!mdC_$iHYI^S20zM<9gt`dTH$`t>5gD4_BZRj5(Kb}>!R}< zi7ghqNaes=JlFY|MW@$vO)%2-{>VIAH2uc_S*ho9q*D(6G!Jh~b$`H|o4p-znO;`Vrp;z_PLg zu#ezZ@X4_;wKH>_#~}Qx>hmvrFArZG?aP6%b}Q4%-;_+xNBVLvyifbh$=3BE$-2in zJ1@+Ue!o?;wV3yc?lT#!6yy69?MZY%Foh*yjK&Jl4=A{8YT47(xM=}QMpgDjB~>t~JwBY9^pJTl(;9K-8x(}oqekNPvrn5Yt&2#<_u1R9C#0TzEzoPqz zw~JRFlU=j$u=@u1pahM}1;vyX1Z^e9ZvGIkZ*ZpC`V)u!j%! z!q0OG9=JiaRpX~6DBGSo@2~o;8SG1^5PYRCY{0SL$teVA$>vP`Lz^uTCibVbx9IeQ z9Z%nml58CGUCGT29_)hlm_bD16oXGJKgqwbn{JA76a3@TGkDxy{K-t8RidxuL)^E2 zT6q7~4@H;v=iy)eH4mR78Kvm@$pWU-v*1C(>t%y%ndrf1eC>6TxrZN<-*-l|feUWi zpNf5(k{Hl43?k7t@ZWQi<=g&Jc34}tH$L_qI0`(w#T#O48qK?fxR`8iE@^}6=55F7b z>+>_X$M?jc&KXbli3CYFNiXQNT{DEAjiuRkXq_}tI(u&2AX$Clj7oNlZxv?-n=OOZJQ zpP@V3Yb&-F{|Pz+n2FO+beYV6$`tX_5Xtq)f2h8z%fpNEzb<}C^eFy;*P!34WLF&g zx7?O*oGw3R^(v2_KpQqAOwdbms(-r}ucB`XuKVeCD{kY`giyd6PL#Nmj%%-xkgX=jG6PR@mPrXp|EO(Pni7tyC>}RmR>|pKz)TQKg z;~jk06CwIE)Rp@smpdbz|FoH!!9jh;%$gTII7pvjHa0aIhyCEb=V z5wMxYl{#K81-ebjX8l+(NjuMAVfm7dVwT<_#A$lYvI=w5L3hfqeB{saaD2V533n!= zM=E>B1PP`;kkUHpnL($w_h2@LIHTVLW7nSJ8G_?a^Pm!0+bE6C>HT?;NHA1vY63)6 z<4iWWC~y?q@cHD{OU;7Y|k2J-lROr8Qd^C zpnK=*-fwPKzs<>~B^m!)K{Jj0#pU-i#z-B#ZHRHdHirV98!4s6O6NsddRJ2C^G zRh_On?oMu9$^SKbj`(7x42ThW0k~$rW!(Hr^5yTdg}2jr!(zH#t{wMh}(TD0y6t$F-{ee94^UQ=MKJ_`$H@ zUl{*Pm!_PNa&QL=uk(f9N#d*77&obop8~V>&v^uDMWgH+fJ_=J*)`#6;qfxb=Pn-D zu=QfwdK)K6{(k+patPm&(IG>QHOiTpgR!?$#?zOcab6m(KDltO>UEam)ut?G{%pD4 zTd^;<&77!*$@k!n1c5!SF#w=(+L;2~I6@dS@HB=M1`9z>{*B>CFpnS#at|ZLg54$W zbNH5^(A8}`yMncw8O*Rjmdbwp6xcLCI&i4kEgjgipYS6dWXXi?qP+pa-5B9ymY|!? z&(X0_(3t>r8+VG?keTcsaA8KSaLyp|Il})Wy)#UB+pa#HuIoPfwxfXHHW}TOncW1r z(aje8){)Kc2zZaGjlmTFxkI2^25ftko5|S9RL=qdZ>|Y=0|dII7lYao)Fy)1MH$4U zsSY)=3rZt(RJ%)h)<$jbA{aUF?2eRg-7&IW)k!p3GcY+SU6$4d4RQ>%-t1|AIGc zxF+Sa0R2S2-TFxPHi+iyoj=LSW-ad}vO8yu%YF07hz|nC;AV`D%vxmWJ_d-+YVR`{ z`$;wr8m{NPeSlz0TTdPUUj)nH-F5=ju(f6RYCS0X=-ND7e#{deY$MaUH|9Q#er^IKwPWLrB+jMXn>dkxg?4NW`xMP44T@G&$2*(yA zh@1xakO2gytMStkd{?}4Tft=_{ftvPT{7$_GL8N&d9XX}e`8tWi3Z>mt|J|$z_rP? zHa?)zJ>H{k1lY&`M_yysv0kUqS^75fEM|h^<_GXU=n7e${uRNTVCpLQ_g-Tje$dGW zJ)v=IMW>KE&aKG;7(4)*u*uw#nrR_x~%>9#qb4iR7J99@Wgv08Qc{Fn0Zz^js1 zo!#z%=5UBtKPcN$I@Wll#`%|T!99Aby3ERJ`t*p7eJmPM8h@FN6Xwsze2pWUUpY6>8_bQ z_5By+^YoXVQ$1M~zyi>b7LA{ael)v<`_P20=Sn_ZHCJu?x_D6dzh;eW_7QO)pcKES ztXNLs+ve1IJN5ubz;Hi+>VCiJ?Bjw#)@L8MbTkL|%dW)vdbY4y6A%~Egwz5Qo zq>~v0rasfagJ_f`5b;YH)V7$M&JU~1uU{wH?cllxpBdcnU%n?c2mSu_71BrF5#6=- zIzkKZ7BMwzV-pc8{ zoZi>fF>~5^cFRbdZUjUdcM4cuWcmOZ_m9g+pXY>+Vnd-2M8QE|MD(t0c{uQYL_B1d zWv)n8&CkO(WEdXlsS{D*zvy;h(bISK*?9gV`Xtazqe6scaMT=-Il#9FYFoFt<_)W`A=j3^zR6A(aIu^#N>`u9||g*7!91;^r zv;+iOEKpaB{ZQ~hf~EaMSL0pLP*)TgjtUtD;09V8m3daj>r#CGd}AK2S391Z?%Dp7 zO`wrBePSP0KCA5Scy3wd)KQQ!rPDJD$`^cu^bqx;{J?9e&;~Z_-$%WSC#u0g-cW+rGnJZa(P`tU2 zOdH9MJNC<HDffQSu%X=yFf<0AR!Ja}fFFH{@r6MEy;zV-Fu$!o z$B98USRWL;9|y`%KI<~oWM6u;wlUfy}%iIA#Na zC3jFp$$40Wu_<}HL7d4XYXUdo#-Ca6NeY=bR zR!7g~W~yu^Xe-0&?Dj7IsJ|I#g~%(^S-2qU6DRVEg0Fu|2H&rI;N}eRZ;ieupiNl> zy6s2+TyU=7%#QvXAmClAI*_G{ULK?O7fWB>&`C5&&|75^?9R^7JL<=RXpxNXHflo; z@GeKCo6b*@tSQRit`Uw)(*%;6HIkt$XHp}&40=9Bba&|7rub+XjCOqEA4VNT(mTS~Pf`O#b zIV|<%nD`z(FvsN-V4>PIK)gNtW#MO?J0R?Jk~WSs{S2K0=;&xCz^^t#AleS-SdtD5 zSGqS{v@vaYZtDrMHw2lT@VD7q!TA!|X#tkVp9#PVveV=>Q1L9)8ypc>Kt^Fx+M2}i z9fB+1XVGr;)z9*9k({o@?V>!0IOaWOr(KbGU94YP3&=?EXR(j|EB+j;oEa;A>!fz~*Kt-`Uv{EbJAX#<0ZRxm$VWh&r3nV;yqmygJ0d5!uXAS4 zv7Eus)7;@1Uh8%sK^vB!VVRVv`sYH?+}dSoo8BKN-aK++9v<0}+j_94>$^63hxJvN zQHF!Wpm_(?<&4uk(EOnI@JF)Q>U59&YtGek zZ07a~b~3?ll3pzE!Lj6yAogI{o~=HQz&E_l8qy~+--K>S(E~8$_bO-D|#?=lj!d*_45+dk2O%KC%R^~bjYl}t``&D_y*jR z+Ze%|=8Ccj$fu>@lI=@SB4uWC&$4=}0Gb#im|b+g1UZ2(u~D|hm5)WAu%iCRH24m? z>gdiqY|Ha--vuu7ScjZ7>RkFqvM2LI$EpRvicC2Ht>rpaG&w%UcBsQ9-* zJWrX7wk~$T1NsEK>nqM#)(`nhnaEdclWS$SH2$4r+@u)nE_yvH{{e2T?@s~nJyKoI zlkR>+`e0T&f0hC>$WQoyAa%-!MW2#^ody7)588FV?4keinET9pkMGIGiUd~CC$tSe zf9gW%#?5&cFWE34bNNTGn}j)%6_}BRe`B-7k*6yEBH0iTu%l&|KjUL8^Ku<&al#TwTd}4cP%XMmLo%x^W0rZGaPFUbQX9OPyt0@8)6oJh$)IkQkf(ah3O=^y9ZC z`z#d(Rq>%K2d>ctZ^{4pU(&ZMMVRC@^qDfutMT)DNYLa)D?uH^<{37XNJrbK5~a^E zp4YW=LmHx6KiUP{P#Fiq^#1yGKK+#dwr!l%roy=@xYMwv#+N66$T09QWO2HBsl2gb zh|P6A<%wywFd&MWX_Sfp41pAarcA5CfZMA79e*MZ*T0m9 z2THE!AzDVV4g@Dggcr^NJFoAPk#PB6<>9rLn!!yAz-Sg3F3Wq1;Rm}=#K26#I%U&9 zz>I)mprRxjGOrH?9>T6s?d{RVGl~dgbCjF8}tf*DQC;HWu(smH6lG3U8(#Xtl%I5^`3v*<5fldVagG6kPZQG(Qy zivB;00`P}$*{(94ztuOE8`#n7mXsGpdGFw~lcvTKY`aA8Oz%8g^;8}%JM8^nN;5cJ zm~xEuO&O*r1HPx9Q}zXc)R_ergy4v2&I{Bp{nQ6!cv*HF{2+Kvut$)xzD_0BZ6l8H z-)7kAe?RG*hnJ;97F_22P2WJ*+r^W+gpd8q$Os-tU?ld#C-d-k`@LTqDYFnAip-5P zb7)%we3Oo}J+?muywh_OiA}ExZZP&L`N(Gy_BbKGlF`-|hhFboB12Y(Iy;{ojy4&5jKsF#>2uMs7ZH*Zrx?P;x+G%qMU?#kL3e3>EjqAmyy(CkX zh^Gd*Ok#~#21S{X0PWTg{Lv8yWt!yRVx7-YoyH7s!|ekFJ3Ls*nzZTgF@ z>OE^^!})o*RqftgmxrA)7Vl8`Yenbn1!P>a6ba6u8B_(ACl;iHUXcq??=oxZC&KSf zwy6zQNBNe5+!0vDq#W$lKhMUm$$M&ZQ4qv? zCG~w#&|bV)r#8%zjGialO_f2$5)hpRs!SQ%r7^h&x@8B{2=}#patn|*_Eo#bd>l8Q z1dYK5XHvlTu;}gW;gL29E_0bNlN?awVBKk+!CmR(F~C6ElM>ecl;P zFVGRT0&>nWLgTj>uA|g16Fa*cg_le&1`igQ`Dz2waG8au1li#8ZzUA*O{WPGxhKBYWrH%Yqw+`YwUvyX1lNy8F;4t zXXsuVU9+aQZ6F)vBQqcw@V-lUyWs`dw)guKc6b`w7>5Wt9IO9N{3qFv?@MosM+fNN z8^wngt6$r;_p-aGj7~Zy7!S15xn-E^-R`=+qQ-em!=hHEs6C|)%QYv$)j-&N& zmMtsWD7;UZ1*coGN%t1qrX>>(eaka~6C_(yq-*S9e30sZx2^q}dGHo` zM)#tR@e@AxE6Ic*US9^hvB$`g zGza){sb7+uMV_$~;40~a5xxDrGrgV!Q<=>C#Lt2*u|L5L zJaa`9KH$ zDE`lgSRS)i$?|6Tr+OXt%YKVt#X8#dvAY>egKjM=Nn4T4TjW$-=r2(~}ZlW)e6z#mp zC^=vMd{G|0{egUiS$VjTXPM(E#RC#lyfMVxIeN&>gZGokpz22B*MR(PLD^5bKK0ljlml9C}`D5I&IC zB=j8ppThkQ^72eFg4VV+c+r=7nJT%sW0P!!wqB+sn$lM4QuN?BdSY2PnHX7D@VRj+W06w(>Bk?5T~Od*32_fQCKPHUEAJAHOv6jH)-8&)(RsFX0qOA2@YHPTStt0 z3|&S<>L8-1&~Tt83Ru?+0yO7G-;njq^;W?j)w+R$!XA6M?um$(>-lym?0@}ZDU&WP z82OG-SYwQm8y-u=DBITM;Y6(q0StWttM|{z!_V%DQ~Qf9NXDM-(>?liufWNt08@W4 z1Sezg{ZzQ?;Q|eV3qpobAYjYJg}I7ughI?X9!z5&cfC&$BeRigA2tU?>62B&afX!M zg>sa(E_Q`Su!&J{3pN#;`JNI}-*B58st%rw#hU0a*SRC}aQyK+yl|c?>l5cni066u z)%Ga7YobD-ulYC32rj{Y>;sq%1-qGc2G868k2v&mh)U*m}jKi+q%(pX333y6h6)jM*`ItQaA-DP6Fj*03j5>B^kRoCj=2t9u^elnT|cj z$N)d2dYQc>c}7i14cNS zmU+*4TMu@_AK%u!-SmxkqIQQTh?#isD1@f@_R>lxd}5L?Ed8zbyj7n{NxA>4Wk~_c5?{2gfN(0ic-S6Px}H z?&1*#@{ai30Xfk5Kjh)PYhyWW+z^0|P+-@6TgqdH^H-C)v;Zhx+Gc$h>o7y*E-pD< zQoy89=g-G?%1TJrTg1<6dq&)IuM+egnT$B+7iXUNSp7T!vXmux-qSlD$~m}MJUG9X z*9Tr^4fA|Z9)9<_*HmRJ-;>&|NBGrXPuWv5Rj}d zjK^I?U*{jk)z-hG9)(CB{J#~@R{hjneK<(}+P^aoZ>t_#RHwN&NPgcdog-s%y_`GN z?XH!aCgUkh#VZF)X^(J>t|hoNOn9EA^RB1+Y^L3M-WR8Vz&4<=EYMwXWYbFm-oy2; zuJQiIg5knnXX%s!>Z`pk2&V-4Bp+F?o2>4$^ehvwiQhyS#QTN66}RYIa(en?wNtvJ z*gy9`VL#EFpd>meshl?Ye$xIt?0dK=ep-Zr%Y)>!ZdAYDeI(MB?oI6E8(8Bcq`^33 zmJJTXW2N%}EkQ#Q)!uz0JV=ggGN(ScVM*o;vMvQ2da3-EM7Mt?2YziYFDK1TF@2EE z<8{&v$$?7m@E!7rtR4P|+#u_QAZ|GeS^a1M6SZr=M#;c|o@LhrFP{Lc#mm%8%BC#K zP%63(hIR=W_7|`Z2uoU6AVSCG)AI1J`0>W`;vgbC3{Q&|d)9g)0-5tp7ZdsMkaKwcjxlVQGI~@<#=iv*liI(g98hu@txf~`TVwGrW z!5J=7EeIhX3-LCOQb(49{(y`P#vfr+syD-p*~vKTYNIeGcrf%y>T6U@c4FJ|4=sM%?u(6CuCA5I~Yh)`5Ba1zCe67 z(PeUPmCF)mEVpNwu;T9paFq)wLSRr0p(8;e$;_J?Wai{s9 zMIV(xhBvbqNGQP$Lbro^Y$s#}8|V>uV7WXt-?Ys9W^mLTpgZXUbOP5C)OUZsL5}k2 zzP!Oc+7{xVQ0B)JpoJc>)1Vsya@cD})vkvmhZp@?vf`}BJ9?h%&?UOwlzCtSdzpHJ z?>-Ic8_@;pm*YV550jU)1xV+SUf>6o6U5fW87|Kx;6EG_Z5E>JDY%`Il2eewDX>bA z>3B1^X$inTZK3{V$7ZgR(k7nZg2Cg&O9UHj14I4)TG?&;gqsf-ELBQWl*tu!L+8J$`aki1rN1BWAPsgQ z^n#6ZME`hAc)b2T(b8HE3K2{raC&`>%O?62KZ#@yf|~@Bpx2ZYYs*gr_igYa7VK61 zkN7Oav=mBpT?tmwZi3PTUhpH}JCcMZ7d#+iwkO|aUSDVyTZ8W?!+eTZCjy$>vsnwe z-a`8;{`X0+{(k3w&hgDw6(bGDf737E3jb$>{KUZz>G+~>CD}D}lqWSc7TvF+-qaC) zkDwU#B)&NQIl*qDXO%ly{W|I?efO`jGrli8_sMN}6J#Juy-b@T8C{>-a$6=3_5MNi z@6p-fCDGR)WL|I|hNK^Y;#1UTSJpVJ5KOD_{~_lV^>Ce?+Klch2cDbhpHG8_yLn)i zSOBz(o`#?3*XeJ_o|ar=7B~qb=$*1(l=+~~KnxP-f#>fD+KuN#6ZunK^ zw^g=3opbyIyzm{o3lNm6e%=zG2Q2U$%cefGnSrEo*^zFLzxaC>mVEGl4H1p6+xSee zdu6L%woSB~0@X$T)&kw>80CP0-Z@WnbF*x;J#V@W?J8Zc{l|HD>Q6+A=o0FazNgGe zi1^}264qGN=e;|8;11q}N5RKx*#s*kgO3h%`O{p$Jo(G5f$42sCP72+&PKt@vc2zp zSG3;f%X>l};1oaC1|h&7IE5xlj`Jknliarisv4(_k+R1p%WqzOxsILPr?NPX$~as0 z%tHAe<$`cRF4vU*aiJSzd#Sr7uX=g z2cRW%Gd@0c+!#H(x-JiI%AehEhX1#>V4G-Z-x#-B8w+0U7{Rl_2MuV8Wuf!m2u6<_ z1xDZ0v*>-#eQb^|iEnNk&=fzvhXhS-v=UHC>d=dH{JA>j+cLfn9#aR3Ats&XN{Ju` z1Z`{c*18kUeUzMSWTYdDz!U85jWBBC_bpo-h#i`oCKLeKA!PNyxCr@+gOAAbE>r6s zg%BV#-JkuDoOChd4moQtiV%J&X4s>;5qw3!PLYAQLC!gAfHN9H5QI^{KA9_TTc}=e zj-304Bs9PJ87FMZJPGaypGq(-8O8%d>>H$<4xQ~v*n-=%Gjl^bZPa2yjQd3wm_3Gx ziC&RnpRe{wP>rmY;iI~+R1BLNVIU8a@S46Z51S>>Sm&AzH#^`6>3p1o(%oOk!+n!I znB7fyVw&qYH7=lNOA7R1xZyx-l#zN#muT!2o!Ju8r9dA{X#t-aAH{lBG;rG=$rzsQ zf)N2jJI5VW-5+p6(Hx0paMT>kQQH9LBKI$=>#@#xmeeO zOWuDNWIRU*qhz5+aEuW`u$)YI+gM7^du$Odza$|(#WS$Y35#{GelB=BHc+QjFO#%)q#)%e-EuT!TAa82hF$q4RiceO+)RTm7$70qU_#ZQmrGWNlM29zG*r zNf1*;!T$rUIbsx27l7%?7nHmX+hlnE>U+93I^sEtiUC^C^`M@4SlT0Itu#}Q=74{t zY#}lc2%av#RL0EXk|pOkPU-I_4@$9I9KQiadasN6=jv~&J+u8ja*H~rfjHj5ftfDa z+Be5Dcle(fnczB|7o4sMb~B^oJG1ie&1>YS5qzY~lFPrNdNx)6#342(zOBozk6zWg zl6m#*9WO~i+wvEj$F^d)lYxda2cXcQXQsbRD7b-Bjh~i)tV1?CV*S_=%OzKb%i$a- zxvRcmYCKtwtcNz~2G54Zuz6{s9Mi6nQR8GNjrRIIyG`6{(v_g|EewxOdh^VPkb%PTSqjK&KQ=zGU7>PDclP^ab+b`ry&St_Yl7O%4V3?F;4f7|7Z;$1IS3ZSnVGaGojdC+SBLEi&662N zU)XXqdVae8KUL4KQ$4S|O|(4RZ90}UVFT4wf+btTY1f!}0FR}dOzt&~8V+WwZ0JUAE`Oe%?nG@Gm(H zvT-~~7v@v6aT|neM`(&cn0=ciQ&i8{1Vb~|ffn4*@rY#AWt?Y@k6AjuQ}^HBm50aQ z7R@j8z!!tTHs}jbKk5)^5}8Up$S^e>8=)LLfv$jx@6ZXXmumJ2G#AUUnN*U&cTI2{ zv<3*y^B)p?;LmX-Z+F_j)BGUSKdnV=0gM{geb+ZghtBtGda{Mtj5!7AD|xRR=&!^< z76YwCw@0CTo$JYf6IE50nrM9FsWLU05d4O_0Sa4_q9mut}L2+>u; zTKD&`i%cfz$dXfs+Iv9xR03(U*SY_P{NNu1D{dC;uj!qKwU%*vYS3JJCM2u zAJq9sxV&4(e&Xe;z9Zh8;?JlTgK~X~-WT{{_yP1ib_0IFJkjv-6Oxbp-IpP#j@|T0 z^~b-!W|=S8uCjJXt{fWe>+)lVqYKbs;ELcAI>?r{3@3FJa+3d32JaDE!+zc#+tnIi zhAOrUwjY7n*_qp3CYv*-hq|KUc7|lv;=OrTFQ03sU``hgZo{wiT}q;W9?aGSPvK;r z;1e?V#31Vg_5TEwF{#m$v^uwQp6lO7c7t@x!r7kT&rIzL^#0}=4~Wxe@WK1n=i#>x zc#tZ|PG-W+5UdhxS3RE4@u?5g#$QR-cXa+>a032Bm!FD#RtcNK$$@k5#CZxfGRV5L zo%@7)!bx4mKcNSL@<*RifB#11boWFr_A8)&!PAW3^`t)upqbu}nuseaxfWG;77Fxl!~aG$&XSd|&&26SMuPwzZ(NVt+rx#DWaiN%5nZgcJUfo$?W z*SiD!p3R6!5`1s(H*ab^;ZT`bNT=Rd$ulm1k6B%CcKrgl`chEJ>O zX$600w)k;O#1G$A_OA^z&@Lcz8fKu1y3*$(B%8+%_qY*sU@Hs+pLKIw{Bzw}w=-=I z5gixGZn)}~l3ATxj*XMeGeNrbJmIwQF3H`068)X)^b2h_iZ5386)%qU{-%z|Q5)!p zc%zMV!sW(4lI$KCV@x&fhq6>*HEvo2m4A`y|J85HZj#?|=?}bI_>@@^kH0D1b|TIs zsC8QDDPUi>rTX>?9XF_*3p%@9Oa0(EY|q8TX#YSb#i)Dr4KuxoA2C4sZRw7mkbI!` z(a|=58{FnxAYF7qbo2gJm+ROe*uTUPmj_QuLieuMk)@w$KQh5HG`kuLxd(bS_e4U-PLh(Bv4ig;rC7yGsqxadaZ~bj_0UJxTjYFvRtjKZtt(t(CWJt(e?M}T6szjI<7^*2C2NWQ5x7Xk z5kelv55+oNZCG1y1&V;QOb*^_20zV#Ik>?E0!9nQAtPB3Z3^fSh-ImcE}i|HX(<*+ z&OG2SR=AydjRejg>)Vwclwde~G59el z$#ibnC;Shb6nuix}_3Y)@ zC{&(DNbmBU1)wv>A@!cg{gMZ>FphW!S~8<99?h8!PH)za)pcnB_&16goH4r06zZc} z#Pf2RmkxF%kAZvd6M1;_s`&4cf45L=_-L*#FJ$FqUPrP3FfQl=GROL>ynAHaU(a{E z7u#z<+tRVSVmccbN}( z*tBFF$^KwkHbHJS{6!vCMOOq_PJ_oyvuF~J z7@u$t9oo);cUf<{sB(&uWhIV+g~HuK9h~=Ao}`8#xbB^+|&xFLeE3v=yA6P4*<-iRVcd z7^ME=8)#AYX6e6EbdR<2mt5=)uw`}X_?aml$rSgJyNeq$L7;uetXZL<+BBp$j5p2_# zD1y?|nMP`w4IHoc`Rb<7GPjiD>HU>)c65Ndxe3Zyjwj+05^!4Q2Vh zo%(g$b+QRBaJ-fO-wGHbUMP)H8{~BLlT$cpkYtTyYu^$2r=Fdy<8a;o&1}irhCB>W z8`x{6afSzvS4xIVo~&zvkm6C+kOZIDs0945*;015@h*W}!DK!Ey2?4KezCn z?(AWoUwT+|)w@4AA%{>l+pb~0KgkmD^qTE*M3=?^l4fw!9Q3YrJu*zZJ@x0}$18k# z^Q)3)Yq0BeZcCM9Q5Qjrf-MCPq#?%-7u^x%89D*S5y#V(q$@hzQBG&^#-S%X(8Rku zvxE!9ME4K=I1VY1eE8{zcm({)S3dEga+lUE{A< zP6~FX^^7Zn_LYErKwyC-?r6h{lIwr=lJp&chKRG&KC@plw=4J$vh_jn!#>GC*7UdJ zh@ubv_Te4A3GO$sf6bdCJqWR7)X4!W(_gfAY921%7=sb5gx-@}A73DSbc1Y*_tnqO z|5F~u-{UeHn`xiwaLq&FsT*?Fokf?^XNxxe<=1)mp=^_WI`1Jrs=N3XJwmV-`XP7? z-U%i)7CeB@APfPG*$?Zvc;)&FJg~uRJA49Y!}_TLxW+EPcBBmK!Ar$ktDcr@`=)q& ziR&nEhfnzVfojLixoy15_t^0qdx*c^Ug!Z+_~Bl)``DL7vo{K={`pBTy5u$!fpz)_ z8irp@US>|$%v{E%LH08(9(e#wk_cp6`dGn@>XS`t#e;h1u-;u>IH{YfanV|+%RIio04s3;`UJluB~xG@Jh43wKi=j` z1|~lQ`V&=WX8_51RVaA`E2xK z;+M<5nul9g`Ctb;2kzlz1}NvG_hY|u4sDkce>i4Nm-FOb?t3N=f8O48Yjb$Q)}W5q z(eQHh^OnG5Pv)|*(%u;_o%GC?gpcn!?x+iT3_jTZoSuuf4*pbn3myQU`o4p7>Wx2> zFYu@0>1p1lW^)uzf(0RUe~kKn>;pc4kKez0lm|nRlZz#X9-1k;>Mp&fJ^>e&L0fPf zB}lOv&iNO(`qFIKA!}3)`nTZaA#2fRmJr5w6=hUjSL3E7!1hEw;)l|o6J(1|B~TyS z9x}U)XOh+L{!;wh+kFyduPu_#wfU&pi)@X3Oo9ymzem35YhRP>!fp>9%!T%_D{b`v z@KA7>cTBQyebHqDJ|)YbUArX@#}~OQq}?NK&BM+YTwgWHm)I}9ov&vjh4U5ls<(J} zl5o8BfXj`vr;;sIqU+7lUGq=#K=_z(vJvDvOe(p|d0Vu9<)ck;(-Le@{jSvUQQ=^l zY~{-&^B2jsd9yJOU%ADfF~~<^D0G6{!8XN@o~YwO)#-@peN=YS>H-W^VWS4qVP|;{lfYHE)6&C2Oabup%pL*ALpzA>y zI9J>xMXYyNOK3K>duC3m(U9I^!v{y21G(%QP<5D!G9_eT<3=;w|I z*D0HWjY0@Qlcm7gZ$o5cu->6%g+(EVb7%%bGq`C9k^tl!qlz~0ue9Skb>tsIHc1&u znN8~9!pIERqK|YFz+H1h%przmGccCI7%2iDDyoVC{%ZTM zv;3O2TGl=Pi?{)7X_BJj$nNXkPj1M=zx|Djji_LZ+4a2zTOuBT6wu}VHzc@zFd+~3 z7u|5O=Nuywb8VaBG=rn&fd5(mBK`{lf%B%}c-%Mb7$9IAjbc*wQ6!eK3M7htt}5pU`h)s2`Jac(auDmSyVac5du$fNx^C zp9cJ&de#Lu!l~mJ@#c~#o+-Ax=!UBW!3#bOW_BMP<-oJ-1M91@wqOb#n-NrjhyM(u z0QLgW=%X*@;kg&Yzk8)H9`Sxj3fkVK&RoZT(iU(zC%A!R4imU6Mtti#%bJh0n0P$> zvo*lG;DY|=-x!btTK2SYCxxki@ckv~i*F)Jf*T0bk%0DnTvJxTpUo9L&c0N%20zDd zr%53_H`S*cTV?=|+L<7>!Q@ftBrlqA9eD`j*w$~RoxB&1C{&wqQu1#xSYGWfgLbRr z4Ne9)srU~^fQC7a=Mr%nY->YDszkn zJqQ?Jpy6EO&{pH7CFs*jyeN6JU(VrH=^@r*WkZMs59I*N6aA6RU6jrkBlw=)dF7Y~rS`~R?U%lh zv6xB!WYUj?2HnH?)N=yd1<8@I!rj?|6J341$RIdV&qnEbm%iVr{$JG1vpq(gC)^7f zbl#wMYGvql?JXHSP&}iu+xBjXpHBj0k?~nPPxs-k#^BjU$Zn?7o6Zg{r_-P&G938< zZyeO|hu_S@|9H=3AoPK*fuAV{*^LuDLI!!49$p?gVeb~fZl_7(*AV-MGGafax}|e- zsOUG|hZc2@O$=9F>;u*C_ZIcZ=<}Q&$= zQO4GKpc9>mv5!36En1!_$7Hnne7^W~@ds{G*kG>SPckM2j6QaaoPjpsJplu94Z*W2 zG3rgm@IFTXe8sjO6@T6-$9DXkv97$|O#P7qWH@aWtkHP`d>8Rh#plXZo^N9*4sB#)#srwD&jWnV4Q`3T+XAU@hEyYR&yOOD8?=|Z4ddhJ5- z>jBZrO7Zjz@#G|34@A$SyVcjsY-DhdW&3zWhBf_8hR_8nV}1t@gp-}dJ|3&|-D^wp z@Vn)Cc)Z33!LhBe)sUHN77DO&J2N~Ota?@7->&n4st-#;EY)$h?%yYVJGRI(n8*^x z&S2n#LGOD8$zhwFhqrE(-60wn&0yn=l4)`tN43x|%>jX_I^mgQjiEQl`P?BsS6$d# zk$z`}QL?k4A6rsK@82zX@fVNFVLOqB8;hR606iefS-#NLevR}+vI>1#{{`{HS3N7y zl4YQ)NMB^zGAIcTC7v_A3C%?MO*BdN>5Y2tRegIy$+K;l4OphxST6ia7A|Fwok<{o zEMOZ@=Nlba8iD}8rc-b_(Phj;oGF@Hc7ZS3gKfrtFIFEtC4IB)YVUXcLqZUKL7zjS zzc0z2DEZ)$?MV^aW;~kyk=kF`p7_o^q7T-(=e<`ZdiLV4PQ(n(_`d}71v1n!n2Vl3 zlmhKG;GTKl9NU>edHk;NnGYfp@L*5{e+-_qL3a98=M5{w+v>;0V-A^j%4?A6KZf(&PH@RrNvyS$Z$i?FZxR(;e({P4mH!u5r2EAg(`>zT_M?2A>h z*+%ZnZF4gGgr%7;-NDS&^+R+mzL?+9-(@KgbV<@lm4K|qUL|maAHhtC8)Qq|Ed*fN@>1X~yGL)cTGyiP~ zNa!MQ2m3Y+%pyBeau+fZIocp#xdE2*VXa-x$#!RO5&IAykw7*B0|c@tgBgJnu9b}Z zx#+dg^#D9}9*8^9Z zyk?n20-R|;%G%ouG$$8Y0tST8{UjJ*!_HA%7rvf{>-)Lf5<2)-np=>wfln=KpiU-Iz9QJ!do-X)N0aVNc3Dd(|~(PcJkRp(cacD-=? zQokn2VChYHc=8F)dm-*4=v?Ue`(Kw{`|nM0(-J(oNA-~}HTY~VAHGK>{`*w|*$6{uSF}6KUWIl9EDOh8 zaJHA5V9^5UDCxerqOrmKd_W2t8NG+^Xe%s4fZm8Vg1gc3XI3?MEQ-FKB0WC;ck)%= z$!(chY^?7G&mc$dVLv2$#AvVRxTb#e|I5MqF8TDdkv?PKm6(CiC1vnVJmRbF3@81a z-$QfIhjB-K% zA>0QZ5T1S^hUw>l7Z}Te&}ti-x?R%Ir-^hFE_6$<>_{3oOMJZ;z6dZ?UB!MT6Rp%H!w*@yi zxNl2=RJ=!fQOs$BkJiAsGA{evA^gkH?4)+@Jd%eK=X;Qh(Q$+TMmD%=9IWSqe0^uy z3e60V5bG~PdO|-pkl#=n7G*A^`|OY~d|n3R2shFhaG?*DG|DjfY#zSb-m@Cg(lQA! z0tU)>UwO70z|c}sZb@-+Z<~%^lLGkV8Yv+CvvZq>`!??Mj!_>?ukk?|0^J0>S&m?* zj)(QmC;`jR^bw4S21#px|IoO?@B_8(xti zaK0OuWPigy)dtWhL+bxX9|SC~>6M4S7yec)lktDZGrEjE;(Hv~poGr4O5Shkrfr+~K(;t{61 zA#X$KK6PL zh=8u?nUWj07#PScGC?dj2I!n1N*WlzX<8v(Ss{aK{q-`|&W(efMVI}v)V_Jz>NClROolVxO>M!I8*^uU$Qhv=J&B#RFGqwXDcqm=(6FUXRx!I@_8(;RdY9nX}( zdI5oW^(z7BdYzw%Lnj=O?a4qU>n*dS7PJhlS>Tkug9h}RK(~R~n+d0^wH+|xfqbKGyr~b>34jMb|U+e28F_-aV>kmy`X`)q~$X>(qY9;zR2DNh-g# zp(%bo4N_JWw2N_$J_RtY>w^cq?-A~{lssUavZE>;HvpaSy5#eZ7I|ih$&ui}BzTpL z;l|2#8LD^sh!)N{*JUDoj^5!|>DW-_#{%8e5P8cSKV1(~A8nBQ8zQ~6L;di(U*+M* z*E2J zWqN0lfOYE4K|ro>EctmlnjDGGEihT*gWGIKHlw2tK&N*SZ}A=hh#k_&k9;i;@4qZM z*m%-jsII#?$pV&9A=r}e2M&@9L=Iz{F`ExZVyoU|tx2=xkPrN~5C_Yf!B2Bg94lUw z)6!o~)X1aa72&5*4)V0eMc;FUOFf@FQU8+uI;?j(ijU3~|4tMy&Ji>qv)Z`r#RfzK zXDrzQ+YA0{>wI`z?>^I*hd-Z@hZl5yx_Fg=K>~7|GjMqC)p>aDD$lm+rgu6-dycl9 zFF4r7XIKu_k+n|y>H8TR1&xB)f+_lLfncrrhG;QVyu}#Dy<8 z9}$F21A5i?X$hbw`o?Co1rP4^KEvy3GXRiT&=0gl-?VW%?!JY2*r68|B#VD5JY13a zGI*?IoPq(#ZnY)9GS~HFHe+uP^d>N9S>C~QIsw4x@wzp@QXUsd4$M{`k9b}G-sUzE z?POj2Yjy9(|DR7)=6~RU07rc%-$MZ@*UI>J%PQ6tRu05y$T2r(sv|D;Zw|eOnO=L*tpn(6>MmR&5S>RUP$@}*+e3X zEp-(>E|-z_1my`%lQoMC!c2|Zb^ML!{SMLku4hDVT|G!)vycSyRi6oMoURG5QvYWq zW4 zX$s)+F1iHS%KGCAq^GWuKDn}uXKLGex0&-VHamM9ER-$sdCAHZdZ$+#Uw&zFd-r>w z%gaT#H%ex(yku|j#W$aoTv+3E#fG%Ffy!cUr6V`w;V-1SpU*t7WU&NfW7f3o|5*Uv zJx0mbn=e``ct90E6E z#P06rcJRk+nBY82-KZ0ROzxAkQ;naNV9`vcD@#6#bU^0k!GJM%!H#!h zY+~%hYwS4QVkcuKo=j%ON#4YsWb!7NW`xBEhC-uZ9*>CgE*Pe1ors!p9c z=XXw>syaJ^gL17BFE-V=-Zz~d>twbvwt-=)M0`v4ep1i;Xsc}0h_i7J^x3B1{G)yG zyO81e(&cZd?LMLY@Q~W^@O`c?@hJ%^bI)z+)8G5L@2NHRq@IzUZC&N>A z$tH6I&%x_ghcN19GIu*68NCzH{QB=&Mp% z0;4F#-n!QUAW`7#Sm zKEC|>G627n(NKGghu10#OPE}MW2|zn9I5LQTv@W)xb+)RV`q0>34*f;koB8(_|qPl zG7KIdHu+Y0)~o$r9G8U+`p#u?XcmZnv;#(Z5CO5rvhdVha=?+ToVR-l=2X7_oGJ3o z`U~ee9us{&_>S2GE4U6gGXAMt^9#Pr$%87>)RP{7Y8H^0_NMyIdHxRi2KVBGvIZf} zNctuY4Ap7ue86v!q>X8|5`KmV() zIQ?XgvTTz9O8Rcmr-m_5vs&L@b%D1F&MLth)^%ly{2}pl+ZcEJjNeef0g+|?xyV}gzUt>H+gSCx&f*dFv<^b&$9l5o!rX!b z9GfP|_xMKqt_9HaOj-_%pf+o6vj+p2fxT45S`k^=tO-2t;w(HWd-y}?fo;0hQ`CdN zgKX<+wZ&A)hh=r^NFY0>HqA>n<%Ws|iwJZJgyrOHuoMZKR1!4*tmx&&%+|>psdvrQ z_2qp%yZ;fbxt-`k4FiRUnKcV zYY<*5S>JYrzuSOxaQ$Zbf@Ar4`7!T-GGq)rut&PAkJ|i*&iXB?;|)w zP>^?6pqJ|%q-)gnt0XJTqDT%K?@MP?D4q_e0CA8=%qFvCr4`jHqX*oF1s`36VeIWrQ;^6|IF5X zazqBHpIp?}2dcom6U9T8-UGv8>mkF&wSG*P8Qis7eeLlFv+%+LYJc@h2Dys#V|0Pe z$LiV<^_97@*QVb(xeg-m2>$I{=d*+uRA=T41L@#Dg4hgzF`(Y1tIrN&eNJ?IgRZgM z2!m;3YJ70xpx%9h`e*C=bYGJXETS_kdouQ)ju2~qGlPr_Na{DJ=s|^syyG(ZANbuI zJQ0p3cyYJBwPtY^ZfWp#FTtbJ^Q$HC>Y zk~h_ex;5$>8&vnrt+Fjcd}=jLHouRPjJzftbi3Zoa&y$nmUD^UvS3B5n;mOCP_pe= z$<`BY!)yRN*2VfO?W*g4CLQ+X-prOQGyVj}Su9NnRwn7k-Wxo*X1wHM?9v!eOW%a& z@!4j{&|AOIJq(C)4?IMd==>G+qsN3}=1=nf=jr-~grV+a_;E{7(89gOT%fZ4Uu6ClZiF?_Vf=JAR}1t>-uEH#QPO{}AjZGar4j zNHRQcxn!}ImyH4E52#Nr$$NYA4g3P|SF#u2Iph<2glrJxArWS2@I8_UbV8pJ@%OWd zl6Tq0eZe!oZMI@0`pG5gOZ%3&k9t7=p9wx&f$v=`Svhur+k{Hqyc2D`T>7J%m$&4L zAxE*_a72$2H~}A$L`0z5meVYF9hn)+hSa^fyBsjs)4$*Y1=JVZ2L5B?W7{8zcdA`h z=-JzwvT*-*bzILmHXTOe+WD=LVoAMN8L}P&eVyZb_#rg8{jE@&HTmSI$%w~*F9f) zuVl85^JmAkS-AO&S@=xe6RFa`3Gb-S`GACF-Uqjv)=oK>Up95+Hwz-i@6%rRc*yPX z9a%X1CHZjkT&65`!24tve&7S6U817%0QMa~AB5 z|EENSO|r|M`M&h$AEW$J+f@9aCQz;4+bH z3g3CpT=mI^)YqjOKB_kR<}K={7r6ZJ9tIpY2G@t^$<`6_5!4os5A)%lTM@KZrxfOLDZ7^CZcO+_nuY*j+z=)L zK(o})yVU_NJt74yaQOW(0$%@90A;9`ndM4m7Tm#{+sT0n0Z~S1WYZkMxA3lFroyBP@o(!AprmL+j6M!IMij$N<}M?YD6e~DRR2~0 z>(1Z-Kr0K!f;-eZq?8s2R6MoPWyEF+gtKj&0{p!HHi4WQ#nXGm_fcvS0(bDA*$|BG zUoKglbCZmj90Zo0VM!APEeLYcPsj$NKhcLOdGk)h;K$q==L0ea(B2WeOe?O;!s_{c zAAJbJvqf_B{!TucPuY{9FHt++=rBco*!OsM>}RXrQ%W%|bzy8eQAymX#F z3kbe!t`A(8qL1&vSz{!2%O&ay8!}t#jPIO_@?TK&o$UdB2~3v2L@d7z07MzGcSDpl z?{aT_Bi@VLGz520Si;Gsa*0^_fXpxqCnK^cv!T?N(tC>TXxuo+H`p88=+1Ns0MH+C zLgp3Du6GH5Ooo(zNXu;fKHJNHek9P#Xurum-zs|W?v~KTKagP1!|NY86^PGx6XszmPx2@Y#6C_eM3NJsZU?ScCe?zZaMpB zB#YZs7c#?H-UPeB6xfzpA27u}pcBbXohRDdGX`aJo&w^wz9RLgaR7z>K!yP(1S}XB zgV%r^0_3IHCbUg#7vp6iwnyIe3H<}zMgW9wlrr?&;Y~HFA;?X?rfwnz8v%0sL&It?fF7(m4%2*-*JYb%gas&mz6_$|_Wt@IQK!w>D$u=<{URpkfy2XA_jZ&a& zlFGmSS+&awcL?|mJxpCqcTtC&W0G+p>KWca{UTpW$8=ss1Xhxcq`#~mD0#1Q+(Phv zr`r8b@02~AeD)pSf$}A>IzpYNIh{Y%-?etN^p)go^ETm8$=+1S!_b+sTl&2y8L5+8 zH%MnObBiDiSQdRo{{~lek9;jE2AB>V-TqPWGb2krW zfCor&xNU|o+CbM^1TCIhqCVCd15)~(J!=RYfgRWn#DW6BapRC$*Qt%V&eA6gsDUfl z=!&d8uo-Q|Gw94q^!w4+wjH5q_v@X9GuumrHbSOZ{%e!UvP%7N3Wdz}ieZzkZJ#{R=$tJByS--P1-)fcVgydl=eYhR| zv`evkv?aKfcYsC60<$c#oCl;ByyiZfW_zaSZOyEx`l9nNU1zZ2aD)5>g3ji+4%Zx=H7k${l~VLE@sf-EY?E+t`~Bd0y}-;m_)~ zr^d-f4D{#7;(Yw0S$JJCz9koJT_ta-&>uFbU+DPbN3w8amR}=yN~SAVe~$S7*h2M{ zoM#x@%$~es-`VmHC;dn`a*GEDnF(g=Q0E-m!T+tYSz`}+n}8SQ=o@!^SF$61PLP~D zc`6I1#(H~Mf=tf+0{RRxjPApZlQ2bqlcX22&%xjXt$!_gJ^1rvoi_y!lA^0@^G6+* z$iAHXYw4X)J{yghgJj!dn>M_ag_rMhKg)D#=orm^RqajkSNz`+F7jUQbYAWYgEi93 zWB!M~?9IXQ7emy~2VLOhq5KRA;5)I|tObzbH}Lzohjw8d+-1Y0Lxl}2z(bz{&qYj! z&IB`>&jacIrNSZ~mptv){|xS7qsZcB7H*5KP0|thO|ok*Sf9 zHA_Y`7YtAc0G<1=74!Jg*hC#d{Va~sqHU(rLcBK0A zparrQ56Wke-*VZPvvBOU(o?&AX2nhFyElDb|KH+$3_G<$eR9jsWuxVHJbhX^`Yo5! znbK7|Uh#F!!G0vbEZLETyFZ?VXXg7}4-D$y52b-i^G$=dN%`?@crNc4^ze94|HLzQhce(c&J#V`K!VSMlx+(iblEI1_q@BYrtLA^GqSb>aV};2G9@6Fx8yf&XlY zcC;_VGn6}C1A`$0$cynryc>;84)K24B@#G*_u2n7ZbOiZL$iHPwuctF?SOZ*GyVTh zg^NyK>pFnz+vN}3{5SIBe?PM|(wV9K!8#x0L6@N;sUKxx-x@FozL@R9LYX>3ot#fE zG)Uk7tN6CqlS9ta_ejLz9_*0KP(z0me7Q}|(_nT=9^;5iGI$3zsxNrGkzEG)41=ow z9#uOH5Ke2>|4&P%X0PymnAX>36JBO5Az#ENiDjfDD*GO7q3t)NQ&{Ei~ExzI7%EJ5ERBeX{ivZBs|umg20 zZMqYUmu;HW$$>qAJhG9e)Ovu0h8fi9Y?cY@_Sh082uzKG-4hb1BLYbCnbs5qDFHf; z2%@dMQ|sXO^l2Fwb;PMJX5ohtgiOG5UT43TWldPRVTwBBNP(Ft)4W5nfyRow0~M4E zo7^Cv?0S2tzPoOuz>gf>(X$=I6I`;9oLGlS-c+Mf04+X8r?TwnDD2kZ;*t6x%zzBa zGEV%MC}RD>0pi((suLRr0Cp~sa#<)4GfJJir>?QVAp;FYot=-T#ltHndxyjMGN2*C z8N)ea`5D$d`=#iUcS@oCRK{SfD-Fx6jAbhi<{2=G=lll9upm*+kCwd_J0cD?BlD95 zTG)_~b-OD0Q;pyU$_D@i-vOh5`Jw&P&T>=+3w$x!4rpx=P1dy$SE}rCKAFly8P}@r z-{0&;!oX0fN8SU~I4Wr>8KCne)%iogvrSWbrSbp_uF-o>clXUlj7P!cp%myf61!UK#_a-KU(fMpu&zS$|IdM_S6axnKQ{KsNz-(*Ze`W8{cTF@T2| zE8Y`{{)U0Y7&e8onHR}%x8L&a_`pFl5 znditFIu$;BM*!g)$2~B?`_CoV4Ond+BOo(F<&?f$@pKmMY>ipy>hDALNVo45DC_D2 zZ9OE%tW`W#j>5LxS-5Vj>j&GQ6$zyjOK{JrA(6&5Vn#AD7%C z=k^9Uh30DI`9_+Tu;dU&5(n@lwp=KVObM4q%7!IBv3(6TgPFd^J9Sf z65ab@{m+J$+}~9?mCbDW5iA*+SvEHTZUDAGNxvfk-ujJT_Yk%B6U}lyz9jvnV}t&$ zA>*6x@O`~|lE7N)Qt?Rgu|v;JYE*d}JTN*?zts`^XopAb5&TEjw>AlLJRlt~J5C!G z-7?n)4ml??W=+wZObCYtnOVOx3-|0-I~N>elLf?H4(RaYprGT(NWx(npz`*fmsyr? zuZ61b0Bno1;>Dhqd#NU!^zm2%o4$<#$l4#4}YWvN<%)+DBxE&x+utiSn zR>}YB8@>IOs?RTEa3+1T@;gqsB~9L#qaM1_ywee^IvX9m-5R$DJnJ?6Zk zw&?9VPi5eUZn|ZG?CBr1=OpvQt%`c8-T0iO%?jZrIO9OV?Y9s45T*--%i=BzImQw zEA%_TlN*Dt_s_<>*o9`@xAqqGY4zucht!7#yDled79s$%`Gb<-zt{a2Wu|u*50jm^ zJTqQiq4#GW&B9aaA7>h~u(z9+iGaEVD}(dCKKP&>L_2|7DHj0^%Eat~1$l2ju5(`s z)?-V^Fg$acX9Qz&2x@_I>ANd`l7-hF@Zi(A=rywE39>9xJzf~#gIu&30qw?|`vLrq zex)v{@1%C-K78nf(!JxwM>d%vEW^oDSTxlu=IgKI7A*@*-EFDcHsyJ+3x0MAr1M_NpJtxmgOtZDl8;9q zzEsXAPcvpoKA-VKmR0>+hAmS&-S=+9y?WPWqNl$vnQ8LthP`!-I7F|m?srlrlGW$~ zQx{8zd`0^GJeQNb%Vg`s=Mn0IE5!3tKh45b`fY-2?&1@^EKI9x@er=5ugvW0_20Z+ zZS=5Yj=|%+<9T8(L%Ml?1OI>v&=F+dCqFk~Il~O_tL#Xf;1hv=;t=~foz3J=l=#a% zFAG21_rZ2}Q-v&pJLlzxFBTuldHd4WksbWZIr0@gvOf!Vb&d&%Ik&UO4EKW@xn@h8 z5utNSn4y>o@Ln(xnS&1>FE za34I*Km>Y_b<^M4kcH3iz8t!mH5?#RNkJ3N8WbUyt!>K%xfmSv1n_YM$cCO-C@ z-t+7}y;pkXy~0da{<-AiFS4*{nEPgF84?n$Y{`$P+l-J&uIZQt&Cs>1cEGG@+o-b6 zeTkbSkFS6+cl%NpyDz>5YK4J-NxD#C#v*wPO* zE~sW)qF^AXWF0UX)KAVpkKvi^;!NQ4n)odDFj6vD)UR2fm+X_JZp4^c`+$Vx*8(;l znBtjM1XdAV0wb&``Njc(+y9Wkc}+sfcY_DS>d#TQPyqEJ7L-4_T_FCDPg^p8ir~gh zk;s%3olf;+YAK+1i1;u@yd|4&rucE&939tWwlqMKuCXx^!68P+6D5NRe_6tW!3EYw z?_T4IVxQDM3Aopp3lW|^V>!@_FGKEwQbeWn#z?gDY29hBMtb&WfF0FZz;bS}%7EVwQU+aCmxBZ9dt1i%y*4P3_W;XfInT1C4hFh(T(7ckInOgx09ZB({w@TFds}cO^5|{% z!Si%q{2hZ_;%6=z>Vl6NSidA!b@LF2RfSVKFL1G%&1_4hpxCu;*8j;xshAf3}p^W-~ zU6Sjy9*8015Pbw_Cm=Fg|Br)5A~KzAMnjZ$W&jNkjS*NKqx)F0iRV7BQ8K#O^$frS zeb(}r9LQg0;U7mh;KDB0fL^T+7X0?hS@^Pa!UO*+3$LzreQ0Z5>m3Y;(Ppd0s$cJy z4w>Npr@#q3$4<=d>VtKx!`R5Tu_d~GT)^{dSE`R83+?cyJ+i6%NuG)hXjVL*+4^;# z*%har=e=!Hh7{+NgUze zyPm;*r1ibK=y=Cl;=w}ISM?k%`kd^*nn<;>on(%mr|TEV9?#Hmj`SRxQ}!glAnH%ByI))WR3i&q2M-YJ?cy_42vES6 zFG$~AdYShp96Zz8k+2^;$BymjFs=c}fBQrh{^5XU>&~Ak$0_f69k9((0XT_$Rp(wK zRo4DKBZ;5@0XqgrKKla!>piZ+O4;3sa^7ZX23P{5$P+;~o03RbYQ22-ERh`DB)(tn zftu9rl~ieu-i;M(jHJjvzRgnFIy)VwqU< zK^ZXfMYXOM!D}nk*EWsLY+C#3M)kd0^!or`lB8L*PW4_XJvQxnwY{!C{2BG_Yh3T6 zO9@ysG)w2qa_m_TU+d1w2SMEv>i4%U^GsB9b|rtR(WK$76R~3uvI3UIro1&uGCtFt z@)Xdv;A)b&c+Cb{%KoR_z$SMsP&-`e%gxDfKJ0`(r0<%6T**~$>XSWeB z;M-&tPQF-u;3<_`wu+@AZ~mV2Z;J<`FBU%+%PzInx;+4Y@=e;8|M3s#m#03Sg`Y$` zK^+N_rI|rsRP+)9sn{BVh1edlLh&EK7-si_CkE694;0Z)QQkU>lo* zmze<;>N;YV_@8+uFt`$&_N4sVmw(^^yu~-jUVqWEb4?d_@&Ssq;^Ah=%NXPo9Mj4D zB=imgASC#Zv}FT?=%GZlk&v}WHc(dMJ_CWlw*`Kxop*o?cO%bw?xWJZFZ{deb6WKi z51;7o{-oK#vi?sSaozl&oR=m2&pos;dXjswhxn;!qgw*f=o;|&tEbdY{#N}?m~O=R z&g-et;p+~HuRAl_hk?Lt3YL=<%HUCJJ_fII5l5u5E-gq;-Bt*kTn20OBMh}#3? z!1`##eeXmzNQbbFBBmkU(4_j^EixNL6g=f#IHu??bqFR0)4YV`hOdjsTs_C9?M-vEEu2Ki&Z zAtrLDi|;isue-M$*UdMDU+I|hYiXvp&5(`nw>FOVS<*w^`}WV)N#Ff@Ti#ToO=Emu zj&g!+pA4?c&1m%(fPFh z1_kx}G4+eLBy%5qQ8-3&VzZu# z&I^Lw34d5J2j}sB!yUo#z=WdWA7iyM@+ z)9Doc>A{e%PS< z)IbaCJaC&vXA!JX2uji4i-Kar9VdtDHUg55#y<)&LQ*Otzj05E3mwACJ8@tMnhciF zs_*WBZANVN>Y0C%LAmZbu24|ajA8?*ZkHhctFHa(sw|xRi2y;9e}jw#vTG`NQ;n7l z@gvUQVL3%xUsV}ya_5y+rv3OW?*VXAobetMHfwNAmtq_z=X4Hj(+-c?BikfNM>20P;1&Ra3N9k%en61KBg>D zMmE`;{a12)X1HNz#22R!=gN3r@C*$L+`UE7NSp+}`@NL^BeKpse zECRiJleQ-iSTdw~H)~vPl#$&(Pv1X3$}i=sbN%|wd$MrbEpO+|JJIt3qaRUy4()Kj zF;@;${dCVpTp$3+hE#L(Zf5SVX)e0yddbw*4W7|GqFb4~BkOg3PL?Cn`lstR)*YXs zGL3K1cRnd6>2D$+s&l}%M*Lo{y1yxaeuBExI1g}uShM^6dT#bik=kxW59c)wzO`$V zn`yJeZ|SC`ecUOv&2{shEy2vCDFWq_1@7j~bg;)akoDF3v+$YE$#$HBPP63fTCP1D}WH*qjtt&)#rc!V>b`P^sjUMzd6^s?!>MN55Sld)!@o-XzE2sx6t##3I9Un*iCPKT^F$ zNzMkSPl(3LF0f=nH-TQ(=RRN5SMROY`&q-gR=g{S$RMxP^@5J)>6>Jgv#Diw*}y?V z{n&kwz9T?f?9-M%)rfwMj=+XuQ1P5TIO3eAENo^>pwkw$ zO81?Vqu9--p7VYJfxL^LG=TsD&|m}P4u^*sWgmM~80KWm3M#tJPkNvCV@q&A2_hyP zf-`_jHp@m$n&Wn+MKb>2ZzP)!c$p?mluWPm!TC~Mq6~1(Y>rCaRHJD(OJ3<$@m&mz zKc}|d75UC!G_r<6pPb<21f<}h+5V#A6w_rK^Ij)&o^!5iZAljHrLO3`DBtCJ(gL8x zvo;i`37wT39f;@B6k5J#x;GNRH`@N<;nKBReJZ;-1(7G%G58H0n6qB>o$T#xpcyk9y+fT)v1l@Mu=~NT!uRl;FSFBQF*@An1xrQFYeTR z+timvq5E{i(dS42nXE>p<)@%`iLmn=BTgXWv0g`(?gA&^^b+V~M&xGXDY%nWuRc6U z|Ie4hJVjV`?2DN#DMet8KEfu~I7_33`s|OZ-=BruvH`9A-G0zNcB`*HD}Dae6><_K zH={1{_gC_#8WE(hK}KXJ$_E%0dOfTHE?9H2a5~7xhYxWclPjPj|0+qY-Y~d z)!=2>)dGE3!}tKa9yUMw2y0g@@I-*wU@FLm*t4}l|s+hAb} zBEhSo+hz8Ag3tJ#JJ)65DfOY_I%gTBR6cA3w!*M?a2tS+Mjzw7*cgKEtAYo=Ap$}v zsD-}+F=%UeE;!am`kw&Fk>EHa&HC#Q6}-)-ibq?81DFkLf!Ms;0qoukVWgq&5wC>N z7LWI!c4|v}Fk}K-LEqzujTYgBMz;aLvE>oR{xerg9 zUn%Ug{*T4;=`K^~JvI+~S-R=#hkW@z+khKAi9RepqGv?RNHKW}j+MavslKJa5dT-6 zSMsI`S>K4~$ipJZ_~;8fm}vpL_#3_n-yfQDAEY5(PXSZ<1?`U>8zlY0z6!{P^@*G( z8R1*;J~k*szVX@E1BLezTm`>uyjr&VXX4$*C4VCvrx5I7mi(5MEW7|VxnA!q@M_H%jOIhhMf38 z$x?&c{xpy|Ozpi-G(NT&KFWH@6&uh_myTY1iSrt)#vUtkZq-qJ*_K7BbN$W$)jr+3 z@5{pK@;fdIj^AtsYt9p??h*Dn{D}O(y0ghX=DX#*kC-iqWuPCR>(lR*#C^2wB7I}k z#J0StMwfpg3m?A7br5p$ZQ0{ryeVwEz%dN|DB17u4w;&z_pgwR+FU&Av(t|IM7I`v zxvsl{`;8~-cSSCEc)=YX*^cC@Qy!(F4@U$8B1)oi}s8RM{um|y(h0SalY(Yw%wAm{;mrHoc zIkEvyEBW&~O4Q~;$B5~>mZp!Pi6FjTt!J>@A_4!In4awxoyo$#s?oly>$^m(w@UEy z;*nX{f0-}re}&$$z0QN(WHS=nC1a0FW{!+>&e#1dx2v<$1Ki}@qy15|F- zStL-6ai1pRzev36I?#E<`man`Z4vOAdUs}0_|@J`N~`-vCX{%Ls^E%(Y0=6_5kCq0Sf^07;8vYsITF zm~yI~D0<)*{#AaDx+Vt?{*jTw(Tr9Z&yoQ(&>qjriL%(BM$XHM%mD&F{RPQM5=(2$GaV|k2WRze*3RuBIbOagEmdO;nPT423@WmVbf9o4% zj>N?Y%&})>Jdzp5{z@ItHv9Hrd8Sn#WOqI^uCLr>jYvg=P_3Q^muek>> zeA)ag+`XzTf2z^`%-8(>YNHPl+;O>d~=V_BPm^MFCUlr;x1Vd);06=JEC`ruA2Z4Xaq{{^~#iJbk72jqMl&1~IKbU1BG zfdAfJsw=YB4u9GsGO=xgp1jKjHV2S+ZE%MQod&pMy=n9qppdp96Mm}rJ5A2ur)Om0 zQC-`lvQ1E(S@!5W@oRK%^$|G^Y)+XM*_z#=8kKR2?)$7{>Or;HD{?Xp=o*>dtlQlp zS}i({XLPNPc+sl!p?V+L*B8kCv6)+q9Eyt=5YY8T5dm$ME~z89En-dAx)}H?O1_t= zy;$>dpq?9CuX0IFigJVt1PS$CTUwsQ>vr$)or^RnFLui~N83 zV54Y}XzSzp-d>kS0yNu~ioXLrurm9zS@_`Br33OF47b2=*>?$!RMw#yv0nO^7VqcC zJ+j4Gu~U)PDE|a5u$=(ac5wjU>b|l={<}A)Xw<=GFwj*%yc9q0s%{ z8)gCZUZD0^=>ddsvMV#MmOkm~xNw7KCjukLIri3)XOOp?2Xa#IgYOZvvt?4+;ZM6nS=*t+H{^iXOW>VUCk7PQ zb7PKVarQFD;iYF&{nNF||I_=CF@1mGPPP3TnQg3UdW+w5FIb9pz?nZSnPWrtE^&a2 zvSAm~o&z%^zw3tkk{<9P=>^_pLG1WVd=c!~q-!OoFJ-pOnd#Glf3FR1st~@J1^>Ev zz?O4#1vc4c1LhqM?koBRY4`^u@vOMOgTs`8pb;3EfC4(0Y}&O?N#{;;oG_!teNAjH z0|_h_KrouXHGvd@Z%GexA3+Ul2lc^Lr$Ib)7rGZh7x9ji*-h}1;2pM}d&}#XY#RNV zcTfj{b`3fAclXJzJbFxh_8bO_Edvlf)6T*BDg!>qEP4t)jF7Dwd`SKDP9GR0kc0nB zd-6Q}B`y6(kQ|&;A3QMwU&EGR$$5RKGwb(Kmszrrx4)HzKU?ktU({*pLh5{~$Jqp(=4Tk>J*^*>8i7)C6o z&@p1xZJHrkN_-OauJQL!Piz%(#a;@#_6s*n_t_};nCJ%!mggOVoEfX%Uy#gfby+~R zXlDihZrPRDY9=KH|P57Yiru;)4({U#9YHn0B_kEYKLgh1{0^PubeTOz%eM*V1x`DyI#U>;E3YkaK01uGp>i z6%R&A-%gk)nd|QL;M=y>PCm+N-k&3OLBGFB^*;Rf!fQVjJ`*30N-te2`#eK(J5D~$ zidG+>gNO7tX6{plrK8kG|2hkg$e(>r@IW#CA%mn0GOV1ZXZQGQ1L6nxxs~SER6hRmG^~>j)TnR1h;$4a9S=KzVfCl zTt40P8400ZAD4w6zbQTq_5C*fLGOD8-$1{y4)w0!`(S-`y>#P+KC6O(V0=)^45vQv zSUNBG0NV$|pX)X{?gkU%FXJoGK55{zS-!Sak5^IqWHodLaab1J_ zJ^9C@S30kWzkye{&jxFBT%h-^sP*=pJ|PS5e=G}c4)%JQUefO@4aYLIKNGgPO!AH# z6JMjx&ybHjcc;G9$#qj&maIv?t>BM1c1{T=^mC4E zwp_`d-%+AA7dl34G?Av%rN$+&+EnYC(d-b@KduJ-**CNBA0NoV4|WSs&6aZO?9bA0 z7(CY11XKV*2?8b|L@3G3X5GAXIyT=b;rNjR<&3`3!Sci~cc4;%TNSxb7O1zujBLS=lqW7Xa=X==!Ld4!6bM?n-;x|Sq=rD!TZzw2HvBwFdoMD**iFLO~f>70vGTT zgGv_FxB5GP=3dL5it@t<{et+c8O-2vLYt>i_sX(XBbx@PW7kIYZ2_u?Jh6>D zr6YC==-jzfeW7mzgk?OWi~!C`{#2u5cV^+Gg+7a*kIJx0{8}vF+Fvwdlls;m2fhrd zVIx>4mVFdhnuH~;2I`!(xv?Pxbr|GfaEIVXgNP+J9v-TG@@+lyh-bZQ7LC$9WREkw zmFHLjg