MASKD
[Getting Started Notebook] MASKD Challange
This is a Baseline Code to get you started with the challenge.
This dataset and notebook correspond to the MASKD Challenge being held on AIrowd.
Authors: Gauransh Kumar, Shraddhaa Mohan, Rohit Midha¶
Downloads and Installations¶
# download the MaskRCNN repository
!git clone https://github.com/matterport/Mask_RCNN.git
Cloning into 'Mask_RCNN'... remote: Enumerating objects: 956, done. remote: Total 956 (delta 0), reused 0 (delta 0), pack-reused 956 Receiving objects: 100% (956/956), 125.23 MiB | 13.04 MiB/s, done. Resolving deltas: 100% (565/565), done.
# install
!cd Mask_RCNN; python setup.py install
WARNING:root:Fail load requirements file, so using default ones. /usr/local/lib/python3.7/dist-packages/setuptools/dist.py:700: UserWarning: Usage of dash-separated 'description-file' will not be supported in future versions. Please use the underscore name 'description_file' instead % (opt, underscore_opt)) /usr/local/lib/python3.7/dist-packages/setuptools/dist.py:700: UserWarning: Usage of dash-separated 'license-file' will not be supported in future versions. Please use the underscore name 'license_file' instead % (opt, underscore_opt)) /usr/local/lib/python3.7/dist-packages/setuptools/dist.py:700: UserWarning: Usage of dash-separated 'requirements-file' will not be supported in future versions. Please use the underscore name 'requirements_file' instead % (opt, underscore_opt)) running install running bdist_egg running egg_info creating mask_rcnn.egg-info writing mask_rcnn.egg-info/PKG-INFO writing dependency_links to mask_rcnn.egg-info/dependency_links.txt writing top-level names to mask_rcnn.egg-info/top_level.txt writing manifest file 'mask_rcnn.egg-info/SOURCES.txt' reading manifest template 'MANIFEST.in' adding license file 'LICENSE' writing manifest file 'mask_rcnn.egg-info/SOURCES.txt' installing library code to build/bdist.linux-x86_64/egg running install_lib running build_py creating build creating build/lib creating build/lib/mrcnn copying mrcnn/visualize.py -> build/lib/mrcnn copying mrcnn/config.py -> build/lib/mrcnn copying mrcnn/utils.py -> build/lib/mrcnn copying mrcnn/model.py -> build/lib/mrcnn copying mrcnn/__init__.py -> build/lib/mrcnn copying mrcnn/parallel_model.py -> build/lib/mrcnn creating build/bdist.linux-x86_64 creating build/bdist.linux-x86_64/egg creating build/bdist.linux-x86_64/egg/mrcnn copying build/lib/mrcnn/visualize.py -> build/bdist.linux-x86_64/egg/mrcnn copying build/lib/mrcnn/config.py -> build/bdist.linux-x86_64/egg/mrcnn copying build/lib/mrcnn/utils.py -> build/bdist.linux-x86_64/egg/mrcnn copying build/lib/mrcnn/model.py -> build/bdist.linux-x86_64/egg/mrcnn copying build/lib/mrcnn/__init__.py -> build/bdist.linux-x86_64/egg/mrcnn copying build/lib/mrcnn/parallel_model.py -> build/bdist.linux-x86_64/egg/mrcnn byte-compiling build/bdist.linux-x86_64/egg/mrcnn/visualize.py to visualize.cpython-37.pyc byte-compiling build/bdist.linux-x86_64/egg/mrcnn/config.py to config.cpython-37.pyc byte-compiling build/bdist.linux-x86_64/egg/mrcnn/utils.py to utils.cpython-37.pyc byte-compiling build/bdist.linux-x86_64/egg/mrcnn/model.py to model.cpython-37.pyc byte-compiling build/bdist.linux-x86_64/egg/mrcnn/__init__.py to __init__.cpython-37.pyc byte-compiling build/bdist.linux-x86_64/egg/mrcnn/parallel_model.py to parallel_model.cpython-37.pyc creating build/bdist.linux-x86_64/egg/EGG-INFO copying mask_rcnn.egg-info/PKG-INFO -> build/bdist.linux-x86_64/egg/EGG-INFO copying mask_rcnn.egg-info/SOURCES.txt -> build/bdist.linux-x86_64/egg/EGG-INFO copying mask_rcnn.egg-info/dependency_links.txt -> build/bdist.linux-x86_64/egg/EGG-INFO copying mask_rcnn.egg-info/top_level.txt -> build/bdist.linux-x86_64/egg/EGG-INFO zip_safe flag not set; analyzing archive contents... creating dist creating 'dist/mask_rcnn-2.1-py3.7.egg' and adding 'build/bdist.linux-x86_64/egg' to it removing 'build/bdist.linux-x86_64/egg' (and everything under it) Processing mask_rcnn-2.1-py3.7.egg Copying mask_rcnn-2.1-py3.7.egg to /usr/local/lib/python3.7/dist-packages Adding mask-rcnn 2.1 to easy-install.pth file Installed /usr/local/lib/python3.7/dist-packages/mask_rcnn-2.1-py3.7.egg Processing dependencies for mask-rcnn==2.1 Finished processing dependencies for mask-rcnn==2.1
# install pycocotools
!pip uninstall -q pycocotools -y
!pip install -q git+https://github.com/waleedka/coco.git#subdirectory=PythonAPI
Building wheel for pycocotools (setup.py) ... done
!pip install numpy==1.17.5
!pip uninstall pycocotools
!pip install pycocotools --no-binary pycocotools
Requirement already satisfied: numpy==1.17.5 in /usr/local/lib/python3.7/dist-packages (1.17.5) Found existing installation: pycocotools 2.0 Uninstalling pycocotools-2.0: Would remove: /usr/local/lib/python3.7/dist-packages/pycocotools-2.0.dist-info/* /usr/local/lib/python3.7/dist-packages/pycocotools/* Proceed (y/n)? y Successfully uninstalled pycocotools-2.0 Collecting pycocotools Downloading pycocotools-2.0.4.tar.gz (106 kB) |████████████████████████████████| 106 kB 4.4 MB/s Installing build dependencies ... done Getting requirements to build wheel ... done Preparing wheel metadata ... done Requirement already satisfied: numpy in /usr/local/lib/python3.7/dist-packages (from pycocotools) (1.17.5) Requirement already satisfied: matplotlib>=2.1.0 in /usr/local/lib/python3.7/dist-packages (from pycocotools) (3.2.2) Requirement already satisfied: cycler>=0.10 in /usr/local/lib/python3.7/dist-packages (from matplotlib>=2.1.0->pycocotools) (0.11.0) Requirement already satisfied: python-dateutil>=2.1 in /usr/local/lib/python3.7/dist-packages (from matplotlib>=2.1.0->pycocotools) (2.8.2) Requirement already satisfied: kiwisolver>=1.0.1 in /usr/local/lib/python3.7/dist-packages (from matplotlib>=2.1.0->pycocotools) (1.3.2) Requirement already satisfied: pyparsing!=2.0.4,!=2.1.2,!=2.1.6,>=2.0.1 in /usr/local/lib/python3.7/dist-packages (from matplotlib>=2.1.0->pycocotools) (3.0.7) Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.7/dist-packages (from python-dateutil>=2.1->matplotlib>=2.1.0->pycocotools) (1.16.0) Building wheels for collected packages: pycocotools Building wheel for pycocotools (PEP 517) ... done Created wheel for pycocotools: filename=pycocotools-2.0.4-cp37-cp37m-linux_x86_64.whl size=265217 sha256=2490fad10dacb5f4bed898bebf44cbaa680f4d38639f7f5ed501c35b978bff47 Stored in directory: /root/.cache/pip/wheels/a3/5f/fa/f011e578cc76e1fc5be8dce30b3eb9fd00f337e744b3bba59b Successfully built pycocotools Installing collected packages: pycocotools Successfully installed pycocotools-2.0.4
!pip install 'h5py==2.10.0' --force-reinstall
Collecting h5py==2.10.0
Using cached h5py-2.10.0-cp37-cp37m-manylinux1_x86_64.whl (2.9 MB)
Collecting six
Using cached six-1.16.0-py2.py3-none-any.whl (11 kB)
Collecting numpy>=1.7
Using cached numpy-1.21.5-cp37-cp37m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl (15.7 MB)
Installing collected packages: six, numpy, h5py
Attempting uninstall: six
Found existing installation: six 1.16.0
Uninstalling six-1.16.0:
Successfully uninstalled six-1.16.0
Attempting uninstall: numpy
Found existing installation: numpy 1.17.5
Uninstalling numpy-1.17.5:
Successfully uninstalled numpy-1.17.5
Attempting uninstall: h5py
Found existing installation: h5py 2.10.0
Uninstalling h5py-2.10.0:
Successfully uninstalled h5py-2.10.0
ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.
lucid 0.3.10 requires umap-learn, which is not installed.
tensorflow 1.15.2 requires gast==0.2.2, but you have gast 0.5.3 which is incompatible.
lucid 0.3.10 requires numpy<=1.19, but you have numpy 1.21.5 which is incompatible.
kapre 0.3.7 requires tensorflow>=2.0.0, but you have tensorflow 1.15.2 which is incompatible.
google-colab 1.0.0 requires requests~=2.23.0, but you have requests 2.27.1 which is incompatible.
google-colab 1.0.0 requires six~=1.15.0, but you have six 1.16.0 which is incompatible.
datascience 0.10.6 requires folium==0.2.1, but you have folium 0.8.3 which is incompatible.
albumentations 0.1.12 requires imgaug<0.2.7,>=0.2.5, but you have imgaug 0.2.9 which is incompatible.
Successfully installed h5py-2.10.0 numpy-1.21.5 six-1.16.0
Restart Runtime here!
# install a stable keras version
!pip install -q keras==2.2.5
!cd Mask_RCNN; wget -q https://github.com/matterport/Mask_RCNN/releases/download/v2.0/mask_rcnn_coco.h5
import sys
!{sys.executable} -m pip install aicrowd-cli
%load_ext aicrowd.magic
Requirement already satisfied: aicrowd-cli in /usr/local/lib/python3.7/dist-packages (0.1.14) Requirement already satisfied: rich<11,>=10.0.0 in /usr/local/lib/python3.7/dist-packages (from aicrowd-cli) (10.16.2) Requirement already satisfied: semver<3,>=2.13.0 in /usr/local/lib/python3.7/dist-packages (from aicrowd-cli) (2.13.0) Requirement already satisfied: pyzmq==22.1.0 in /usr/local/lib/python3.7/dist-packages (from aicrowd-cli) (22.1.0) Requirement already satisfied: python-slugify<6,>=5.0.0 in /usr/local/lib/python3.7/dist-packages (from aicrowd-cli) (5.0.2) Requirement already satisfied: toml<1,>=0.10.2 in /usr/local/lib/python3.7/dist-packages (from aicrowd-cli) (0.10.2) Requirement already satisfied: requests<3,>=2.25.1 in /usr/local/lib/python3.7/dist-packages (from aicrowd-cli) (2.27.1) Requirement already satisfied: tqdm<5,>=4.56.0 in /usr/local/lib/python3.7/dist-packages (from aicrowd-cli) (4.63.0) Requirement already satisfied: requests-toolbelt<1,>=0.9.1 in /usr/local/lib/python3.7/dist-packages (from aicrowd-cli) (0.9.1) Requirement already satisfied: GitPython==3.1.18 in /usr/local/lib/python3.7/dist-packages (from aicrowd-cli) (3.1.18) Requirement already satisfied: click<8,>=7.1.2 in /usr/local/lib/python3.7/dist-packages (from aicrowd-cli) (7.1.2) Requirement already satisfied: typing-extensions>=3.7.4.0 in /usr/local/lib/python3.7/dist-packages (from GitPython==3.1.18->aicrowd-cli) (3.10.0.2) Requirement already satisfied: gitdb<5,>=4.0.1 in /usr/local/lib/python3.7/dist-packages (from GitPython==3.1.18->aicrowd-cli) (4.0.9) Requirement already satisfied: smmap<6,>=3.0.1 in /usr/local/lib/python3.7/dist-packages (from gitdb<5,>=4.0.1->GitPython==3.1.18->aicrowd-cli) (5.0.0) Requirement already satisfied: text-unidecode>=1.3 in /usr/local/lib/python3.7/dist-packages (from python-slugify<6,>=5.0.0->aicrowd-cli) (1.3) Requirement already satisfied: urllib3<1.27,>=1.21.1 in /usr/local/lib/python3.7/dist-packages (from requests<3,>=2.25.1->aicrowd-cli) (1.24.3) Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.7/dist-packages (from requests<3,>=2.25.1->aicrowd-cli) (2.10) Requirement already satisfied: charset-normalizer~=2.0.0 in /usr/local/lib/python3.7/dist-packages (from requests<3,>=2.25.1->aicrowd-cli) (2.0.12) Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.7/dist-packages (from requests<3,>=2.25.1->aicrowd-cli) (2021.10.8) Requirement already satisfied: pygments<3.0.0,>=2.6.0 in /usr/local/lib/python3.7/dist-packages (from rich<11,>=10.0.0->aicrowd-cli) (2.6.1) Requirement already satisfied: commonmark<0.10.0,>=0.9.0 in /usr/local/lib/python3.7/dist-packages (from rich<11,>=10.0.0->aicrowd-cli) (0.9.1) Requirement already satisfied: colorama<0.5.0,>=0.4.0 in /usr/local/lib/python3.7/dist-packages (from rich<11,>=10.0.0->aicrowd-cli) (0.4.4)
%aicrowd login
Please login here: https://api.aicrowd.com/auth/FK1bAw74uwATDWyHgyjRRE6iiyijafwB4F_B4ebWac4 API Key valid Gitlab access token valid Saved details successfully!
DOWNLOAD DATASET
#Donwload the datasets
%aicrowd ds dl -c maskd
!unzip -q train_images.zip
!unzip -q val_images.zip
!unzip -q test_images.zip
Imports¶
%tensorflow_version 1.x
TensorFlow 1.x selected.
import os
import sys
import itertools
import math
import logging
import json
import re
import random
import matplotlib
import numpy as np
import matplotlib.pyplot as plt
import matplotlib.patches as patches
import matplotlib.lines as lines
import imgaug.augmenters as iaa
from matplotlib.patches import Polygon
from collections import OrderedDict
from pycocotools.coco import COCO
from pycocotools.cocoeval import COCOeval
from pycocotools import mask as maskUtils
# Root directory of the project
ROOT_DIR = os.path.abspath("/content/Mask_RCNN")
# Import Mask RCNN
sys.path.append(ROOT_DIR) # To find local version of the library
from mrcnn import utils
from mrcnn import visualize
from mrcnn.visualize import display_images
import mrcnn.model as modellib
from mrcnn.model import log
from mrcnn.config import Config
%matplotlib inline
Using TensorFlow backend.
import tensorflow
print(tensorflow.__version__)
import keras
print(keras.__version__)
1.15.2 2.2.5
Explanatory Data Analysis¶
Let us Inspect the data we have first before moving on to building the model.
##Create Mask Dataset Class
class MaskDataset(utils.Dataset):
def load_dataset(self, dataset_dir,dtype,return_coco=True):
""" Loads Mask dataset
Params:
- dataset_dir : root directory of the dataset (can point to the train/val folder)
- dtype: specifies train or val
- load_small : Boolean value which signals if the annotations for all the images need to be loaded into the memory,
or if only a small subset of the same should be loaded into memory
"""
self.dtype = dtype
if self.dtype=="train":
annotation_path = os.path.join(dataset_dir, "train.json")
image_dir = os.path.join(dataset_dir, "train_images")
elif self.dtype=="val":
annotation_path = os.path.join(dataset_dir, "val.json")
image_dir = os.path.join(dataset_dir, "val_images")
print("Annotation Path ", annotation_path)
print("Image Dir ", image_dir)
assert os.path.exists(annotation_path) and os.path.exists(image_dir)
self.coco = COCO(annotation_path)
self.image_dir = image_dir
# Load all classes (Only Building in this version)
classIds = self.coco.getCatIds()
# Load all images
image_ids = list(self.coco.imgs.keys())
# register classes
for _class_id in classIds:
self.add_class("mask-detection", _class_id, self.coco.loadCats(_class_id)[0]["name"])
# Register Images
for _img_id in image_ids:
assert(os.path.exists(os.path.join(image_dir, self.coco.imgs[_img_id]['file_name'])))
self.add_image(
"mask-detection", image_id=_img_id,
path=os.path.join(image_dir, self.coco.imgs[_img_id]['file_name']),
width=self.coco.imgs[_img_id]["width"],
height=self.coco.imgs[_img_id]["height"],
annotations=self.coco.loadAnns(self.coco.getAnnIds(
imgIds=[_img_id],
catIds=classIds,
iscrowd=None)))
if return_coco:
return self.coco
def load_mask(self, image_id):
""" Loads instance mask for a given image
This function converts mask from the coco format to a
a bitmap [height, width, instance]
Params:
- image_id : reference id for a given image
Returns:
masks : A bool array of shape [height, width, instances] with
one mask per instance
class_ids : a 1D array of classIds of the corresponding instance masks
"""
image_info = self.image_info[image_id]
assert image_info["source"] == "mask-detection"
instance_masks = []
class_ids = []
annotations = self.image_info[image_id]["annotations"]
# Build mask of shape [height, width, instance_count] and list
# of class IDs that correspond to each channel of the mask.
for annotation in annotations:
class_id = self.map_source_class_id(
"mask-detection.{}".format(annotation['category_id']))
if class_id:
m = self.annToMask(annotation, image_info["height"],
image_info["width"])
# Some objects are so small that they're less than 1 pixel area
# and end up rounded out. Skip those objects.
if m.max() < 1:
continue
# Ignore the notion of "is_crowd" as specified in the coco format
# as we donot have the said annotation in the current version of the dataset
instance_masks.append(m)
class_ids.append(class_id)
# Pack instance masks into an array
if class_ids:
mask = np.stack(instance_masks, axis=2)
class_ids = np.array(class_ids, dtype=np.int32)
return mask, class_ids
else:
# Call super class to return an empty mask
return super(MaskDataset, self).load_mask(image_id)
def image_reference(self, image_id):
"""Return a reference for a particular image
Ideally you this function is supposed to return a URL
but in this case, we will simply return the image_id
"""
return "mask-detection::{}".format(image_id)
# The following two functions are from pycocotools with a few changes.
def annToRLE(self, ann, height, width):
"""
Convert annotation which can be polygons, uncompressed RLE to RLE.
:return: binary mask (numpy 2D array)
"""
segm = ann['segmentation']
if isinstance(segm, list):
# polygon -- a single object might consist of multiple parts
# we merge all parts into one mask rle code
rles = maskUtils.frPyObjects(segm, height, width)
rle = maskUtils.merge(rles)
elif isinstance(segm['counts'], list):
# uncompressed RLE
rle = maskUtils.frPyObjects(segm, height, width)
else:
# rle
rle = ann['segmentation']
return rle
def annToMask(self, ann, height, width):
"""
Convert annotation which can be polygons, uncompressed RLE, or RLE to binary mask.
:return: binary mask (numpy 2D array)
"""
rle = self.annToRLE(ann, height, width)
m = maskUtils.decode(rle)
return m
The MaskRCNN repository works on configs. For trainin we create a config sa shown below.
class MaskConfig(Config):
"""Configuration for training on data in MS COCO format.
Derives from the base Config class and overrides values specific
to the COCO dataset. Edit here to find optimum parameters
"""
# Give the configuration a recognizable name
NAME = "mask-detection"
# We use a GPU with 12GB memory, which can fit two images.
# Adjust down if you use a smaller GPU.
IMAGES_PER_GPU = 2
# Comment to train on 8 GPUs (default is 1)
GPU_COUNT = 1
BACKBONE = 'resnet50'
# Number of classes (including background)
NUM_CLASSES = 3 # 1 Background + 2 classes(mask/no_mask)
STEPS_PER_EPOCH=150
VALIDATION_STEPS=50
MAX_GT_INSTANCES=35
LEARNING_RATE=0.01
IMAGE_MAX_DIM=256
IMAGE_MIN_DIM=256
MINI_MASK_SHAPE=(128,128)
# Mask Dataset
config = MaskConfig()
DATASET_DIR = "/content/"
config.display()
Configurations: BACKBONE resnet50 BACKBONE_STRIDES [4, 8, 16, 32, 64] BATCH_SIZE 2 BBOX_STD_DEV [0.1 0.1 0.2 0.2] COMPUTE_BACKBONE_SHAPE None DETECTION_MAX_INSTANCES 100 DETECTION_MIN_CONFIDENCE 0.7 DETECTION_NMS_THRESHOLD 0.3 FPN_CLASSIF_FC_LAYERS_SIZE 1024 GPU_COUNT 1 GRADIENT_CLIP_NORM 5.0 IMAGES_PER_GPU 2 IMAGE_CHANNEL_COUNT 3 IMAGE_MAX_DIM 256 IMAGE_META_SIZE 15 IMAGE_MIN_DIM 256 IMAGE_MIN_SCALE 0 IMAGE_RESIZE_MODE square IMAGE_SHAPE [256 256 3] LEARNING_MOMENTUM 0.9 LEARNING_RATE 0.01 LOSS_WEIGHTS {'rpn_class_loss': 1.0, 'rpn_bbox_loss': 1.0, 'mrcnn_class_loss': 1.0, 'mrcnn_bbox_loss': 1.0, 'mrcnn_mask_loss': 1.0} MASK_POOL_SIZE 14 MASK_SHAPE [28, 28] MAX_GT_INSTANCES 35 MEAN_PIXEL [123.7 116.8 103.9] MINI_MASK_SHAPE (128, 128) NAME mask-detection NUM_CLASSES 3 POOL_SIZE 7 POST_NMS_ROIS_INFERENCE 1000 POST_NMS_ROIS_TRAINING 2000 PRE_NMS_LIMIT 6000 ROI_POSITIVE_RATIO 0.33 RPN_ANCHOR_RATIOS [0.5, 1, 2] RPN_ANCHOR_SCALES (32, 64, 128, 256, 512) RPN_ANCHOR_STRIDE 1 RPN_BBOX_STD_DEV [0.1 0.1 0.2 0.2] RPN_NMS_THRESHOLD 0.7 RPN_TRAIN_ANCHORS_PER_IMAGE 256 STEPS_PER_EPOCH 150 TOP_DOWN_PYRAMID_SIZE 256 TRAIN_BN False TRAIN_ROIS_PER_IMAGE 200 USE_MINI_MASK True USE_RPN_ROIS True VALIDATION_STEPS 50 WEIGHT_DECAY 0.0001
dataset = MaskDataset()
dataset.load_dataset(DATASET_DIR, "train")
# Must call before using the dataset
dataset.prepare()
print("[INFO] Image Count: {}".format(len(dataset.image_ids)))
print("[INFO] Class Count: {}".format(dataset.num_classes))
for i, info in enumerate(dataset.class_info):
print("{:3}. {:50}".format(i, info['name']))
Annotation Path /content/train.json Image Dir /content/train_images loading annotations into memory... Done (t=0.02s) creating index... index created! [INFO] Image Count: 679 [INFO] Class Count: 3 0. BG 1. mask 2. no_mask
Samples¶
Load and display some sample images and masks.
image_ids = np.random.choice(dataset.image_ids, 4)
for image_id in image_ids:
print("[INFO] Image ID: {}".format(image_id))
image = dataset.load_image(image_id)
mask, class_ids = dataset.load_mask(image_id)
visualize.display_top_masks(image, mask, class_ids, dataset.class_names)
[INFO] Image ID: 7
[INFO] Image ID: 618
[INFO] Image ID: 249
[INFO] Image ID: 490
Bounding Boxes¶
Rather than using bounding box coordinates provided by the source datasets, we compute the bounding boxes from masks instead. This allows us to handle bounding boxes consistently regardless of the source dataset, and it also makes it easier to resize, rotate, or crop images because we simply generate the bounding boxes from the updated masks rather than computing bounding box transformation for each type of image transformation.
# Load random image and mask.
image_id = np.random.choice(dataset.image_ids, 1)[0]
image = dataset.load_image(image_id)
mask, class_ids = dataset.load_mask(image_id)
print("[INFO] Image Shape: {} \tClass ID : {}".format(mask.shape, class_ids))
# Compute Bounding box
bbox = utils.extract_bboxes(mask)
# Display image and additional stats
print("[INFO] Image ID: {} \tDataset Reference: {}".format(image_id, dataset.image_reference(image_id)))
log("[INFO] Image", image)
log("[INFO] Mask", mask)
log("[INFO] Class IDs", class_ids)
log("[INFO] BBOX", bbox)
# Display image and instances
visualize.display_instances(image, bbox, mask, class_ids, dataset.class_names)
[INFO] Image Shape: (1024, 932, 2) Class ID : [1 1] [INFO] Image ID: 475 Dataset Reference: mask-detection::475 [INFO] Image shape: (1024, 932, 3) min: 0.00000 max: 255.00000 uint8 [INFO] Mask shape: (1024, 932, 2) min: 0.00000 max: 1.00000 uint8 [INFO] Class IDs shape: (2,) min: 1.00000 max: 1.00000 int32 [INFO] BBOX shape: (2, 4) min: 86.00000 max: 759.00000 int32
Resize Images¶
To support multiple images per batch, images are resized to one size (256x256). However aspect ratio is preserved. If an image is not square, then zero padding is added at the top/bottom or right/left.
# Load random image and mask.
image_id = np.random.choice(dataset.image_ids, 1)[0]
image = dataset.load_image(image_id)
mask, class_ids = dataset.load_mask(image_id)
original_shape = image.shape
# Resize
image, window, scale, padding, _ = utils.resize_image(
image,
min_dim=config.IMAGE_MIN_DIM,
max_dim=config.IMAGE_MAX_DIM,
mode=config.IMAGE_RESIZE_MODE)
mask = utils.resize_mask(mask, scale, padding)
# Compute Bounding box
bbox = utils.extract_bboxes(mask)
# Display image and additional stats
print("[INFO] Image ID: {} \tDataset Reference: {}".format(image_id, dataset.image_reference(image_id)))
print("[INFO] Original Shape: ", original_shape)
log("[INFO] Image", image)
log("[INFO] Mask", mask)
log("[INFO] Class IDs", class_ids)
log("[INFO] BBOX", bbox)
# Display image and instances
visualize.display_instances(image, bbox, mask, class_ids, dataset.class_names)
[INFO] Image ID: 520 Dataset Reference: mask-detection::520 [INFO] Original Shape: (669, 1024, 3) [INFO] Image shape: (256, 256, 3) min: 0.00000 max: 255.00000 uint8 [INFO] Mask shape: (256, 256, 3) min: 0.00000 max: 1.00000 uint8 [INFO] Class IDs shape: (3,) min: 2.00000 max: 2.00000 int32 [INFO] BBOX shape: (3, 4) min: 19.00000 max: 205.00000 int32
Mini Masks¶
Instance binary masks can get large when training with high resolution images. For example, if training with 1024x1024 image then the mask of a single instance requires 1MB of memory (Numpy uses bytes for boolean values). If an image has 100 instances then that's 100MB for the masks alone.
To improve training speed, masks are optimized as:
- Mask pixels that are inside the object bounding box are stored, rather than a mask of the full image. Most objects are small compared to the image size, so space is saved by not storing a lot of zeros around the object.
- The mask is resized to a smaller size (e.g. 56x56). For objects that are larger than the selected size we lose a bit of accuracy. However, this loss is negligable for most practical purposes. Thie size of the mini_mask can be set in the config class.
To visualize the effect of mask resizing, and to verify the code correctness, we visualize some examples.
image_id = np.random.choice(dataset.image_ids, 1)[0]
image, image_meta, class_ids, bbox, mask = modellib.load_image_gt(
dataset, config, image_id, use_mini_mask=False)
log("[INFO] Image", image)
log("[INFO] Class IDs", class_ids)
log("[INFO] BBOX", bbox)
log("[INFO] Mask", mask)
log("[INFO] Image Metas", image_meta)
display_images([image]+[mask[:,:,i] for i in range(min(mask.shape[-1], 7))])
[INFO] Image shape: (256, 256, 3) min: 0.00000 max: 247.00000 uint8 [INFO] Class IDs shape: (2,) min: 1.00000 max: 2.00000 int32 [INFO] BBOX shape: (2, 4) min: 42.00000 max: 183.00000 int32 [INFO] Mask shape: (256, 256, 2) min: 0.00000 max: 1.00000 uint8 [INFO] Image Metas shape: (15,) min: 0.00000 max: 1024.00000 float64
visualize.display_instances(image, bbox, mask, class_ids, dataset.class_names)
Augmentations¶
Image augmentation is a strategy that allows us to significantly increase the diversity of images available for training models, without actually collecting new images. Augmentations make the model more robust.
# Add augmentation and mask resizing.
image, image_meta, class_ids, bbox, mask = modellib.load_image_gt(
dataset,
config,
image_id,
augmentation=iaa.Affine(rotate=(-35, 35)),
use_mini_mask=False
)
log("[INFO] Mask", mask)
display_images([image]+[mask[:,:,i] for i in range(min(mask.shape[-1], 7))])
[INFO] Mask shape: (256, 256, 2) min: 0.00000 max: 1.00000 bool
mask = utils.expand_mask(bbox, mask, image.shape)
visualize.display_instances(image, bbox, mask, class_ids, dataset.class_names)
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
Anchors, Feature Pyramid Network and ROIs¶
Detecting objects at different scales is challenging, even more so for small objects. We can use a pyramid of the same image at different scale to detect objects, as shown below. However this is a compute costly process and hence isn't used often. Alternatively, we create a pyramid of feature and use them for object detection.
For an Feature Pyramid Network (FPN) network, the anchors must be ordered in a way that makes it easy to match anchors to the output of the convolution layers that predict anchor scores and shifts.
The order of anchors is important. The same order has to be used in training and prediction phases. This must also match the order of the convolution execution. This is internally taken care of by the MaskRCNN library.
- Sort by pyramid level first. All anchors of the first level, then all of the second and so on. This makes it easier to separate anchors by level.
- Within each level, sort anchors by feature map processing sequence. Typically, a convolution layer processes a feature map starting from top-left and moving right row by row.
- For each feature map cell, pick any sorting order for the anchors of different ratios. Here we match the order of ratios passed to the function.
Anchor Stride: In the FPN architecture, feature maps at the first few layers are high resolution. For example, if the input image is 1024x1024 then the feature map of the first layer is 256x256, which generates about 200K anchors (256x256x3). These anchors are 32x32 pixels and their stride relative to image pixels is 4 pixels, so there is a lot of overlap. We can reduce the load significantly if we generate anchors for every other cell in the feature map. A stride of 2 will cut the number of anchors by 4, for example.
In this implementation we use an anchor stride of 2, which is different from the paper.
# Generate Anchors
backbone_shapes = modellib.compute_backbone_shapes(config, config.IMAGE_SHAPE)
anchors = utils.generate_pyramid_anchors(
config.RPN_ANCHOR_SCALES,
config.RPN_ANCHOR_RATIOS,
backbone_shapes,
config.BACKBONE_STRIDES,
config.RPN_ANCHOR_STRIDE
)
# Print summary of anchors
num_levels = len(backbone_shapes)
anchors_per_cell = len(config.RPN_ANCHOR_RATIOS)
print("[INFO] Anchors Count: ", anchors.shape[0])
print("[INFO] Scales: ", config.RPN_ANCHOR_SCALES)
print("[INFO] Ratios: ", config.RPN_ANCHOR_RATIOS)
print("[INFO] Anchors per Cell: ", anchors_per_cell)
print("[INFO] Levels: ", num_levels)
anchors_per_level = []
for l in range(num_levels):
num_cells = backbone_shapes[l][0] * backbone_shapes[l][1]
anchors_per_level.append(anchors_per_cell * num_cells // config.RPN_ANCHOR_STRIDE**2)
print("Anchors at Level {}: {}".format(l, anchors_per_level[l]))
[INFO] Anchors Count: 16368 [INFO] Scales: (32, 64, 128, 256, 512) [INFO] Ratios: [0.5, 1, 2] [INFO] Anchors per Cell: 3 [INFO] Levels: 5 Anchors at Level 0: 12288 Anchors at Level 1: 3072 Anchors at Level 2: 768 Anchors at Level 3: 192 Anchors at Level 4: 48
Visualize anchors of one cell at the center of the feature map of a specific level.
# Load and draw random image
image_id = np.random.choice(dataset.image_ids, 1)[0]
image, image_meta, _, _, _ = modellib.load_image_gt(dataset, config, image_id)
fig, ax = plt.subplots(1, figsize=(10, 10))
ax.imshow(image)
levels = len(backbone_shapes)
for level in range(levels):
colors = visualize.random_colors(levels)
# Compute the index of the anchors at the center of the image
level_start = sum(anchors_per_level[:level]) # sum of anchors of previous levels
level_anchors = anchors[level_start:level_start+anchors_per_level[level]]
print("Level {}. Anchors: {:6} Feature map Shape: {}".format(level, level_anchors.shape[0],
backbone_shapes[level]))
center_cell = backbone_shapes[level] // 2
center_cell_index = (center_cell[0] * backbone_shapes[level][1] + center_cell[1])
level_center = center_cell_index * anchors_per_cell
center_anchor = anchors_per_cell * (
(center_cell[0] * backbone_shapes[level][1] / config.RPN_ANCHOR_STRIDE**2) \
+ center_cell[1] / config.RPN_ANCHOR_STRIDE)
level_center = int(center_anchor)
# Draw anchors. Brightness show the order in the array, dark to bright.
for i, rect in enumerate(level_anchors[level_center:level_center+anchors_per_cell]):
y1, x1, y2, x2 = rect
p = patches.Rectangle((x1, y1), x2-x1, y2-y1, linewidth=2, facecolor='none',
edgecolor=(i+1)*np.array(colors[level]) / anchors_per_cell)
ax.add_patch(p)
Level 0. Anchors: 12288 Feature map Shape: [64 64] Level 1. Anchors: 3072 Feature map Shape: [32 32] Level 2. Anchors: 768 Feature map Shape: [16 16] Level 3. Anchors: 192 Feature map Shape: [8 8] Level 4. Anchors: 48 Feature map Shape: [4 4]
Data Generator¶
# Create data generator
random_rois = 2000
g = modellib.data_generator(
dataset, config, shuffle=True, random_rois=random_rois,
batch_size=4,
detection_targets=True)
# Get Next Image
if random_rois:
[normalized_images, image_meta, rpn_match, rpn_bbox, gt_class_ids, gt_boxes, gt_masks, rpn_rois, rois], \
[mrcnn_class_ids, mrcnn_bbox, mrcnn_mask] = next(g)
log("[INFO] rois", rois)
log("[INFO] mrcnn_class_ids", mrcnn_class_ids)
log("[INFO] mrcnn_bbox", mrcnn_bbox)
log("[INFO] mrcnn_mask", mrcnn_mask)
else:
[normalized_images, image_meta, rpn_match, rpn_bbox, gt_boxes, gt_masks], _ = next(g)
log("[INFO] gt_class_ids", gt_class_ids)
log("[INFO] gt_boxes", gt_boxes)
log("[INFO] gt_masks", gt_masks)
log("[INFO] rpn_match", rpn_match, )
log("[INFO] rpn_bbox", rpn_bbox)
image_id = modellib.parse_image_meta(image_meta)["image_id"][0]
print("[INFO] Image ID: {} \tDataset Reference: {}".format(image_id, dataset.image_reference(image_id)))
# Remove the last dim in mrcnn_class_ids. It's only added
# to satisfy Keras restriction on target shape.
mrcnn_class_ids = mrcnn_class_ids[:,:,0]
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
[INFO] rois shape: (4, 200, 4) min: 0.00000 max: 255.00000 int32 [INFO] mrcnn_class_ids shape: (4, 200, 1) min: 0.00000 max: 1.00000 int32 [INFO] mrcnn_bbox shape: (4, 200, 3, 4) min: -3.61111 max: 3.86792 float32 [INFO] mrcnn_mask shape: (4, 200, 28, 28, 3) min: 0.00000 max: 1.00000 float32 [INFO] gt_class_ids shape: (4, 35) min: 0.00000 max: 1.00000 int32 [INFO] gt_boxes shape: (4, 35, 4) min: 0.00000 max: 210.00000 int32 [INFO] gt_masks shape: (4, 128, 128, 35) min: 0.00000 max: 1.00000 bool [INFO] rpn_match shape: (4, 16368, 1) min: -1.00000 max: 1.00000 int32 [INFO] rpn_bbox shape: (4, 256, 4) min: -6.34256 max: 2.96875 float64 [INFO] Image ID: 638 Dataset Reference: mask-detection::638
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
b = 0
# Restore original image (reverse normalization)
sample_image = modellib.unmold_image(normalized_images[b], config)
# Compute anchor shifts.
indices = np.where(rpn_match[b] == 1)[0]
refined_anchors = utils.apply_box_deltas(anchors[indices], rpn_bbox[b, :len(indices)] * config.RPN_BBOX_STD_DEV)
log("anchors", anchors)
log("refined_anchors", refined_anchors)
# Get list of positive anchors
positive_anchor_ids = np.where(rpn_match[b] == 1)[0]
print("Positive anchors: {}".format(len(positive_anchor_ids)))
negative_anchor_ids = np.where(rpn_match[b] == -1)[0]
print("Negative anchors: {}".format(len(negative_anchor_ids)))
neutral_anchor_ids = np.where(rpn_match[b] == 0)[0]
print("Neutral anchors: {}".format(len(neutral_anchor_ids)))
# ROI breakdown by class
for c, n in zip(dataset.class_names, np.bincount(mrcnn_class_ids[b].flatten())):
if n:
print("{:23}: {}".format(c[:20], n))
# Show positive anchors
visualize.draw_boxes(sample_image, boxes=anchors[positive_anchor_ids],
refined_boxes=refined_anchors)
anchors shape: (16368, 4) min: -362.03867 max: 554.03867 float64 refined_anchors shape: (4, 4) min: 8.00000 max: 204.00000 float32 Positive anchors: 4 Negative anchors: 252 Neutral anchors: 16112 BG : 134 mask : 66
# Show negative anchors
visualize.draw_boxes(sample_image, boxes=anchors[negative_anchor_ids])
# Show neutral anchors. They don't contribute to training.
visualize.draw_boxes(sample_image, boxes=anchors[np.random.choice(neutral_anchor_ids, 100)])
ROIs¶
if random_rois:
# Class aware bboxes
bbox_specific = mrcnn_bbox[b, np.arange(mrcnn_bbox.shape[1]), mrcnn_class_ids[b], :]
# Refined ROIs
refined_rois = utils.apply_box_deltas(rois[b].astype(np.float32), bbox_specific[:,:4] * config.BBOX_STD_DEV)
# Class aware masks
mask_specific = mrcnn_mask[b, np.arange(mrcnn_mask.shape[1]), :, :, mrcnn_class_ids[b]]
visualize.draw_rois(sample_image, rois[b], refined_rois, mask_specific, mrcnn_class_ids[b], dataset.class_names)
# Any repeated ROIs?
rows = np.ascontiguousarray(rois[b]).view(np.dtype((np.void, rois.dtype.itemsize * rois.shape[-1])))
_, idx = np.unique(rows, return_index=True)
print("Unique ROIs: {} out of {}".format(len(idx), rois.shape[1]))
Positive ROIs: 66 Negative ROIs: 134 Positive Ratio: 0.33 Unique ROIs: 200 out of 200
if random_rois:
# Dispalay ROIs and corresponding masks and bounding boxes
ids = random.sample(range(rois.shape[1]), 8)
images = []
titles = []
for i in ids:
image = visualize.draw_box(sample_image.copy(), rois[b,i,:4].astype(np.int32), [255, 0, 0])
image = visualize.draw_box(image, refined_rois[i].astype(np.int64), [0, 255, 0])
images.append(image)
titles.append("ROI {}".format(i))
images.append(mask_specific[i] * 255)
titles.append(dataset.class_names[mrcnn_class_ids[b,i]][:20])
display_images(images, titles, cols=4, cmap="Blues", interpolation="none")
# Check ratio of positive ROIs in a set of images.
if random_rois:
limit = 10
temp_g = modellib.data_generator(
dataset, config, shuffle=True, random_rois=10000,
batch_size=1, detection_targets=True)
total = 0
for i in range(limit):
_, [ids, _, _] = next(temp_g)
positive_rois = np.sum(ids[0] > 0)
total += positive_rois
print("{:5} {:5.2f}".format(positive_rois, positive_rois/ids.shape[1]))
print("Average percent: {:.2f}".format(total/(limit*ids.shape[1])))
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
66 0.33
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
66 0.33
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
66 0.33
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
66 0.33
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
66 0.33
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
66 0.33 66 0.33
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
66 0.33
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
66 0.33
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
66 0.33 Average percent: 0.33
Training¶
dataset_train = MaskDataset()
dataset_train.load_dataset(DATASET_DIR,"train")
dataset_train.prepare()
Annotation Path /content/train.json Image Dir /content/train_images loading annotations into memory... Done (t=0.01s) creating index... index created!
dataset_val = MaskDataset()
val_coco = dataset_val.load_dataset(DATASET_DIR,"val")
dataset_val.prepare()
Annotation Path /content/val.json Image Dir /content/val_images loading annotations into memory... Done (t=0.01s) creating index... index created!
print("Loading Mask R-CNN model...")
model = modellib.MaskRCNN(mode="training", config=config, model_dir='./')
Loading Mask R-CNN model...
#load the weights for COCO
model.load_weights('/content/Mask_RCNN/mask_rcnn_coco.h5',
by_name=True,
exclude=["mrcnn_class_logits", "mrcnn_bbox_fc", "mrcnn_bbox", "mrcnn_mask"])
print("Training network")
model.train(dataset_train, dataset_val,
learning_rate=config.LEARNING_RATE,
epochs=1,
layers='heads', )
Training network Starting at epoch 0. LR=0.01 Checkpoint Path: ./mask-detection20220303T2232/mask_rcnn_mask-detection_{epoch:04d}.h5 Selecting layers to train fpn_c5p5 (Conv2D) fpn_c4p4 (Conv2D) fpn_c3p3 (Conv2D) fpn_c2p2 (Conv2D) fpn_p5 (Conv2D) fpn_p2 (Conv2D) fpn_p3 (Conv2D) fpn_p4 (Conv2D) In model: rpn_model rpn_conv_shared (Conv2D) rpn_class_raw (Conv2D) rpn_bbox_pred (Conv2D) mrcnn_mask_conv1 (TimeDistributed) mrcnn_mask_bn1 (TimeDistributed) mrcnn_mask_conv2 (TimeDistributed) mrcnn_mask_bn2 (TimeDistributed) mrcnn_class_conv1 (TimeDistributed) mrcnn_class_bn1 (TimeDistributed) mrcnn_mask_conv3 (TimeDistributed) mrcnn_mask_bn3 (TimeDistributed) mrcnn_class_conv2 (TimeDistributed) mrcnn_class_bn2 (TimeDistributed) mrcnn_mask_conv4 (TimeDistributed) mrcnn_mask_bn4 (TimeDistributed) mrcnn_bbox_fc (TimeDistributed) mrcnn_mask_deconv (TimeDistributed) mrcnn_class_logits (TimeDistributed) mrcnn_mask (TimeDistributed)
/tensorflow-1.15.2/python3.7/tensorflow_core/python/framework/indexed_slices.py:424: UserWarning: Converting sparse IndexedSlices to a dense Tensor of unknown shape. This may consume a large amount of memory. "Converting sparse IndexedSlices to a dense Tensor of unknown shape. " /tensorflow-1.15.2/python3.7/tensorflow_core/python/framework/indexed_slices.py:424: UserWarning: Converting sparse IndexedSlices to a dense Tensor of unknown shape. This may consume a large amount of memory. "Converting sparse IndexedSlices to a dense Tensor of unknown shape. " /tensorflow-1.15.2/python3.7/tensorflow_core/python/framework/indexed_slices.py:424: UserWarning: Converting sparse IndexedSlices to a dense Tensor of unknown shape. This may consume a large amount of memory. "Converting sparse IndexedSlices to a dense Tensor of unknown shape. " /usr/local/lib/python3.7/dist-packages/keras/engine/training_generator.py:49: UserWarning: Using a generator with `use_multiprocessing=True` and multiple workers may duplicate your data. Please consider using the `keras.utils.Sequence class. UserWarning('Using a generator with `use_multiprocessing=True`'
Epoch 1/1
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
1/150 [..............................] - ETA: 1:31:35 - loss: 5.7931 - rpn_class_loss: 0.1587 - rpn_bbox_loss: 1.2788 - mrcnn_class_loss: 2.6198 - mrcnn_bbox_loss: 0.9520 - mrcnn_mask_loss: 0.7839
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
2/150 [..............................] - ETA: 46:26 - loss: 4.3978 - rpn_class_loss: 0.1513 - rpn_bbox_loss: 1.2323 - mrcnn_class_loss: 1.4437 - mrcnn_bbox_loss: 0.8122 - mrcnn_mask_loss: 0.7583
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
3/150 [..............................] - ETA: 31:23 - loss: 3.8182 - rpn_class_loss: 0.1464 - rpn_bbox_loss: 1.0462 - mrcnn_class_loss: 1.1243 - mrcnn_bbox_loss: 0.7934 - mrcnn_mask_loss: 0.7080
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
4/150 [..............................] - ETA: 23:50 - loss: 3.3404 - rpn_class_loss: 0.1350 - rpn_bbox_loss: 0.8998 - mrcnn_class_loss: 0.8918 - mrcnn_bbox_loss: 0.7773 - mrcnn_mask_loss: 0.6365
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
5/150 [>.............................] - ETA: 19:19 - loss: 3.2517 - rpn_class_loss: 0.1300 - rpn_bbox_loss: 0.7905 - mrcnn_class_loss: 0.8559 - mrcnn_bbox_loss: 0.8396 - mrcnn_mask_loss: 0.6358
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
6/150 [>.............................] - ETA: 16:18 - loss: 3.0689 - rpn_class_loss: 0.1257 - rpn_bbox_loss: 0.7084 - mrcnn_class_loss: 0.8052 - mrcnn_bbox_loss: 0.8075 - mrcnn_mask_loss: 0.6221
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
7/150 [>.............................] - ETA: 14:08 - loss: 2.9778 - rpn_class_loss: 0.1217 - rpn_bbox_loss: 0.6993 - mrcnn_class_loss: 0.7413 - mrcnn_bbox_loss: 0.8070 - mrcnn_mask_loss: 0.6085
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
8/150 [>.............................] - ETA: 12:31 - loss: 2.8714 - rpn_class_loss: 0.1158 - rpn_bbox_loss: 0.6716 - mrcnn_class_loss: 0.7036 - mrcnn_bbox_loss: 0.7762 - mrcnn_mask_loss: 0.6042
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
9/150 [>.............................] - ETA: 11:15 - loss: 2.8128 - rpn_class_loss: 0.1052 - rpn_bbox_loss: 0.7000 - mrcnn_class_loss: 0.6577 - mrcnn_bbox_loss: 0.7595 - mrcnn_mask_loss: 0.5903
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
10/150 [=>............................] - ETA: 10:14 - loss: 2.6812 - rpn_class_loss: 0.0965 - rpn_bbox_loss: 0.6582 - mrcnn_class_loss: 0.6141 - mrcnn_bbox_loss: 0.7372 - mrcnn_mask_loss: 0.5753
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
11/150 [=>............................] - ETA: 9:24 - loss: 2.5925 - rpn_class_loss: 0.0903 - rpn_bbox_loss: 0.6244 - mrcnn_class_loss: 0.5749 - mrcnn_bbox_loss: 0.7402 - mrcnn_mask_loss: 0.5626
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
12/150 [=>............................] - ETA: 8:42 - loss: 2.4875 - rpn_class_loss: 0.0852 - rpn_bbox_loss: 0.5954 - mrcnn_class_loss: 0.5383 - mrcnn_bbox_loss: 0.7175 - mrcnn_mask_loss: 0.5511
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
13/150 [=>............................] - ETA: 8:07 - loss: 2.4812 - rpn_class_loss: 0.0829 - rpn_bbox_loss: 0.5842 - mrcnn_class_loss: 0.5464 - mrcnn_bbox_loss: 0.7259 - mrcnn_mask_loss: 0.5418
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
14/150 [=>............................] - ETA: 7:36 - loss: 2.4296 - rpn_class_loss: 0.0806 - rpn_bbox_loss: 0.5744 - mrcnn_class_loss: 0.5259 - mrcnn_bbox_loss: 0.7138 - mrcnn_mask_loss: 0.5349
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
15/150 [==>...........................] - ETA: 7:10 - loss: 2.5140 - rpn_class_loss: 0.0883 - rpn_bbox_loss: 0.6765 - mrcnn_class_loss: 0.4919 - mrcnn_bbox_loss: 0.7251 - mrcnn_mask_loss: 0.5321
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
16/150 [==>...........................] - ETA: 6:46 - loss: 2.5611 - rpn_class_loss: 0.0929 - rpn_bbox_loss: 0.7564 - mrcnn_class_loss: 0.4634 - mrcnn_bbox_loss: 0.7189 - mrcnn_mask_loss: 0.5295
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
17/150 [==>...........................] - ETA: 6:25 - loss: 2.6406 - rpn_class_loss: 0.0989 - rpn_bbox_loss: 0.8162 - mrcnn_class_loss: 0.4698 - mrcnn_bbox_loss: 0.7323 - mrcnn_mask_loss: 0.5234
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
18/150 [==>...........................] - ETA: 6:07 - loss: 2.6691 - rpn_class_loss: 0.1009 - rpn_bbox_loss: 0.8429 - mrcnn_class_loss: 0.4808 - mrcnn_bbox_loss: 0.7282 - mrcnn_mask_loss: 0.5162
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
19/150 [==>...........................] - ETA: 5:51 - loss: 2.6464 - rpn_class_loss: 0.0994 - rpn_bbox_loss: 0.8143 - mrcnn_class_loss: 0.4852 - mrcnn_bbox_loss: 0.7348 - mrcnn_mask_loss: 0.5127
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
20/150 [===>..........................] - ETA: 5:36 - loss: 2.5944 - rpn_class_loss: 0.0986 - rpn_bbox_loss: 0.7866 - mrcnn_class_loss: 0.4743 - mrcnn_bbox_loss: 0.7279 - mrcnn_mask_loss: 0.5070
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
21/150 [===>..........................] - ETA: 5:22 - loss: 2.5885 - rpn_class_loss: 0.0988 - rpn_bbox_loss: 0.8050 - mrcnn_class_loss: 0.4631 - mrcnn_bbox_loss: 0.7232 - mrcnn_mask_loss: 0.4984
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
22/150 [===>..........................] - ETA: 5:09 - loss: 2.5829 - rpn_class_loss: 0.0990 - rpn_bbox_loss: 0.8123 - mrcnn_class_loss: 0.4677 - mrcnn_bbox_loss: 0.7123 - mrcnn_mask_loss: 0.4917
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
23/150 [===>..........................] - ETA: 4:58 - loss: 2.5526 - rpn_class_loss: 0.0982 - rpn_bbox_loss: 0.7934 - mrcnn_class_loss: 0.4699 - mrcnn_bbox_loss: 0.7037 - mrcnn_mask_loss: 0.4874
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
24/150 [===>..........................] - ETA: 4:47 - loss: 2.5047 - rpn_class_loss: 0.0963 - rpn_bbox_loss: 0.7748 - mrcnn_class_loss: 0.4613 - mrcnn_bbox_loss: 0.6889 - mrcnn_mask_loss: 0.4833
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
25/150 [====>.........................] - ETA: 4:38 - loss: 2.5000 - rpn_class_loss: 0.0975 - rpn_bbox_loss: 0.7849 - mrcnn_class_loss: 0.4543 - mrcnn_bbox_loss: 0.6830 - mrcnn_mask_loss: 0.4803
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
26/150 [====>.........................] - ETA: 4:29 - loss: 2.4835 - rpn_class_loss: 0.0983 - rpn_bbox_loss: 0.7862 - mrcnn_class_loss: 0.4485 - mrcnn_bbox_loss: 0.6724 - mrcnn_mask_loss: 0.4781
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
27/150 [====>.........................] - ETA: 4:20 - loss: 2.4380 - rpn_class_loss: 0.0948 - rpn_bbox_loss: 0.7642 - mrcnn_class_loss: 0.4360 - mrcnn_bbox_loss: 0.6737 - mrcnn_mask_loss: 0.4692
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
28/150 [====>.........................] - ETA: 4:12 - loss: 2.3781 - rpn_class_loss: 0.0917 - rpn_bbox_loss: 0.7429 - mrcnn_class_loss: 0.4225 - mrcnn_bbox_loss: 0.6603 - mrcnn_mask_loss: 0.4607
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
29/150 [====>.........................] - ETA: 4:05 - loss: 2.3887 - rpn_class_loss: 0.0900 - rpn_bbox_loss: 0.7340 - mrcnn_class_loss: 0.4161 - mrcnn_bbox_loss: 0.6863 - mrcnn_mask_loss: 0.4623
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
30/150 [=====>........................] - ETA: 3:58 - loss: 2.3697 - rpn_class_loss: 0.0883 - rpn_bbox_loss: 0.7217 - mrcnn_class_loss: 0.4077 - mrcnn_bbox_loss: 0.6881 - mrcnn_mask_loss: 0.4639
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
31/150 [=====>........................] - ETA: 3:51 - loss: 2.3837 - rpn_class_loss: 0.0870 - rpn_bbox_loss: 0.7345 - mrcnn_class_loss: 0.4064 - mrcnn_bbox_loss: 0.6956 - mrcnn_mask_loss: 0.4601
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
32/150 [=====>........................] - ETA: 3:45 - loss: 2.3722 - rpn_class_loss: 0.0857 - rpn_bbox_loss: 0.7405 - mrcnn_class_loss: 0.4027 - mrcnn_bbox_loss: 0.6866 - mrcnn_mask_loss: 0.4568
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
33/150 [=====>........................] - ETA: 3:39 - loss: 2.4399 - rpn_class_loss: 0.0955 - rpn_bbox_loss: 0.8023 - mrcnn_class_loss: 0.3943 - mrcnn_bbox_loss: 0.6897 - mrcnn_mask_loss: 0.4581
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
34/150 [=====>........................] - ETA: 3:33 - loss: 2.4820 - rpn_class_loss: 0.1001 - rpn_bbox_loss: 0.8504 - mrcnn_class_loss: 0.3869 - mrcnn_bbox_loss: 0.6868 - mrcnn_mask_loss: 0.4577
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
35/150 [======>.......................] - ETA: 3:28 - loss: 2.4587 - rpn_class_loss: 0.0998 - rpn_bbox_loss: 0.8413 - mrcnn_class_loss: 0.3801 - mrcnn_bbox_loss: 0.6860 - mrcnn_mask_loss: 0.4515
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
36/150 [======>.......................] - ETA: 3:23 - loss: 2.4215 - rpn_class_loss: 0.0999 - rpn_bbox_loss: 0.8271 - mrcnn_class_loss: 0.3719 - mrcnn_bbox_loss: 0.6772 - mrcnn_mask_loss: 0.4454
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
37/150 [======>.......................] - ETA: 3:18 - loss: 2.4146 - rpn_class_loss: 0.0988 - rpn_bbox_loss: 0.8347 - mrcnn_class_loss: 0.3650 - mrcnn_bbox_loss: 0.6737 - mrcnn_mask_loss: 0.4424
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
38/150 [======>.......................] - ETA: 3:13 - loss: 2.4008 - rpn_class_loss: 0.0977 - rpn_bbox_loss: 0.8382 - mrcnn_class_loss: 0.3581 - mrcnn_bbox_loss: 0.6674 - mrcnn_mask_loss: 0.4394
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
39/150 [======>.......................] - ETA: 3:09 - loss: 2.3792 - rpn_class_loss: 0.0961 - rpn_bbox_loss: 0.8280 - mrcnn_class_loss: 0.3504 - mrcnn_bbox_loss: 0.6673 - mrcnn_mask_loss: 0.4374
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
40/150 [=======>......................] - ETA: 3:05 - loss: 2.3459 - rpn_class_loss: 0.0942 - rpn_bbox_loss: 0.8131 - mrcnn_class_loss: 0.3433 - mrcnn_bbox_loss: 0.6599 - mrcnn_mask_loss: 0.4354
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
41/150 [=======>......................] - ETA: 3:01 - loss: 2.3543 - rpn_class_loss: 0.0931 - rpn_bbox_loss: 0.8207 - mrcnn_class_loss: 0.3373 - mrcnn_bbox_loss: 0.6708 - mrcnn_mask_loss: 0.4324
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
42/150 [=======>......................] - ETA: 2:57 - loss: 2.3401 - rpn_class_loss: 0.0918 - rpn_bbox_loss: 0.8160 - mrcnn_class_loss: 0.3318 - mrcnn_bbox_loss: 0.6718 - mrcnn_mask_loss: 0.4288
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
43/150 [=======>......................] - ETA: 2:53 - loss: 2.3175 - rpn_class_loss: 0.0898 - rpn_bbox_loss: 0.8102 - mrcnn_class_loss: 0.3256 - mrcnn_bbox_loss: 0.6644 - mrcnn_mask_loss: 0.4276
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
44/150 [=======>......................] - ETA: 2:49 - loss: 2.2914 - rpn_class_loss: 0.0879 - rpn_bbox_loss: 0.8032 - mrcnn_class_loss: 0.3197 - mrcnn_bbox_loss: 0.6567 - mrcnn_mask_loss: 0.4238
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
45/150 [========>.....................] - ETA: 2:46 - loss: 2.3311 - rpn_class_loss: 0.0931 - rpn_bbox_loss: 0.8400 - mrcnn_class_loss: 0.3167 - mrcnn_bbox_loss: 0.6584 - mrcnn_mask_loss: 0.4229
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
46/150 [========>.....................] - ETA: 2:42 - loss: 2.3554 - rpn_class_loss: 0.0978 - rpn_bbox_loss: 0.8586 - mrcnn_class_loss: 0.3164 - mrcnn_bbox_loss: 0.6583 - mrcnn_mask_loss: 0.4242
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
47/150 [========>.....................] - ETA: 2:39 - loss: 2.3693 - rpn_class_loss: 0.0974 - rpn_bbox_loss: 0.8607 - mrcnn_class_loss: 0.3114 - mrcnn_bbox_loss: 0.6752 - mrcnn_mask_loss: 0.4245
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
48/150 [========>.....................] - ETA: 2:36 - loss: 2.3648 - rpn_class_loss: 0.0965 - rpn_bbox_loss: 0.8584 - mrcnn_class_loss: 0.3077 - mrcnn_bbox_loss: 0.6776 - mrcnn_mask_loss: 0.4245
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
49/150 [========>.....................] - ETA: 2:33 - loss: 2.3798 - rpn_class_loss: 0.0963 - rpn_bbox_loss: 0.8705 - mrcnn_class_loss: 0.3054 - mrcnn_bbox_loss: 0.6843 - mrcnn_mask_loss: 0.4233
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
50/150 [=========>....................] - ETA: 2:30 - loss: 2.3778 - rpn_class_loss: 0.0956 - rpn_bbox_loss: 0.8721 - mrcnn_class_loss: 0.3035 - mrcnn_bbox_loss: 0.6852 - mrcnn_mask_loss: 0.4213
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
51/150 [=========>....................] - ETA: 2:27 - loss: 2.4052 - rpn_class_loss: 0.0992 - rpn_bbox_loss: 0.8960 - mrcnn_class_loss: 0.2993 - mrcnn_bbox_loss: 0.6877 - mrcnn_mask_loss: 0.4231
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
52/150 [=========>....................] - ETA: 2:24 - loss: 2.4247 - rpn_class_loss: 0.1012 - rpn_bbox_loss: 0.9199 - mrcnn_class_loss: 0.2954 - mrcnn_bbox_loss: 0.6825 - mrcnn_mask_loss: 0.4257
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
53/150 [=========>....................] - ETA: 2:21 - loss: 2.4166 - rpn_class_loss: 0.1012 - rpn_bbox_loss: 0.9123 - mrcnn_class_loss: 0.2942 - mrcnn_bbox_loss: 0.6845 - mrcnn_mask_loss: 0.4245
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
54/150 [=========>....................] - ETA: 2:19 - loss: 2.4038 - rpn_class_loss: 0.1014 - rpn_bbox_loss: 0.9037 - mrcnn_class_loss: 0.2930 - mrcnn_bbox_loss: 0.6829 - mrcnn_mask_loss: 0.4229
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
55/150 [==========>...................] - ETA: 2:16 - loss: 2.3824 - rpn_class_loss: 0.1014 - rpn_bbox_loss: 0.8915 - mrcnn_class_loss: 0.2890 - mrcnn_bbox_loss: 0.6803 - mrcnn_mask_loss: 0.4202
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
56/150 [==========>...................] - ETA: 2:13 - loss: 2.3567 - rpn_class_loss: 0.1009 - rpn_bbox_loss: 0.8790 - mrcnn_class_loss: 0.2853 - mrcnn_bbox_loss: 0.6743 - mrcnn_mask_loss: 0.4172
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
57/150 [==========>...................] - ETA: 2:11 - loss: 2.3359 - rpn_class_loss: 0.1003 - rpn_bbox_loss: 0.8697 - mrcnn_class_loss: 0.2820 - mrcnn_bbox_loss: 0.6685 - mrcnn_mask_loss: 0.4155
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
58/150 [==========>...................] - ETA: 2:09 - loss: 2.3109 - rpn_class_loss: 0.0992 - rpn_bbox_loss: 0.8582 - mrcnn_class_loss: 0.2781 - mrcnn_bbox_loss: 0.6616 - mrcnn_mask_loss: 0.4138
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
59/150 [==========>...................] - ETA: 2:06 - loss: 2.2900 - rpn_class_loss: 0.0977 - rpn_bbox_loss: 0.8489 - mrcnn_class_loss: 0.2747 - mrcnn_bbox_loss: 0.6552 - mrcnn_mask_loss: 0.4135
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
60/150 [===========>..................] - ETA: 2:04 - loss: 2.2651 - rpn_class_loss: 0.0962 - rpn_bbox_loss: 0.8378 - mrcnn_class_loss: 0.2714 - mrcnn_bbox_loss: 0.6473 - mrcnn_mask_loss: 0.4124
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
61/150 [===========>..................] - ETA: 2:02 - loss: 2.3043 - rpn_class_loss: 0.1012 - rpn_bbox_loss: 0.8601 - mrcnn_class_loss: 0.2724 - mrcnn_bbox_loss: 0.6578 - mrcnn_mask_loss: 0.4128
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
62/150 [===========>..................] - ETA: 1:59 - loss: 2.3267 - rpn_class_loss: 0.1056 - rpn_bbox_loss: 0.8829 - mrcnn_class_loss: 0.2703 - mrcnn_bbox_loss: 0.6560 - mrcnn_mask_loss: 0.4120
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
63/150 [===========>..................] - ETA: 1:57 - loss: 2.3150 - rpn_class_loss: 0.1042 - rpn_bbox_loss: 0.8756 - mrcnn_class_loss: 0.2719 - mrcnn_bbox_loss: 0.6535 - mrcnn_mask_loss: 0.4099
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
64/150 [===========>..................] - ETA: 1:55 - loss: 2.2991 - rpn_class_loss: 0.1027 - rpn_bbox_loss: 0.8677 - mrcnn_class_loss: 0.2723 - mrcnn_bbox_loss: 0.6487 - mrcnn_mask_loss: 0.4077
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
65/150 [============>.................] - ETA: 1:53 - loss: 2.3221 - rpn_class_loss: 0.1055 - rpn_bbox_loss: 0.8805 - mrcnn_class_loss: 0.2689 - mrcnn_bbox_loss: 0.6517 - mrcnn_mask_loss: 0.4155
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
66/150 [============>.................] - ETA: 1:51 - loss: 2.3324 - rpn_class_loss: 0.1069 - rpn_bbox_loss: 0.8882 - mrcnn_class_loss: 0.2676 - mrcnn_bbox_loss: 0.6511 - mrcnn_mask_loss: 0.4185
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
67/150 [============>.................] - ETA: 1:49 - loss: 2.3205 - rpn_class_loss: 0.1054 - rpn_bbox_loss: 0.8817 - mrcnn_class_loss: 0.2665 - mrcnn_bbox_loss: 0.6497 - mrcnn_mask_loss: 0.4171
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
68/150 [============>.................] - ETA: 1:47 - loss: 2.3023 - rpn_class_loss: 0.1041 - rpn_bbox_loss: 0.8718 - mrcnn_class_loss: 0.2656 - mrcnn_bbox_loss: 0.6452 - mrcnn_mask_loss: 0.4155
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
69/150 [============>.................] - ETA: 1:45 - loss: 2.2970 - rpn_class_loss: 0.1033 - rpn_bbox_loss: 0.8698 - mrcnn_class_loss: 0.2656 - mrcnn_bbox_loss: 0.6422 - mrcnn_mask_loss: 0.4162
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
70/150 [=============>................] - ETA: 1:43 - loss: 2.2872 - rpn_class_loss: 0.1024 - rpn_bbox_loss: 0.8650 - mrcnn_class_loss: 0.2660 - mrcnn_bbox_loss: 0.6371 - mrcnn_mask_loss: 0.4167
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
71/150 [=============>................] - ETA: 1:41 - loss: 2.3161 - rpn_class_loss: 0.1038 - rpn_bbox_loss: 0.8958 - mrcnn_class_loss: 0.2649 - mrcnn_bbox_loss: 0.6358 - mrcnn_mask_loss: 0.4158
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
72/150 [=============>................] - ETA: 1:40 - loss: 2.3222 - rpn_class_loss: 0.1043 - rpn_bbox_loss: 0.9058 - mrcnn_class_loss: 0.2631 - mrcnn_bbox_loss: 0.6340 - mrcnn_mask_loss: 0.4149
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
73/150 [=============>................] - ETA: 1:38 - loss: 2.3123 - rpn_class_loss: 0.1033 - rpn_bbox_loss: 0.9007 - mrcnn_class_loss: 0.2612 - mrcnn_bbox_loss: 0.6325 - mrcnn_mask_loss: 0.4146
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
74/150 [=============>................] - ETA: 1:36 - loss: 2.2957 - rpn_class_loss: 0.1023 - rpn_bbox_loss: 0.8931 - mrcnn_class_loss: 0.2591 - mrcnn_bbox_loss: 0.6279 - mrcnn_mask_loss: 0.4134
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
75/150 [==============>...............] - ETA: 1:34 - loss: 2.2801 - rpn_class_loss: 0.1011 - rpn_bbox_loss: 0.8876 - mrcnn_class_loss: 0.2565 - mrcnn_bbox_loss: 0.6235 - mrcnn_mask_loss: 0.4114
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
76/150 [==============>...............] - ETA: 1:32 - loss: 2.2853 - rpn_class_loss: 0.1004 - rpn_bbox_loss: 0.9029 - mrcnn_class_loss: 0.2536 - mrcnn_bbox_loss: 0.6195 - mrcnn_mask_loss: 0.4088
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
77/150 [==============>...............] - ETA: 1:31 - loss: 2.2782 - rpn_class_loss: 0.0998 - rpn_bbox_loss: 0.9001 - mrcnn_class_loss: 0.2515 - mrcnn_bbox_loss: 0.6187 - mrcnn_mask_loss: 0.4081
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
78/150 [==============>...............] - ETA: 1:29 - loss: 2.2672 - rpn_class_loss: 0.0991 - rpn_bbox_loss: 0.8945 - mrcnn_class_loss: 0.2493 - mrcnn_bbox_loss: 0.6164 - mrcnn_mask_loss: 0.4079
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
79/150 [==============>...............] - ETA: 1:27 - loss: 2.2593 - rpn_class_loss: 0.0989 - rpn_bbox_loss: 0.8902 - mrcnn_class_loss: 0.2464 - mrcnn_bbox_loss: 0.6187 - mrcnn_mask_loss: 0.4052
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
80/150 [===============>..............] - ETA: 1:26 - loss: 2.2453 - rpn_class_loss: 0.0985 - rpn_bbox_loss: 0.8838 - mrcnn_class_loss: 0.2435 - mrcnn_bbox_loss: 0.6171 - mrcnn_mask_loss: 0.4024
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
81/150 [===============>..............] - ETA: 1:24 - loss: 2.2698 - rpn_class_loss: 0.0992 - rpn_bbox_loss: 0.9002 - mrcnn_class_loss: 0.2419 - mrcnn_bbox_loss: 0.6270 - mrcnn_mask_loss: 0.4015
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
82/150 [===============>..............] - ETA: 1:22 - loss: 2.2705 - rpn_class_loss: 0.0990 - rpn_bbox_loss: 0.8990 - mrcnn_class_loss: 0.2413 - mrcnn_bbox_loss: 0.6290 - mrcnn_mask_loss: 0.4023
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
83/150 [===============>..............] - ETA: 1:21 - loss: 2.2566 - rpn_class_loss: 0.0979 - rpn_bbox_loss: 0.8911 - mrcnn_class_loss: 0.2387 - mrcnn_bbox_loss: 0.6267 - mrcnn_mask_loss: 0.4022
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
84/150 [===============>..............] - ETA: 1:19 - loss: 2.2423 - rpn_class_loss: 0.0968 - rpn_bbox_loss: 0.8827 - mrcnn_class_loss: 0.2363 - mrcnn_bbox_loss: 0.6247 - mrcnn_mask_loss: 0.4018
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
85/150 [================>.............] - ETA: 1:18 - loss: 2.2519 - rpn_class_loss: 0.0984 - rpn_bbox_loss: 0.8913 - mrcnn_class_loss: 0.2362 - mrcnn_bbox_loss: 0.6252 - mrcnn_mask_loss: 0.4008
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
86/150 [================>.............] - ETA: 1:16 - loss: 2.2554 - rpn_class_loss: 0.0994 - rpn_bbox_loss: 0.8970 - mrcnn_class_loss: 0.2353 - mrcnn_bbox_loss: 0.6241 - mrcnn_mask_loss: 0.3996
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
87/150 [================>.............] - ETA: 1:15 - loss: 2.2404 - rpn_class_loss: 0.0985 - rpn_bbox_loss: 0.8883 - mrcnn_class_loss: 0.2332 - mrcnn_bbox_loss: 0.6222 - mrcnn_mask_loss: 0.3982
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
88/150 [================>.............] - ETA: 1:13 - loss: 2.2378 - rpn_class_loss: 0.0986 - rpn_bbox_loss: 0.8872 - mrcnn_class_loss: 0.2319 - mrcnn_bbox_loss: 0.6216 - mrcnn_mask_loss: 0.3985
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
89/150 [================>.............] - ETA: 1:12 - loss: 2.2234 - rpn_class_loss: 0.0978 - rpn_bbox_loss: 0.8787 - mrcnn_class_loss: 0.2301 - mrcnn_bbox_loss: 0.6200 - mrcnn_mask_loss: 0.3968
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
90/150 [=================>............] - ETA: 1:10 - loss: 2.2181 - rpn_class_loss: 0.0979 - rpn_bbox_loss: 0.8763 - mrcnn_class_loss: 0.2291 - mrcnn_bbox_loss: 0.6182 - mrcnn_mask_loss: 0.3965
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
91/150 [=================>............] - ETA: 1:09 - loss: 2.2055 - rpn_class_loss: 0.0972 - rpn_bbox_loss: 0.8710 - mrcnn_class_loss: 0.2270 - mrcnn_bbox_loss: 0.6157 - mrcnn_mask_loss: 0.3946
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
92/150 [=================>............] - ETA: 1:07 - loss: 2.1919 - rpn_class_loss: 0.0967 - rpn_bbox_loss: 0.8645 - mrcnn_class_loss: 0.2253 - mrcnn_bbox_loss: 0.6121 - mrcnn_mask_loss: 0.3933
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
93/150 [=================>............] - ETA: 1:06 - loss: 2.1776 - rpn_class_loss: 0.0960 - rpn_bbox_loss: 0.8581 - mrcnn_class_loss: 0.2235 - mrcnn_bbox_loss: 0.6085 - mrcnn_mask_loss: 0.3914
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
94/150 [=================>............] - ETA: 1:05 - loss: 2.1638 - rpn_class_loss: 0.0955 - rpn_bbox_loss: 0.8511 - mrcnn_class_loss: 0.2217 - mrcnn_bbox_loss: 0.6054 - mrcnn_mask_loss: 0.3902
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
95/150 [==================>...........] - ETA: 1:03 - loss: 2.1519 - rpn_class_loss: 0.0948 - rpn_bbox_loss: 0.8455 - mrcnn_class_loss: 0.2197 - mrcnn_bbox_loss: 0.6026 - mrcnn_mask_loss: 0.3892
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
96/150 [==================>...........] - ETA: 1:02 - loss: 2.1381 - rpn_class_loss: 0.0940 - rpn_bbox_loss: 0.8392 - mrcnn_class_loss: 0.2179 - mrcnn_bbox_loss: 0.5984 - mrcnn_mask_loss: 0.3886
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
97/150 [==================>...........] - ETA: 1:01 - loss: 2.1520 - rpn_class_loss: 0.1004 - rpn_bbox_loss: 0.8499 - mrcnn_class_loss: 0.2160 - mrcnn_bbox_loss: 0.5958 - mrcnn_mask_loss: 0.3899
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
98/150 [==================>...........] - ETA: 59s - loss: 2.1567 - rpn_class_loss: 0.1035 - rpn_bbox_loss: 0.8550 - mrcnn_class_loss: 0.2144 - mrcnn_bbox_loss: 0.5940 - mrcnn_mask_loss: 0.3898
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
99/150 [==================>...........] - ETA: 58s - loss: 2.1486 - rpn_class_loss: 0.1032 - rpn_bbox_loss: 0.8493 - mrcnn_class_loss: 0.2131 - mrcnn_bbox_loss: 0.5937 - mrcnn_mask_loss: 0.3893
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
100/150 [===================>..........] - ETA: 57s - loss: 2.1392 - rpn_class_loss: 0.1032 - rpn_bbox_loss: 0.8431 - mrcnn_class_loss: 0.2118 - mrcnn_bbox_loss: 0.5922 - mrcnn_mask_loss: 0.3889
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
101/150 [===================>..........] - ETA: 55s - loss: 2.1292 - rpn_class_loss: 0.1029 - rpn_bbox_loss: 0.8383 - mrcnn_class_loss: 0.2099 - mrcnn_bbox_loss: 0.5892 - mrcnn_mask_loss: 0.3889
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
102/150 [===================>..........] - ETA: 54s - loss: 2.1179 - rpn_class_loss: 0.1024 - rpn_bbox_loss: 0.8339 - mrcnn_class_loss: 0.2081 - mrcnn_bbox_loss: 0.5857 - mrcnn_mask_loss: 0.3877
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
103/150 [===================>..........] - ETA: 53s - loss: 2.1154 - rpn_class_loss: 0.1022 - rpn_bbox_loss: 0.8329 - mrcnn_class_loss: 0.2080 - mrcnn_bbox_loss: 0.5847 - mrcnn_mask_loss: 0.3876
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
104/150 [===================>..........] - ETA: 51s - loss: 2.1071 - rpn_class_loss: 0.1016 - rpn_bbox_loss: 0.8277 - mrcnn_class_loss: 0.2085 - mrcnn_bbox_loss: 0.5821 - mrcnn_mask_loss: 0.3873
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
105/150 [====================>.........] - ETA: 50s - loss: 2.1116 - rpn_class_loss: 0.1022 - rpn_bbox_loss: 0.8316 - mrcnn_class_loss: 0.2071 - mrcnn_bbox_loss: 0.5837 - mrcnn_mask_loss: 0.3870
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
106/150 [====================>.........] - ETA: 49s - loss: 2.1160 - rpn_class_loss: 0.1036 - rpn_bbox_loss: 0.8356 - mrcnn_class_loss: 0.2057 - mrcnn_bbox_loss: 0.5835 - mrcnn_mask_loss: 0.3876
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
107/150 [====================>.........] - ETA: 48s - loss: 2.1116 - rpn_class_loss: 0.1028 - rpn_bbox_loss: 0.8325 - mrcnn_class_loss: 0.2047 - mrcnn_bbox_loss: 0.5833 - mrcnn_mask_loss: 0.3883
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
108/150 [====================>.........] - ETA: 46s - loss: 2.1027 - rpn_class_loss: 0.1021 - rpn_bbox_loss: 0.8267 - mrcnn_class_loss: 0.2043 - mrcnn_bbox_loss: 0.5811 - mrcnn_mask_loss: 0.3884
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
109/150 [====================>.........] - ETA: 45s - loss: 2.1162 - rpn_class_loss: 0.1095 - rpn_bbox_loss: 0.8320 - mrcnn_class_loss: 0.2050 - mrcnn_bbox_loss: 0.5800 - mrcnn_mask_loss: 0.3897
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
110/150 [=====================>........] - ETA: 44s - loss: 2.1222 - rpn_class_loss: 0.1126 - rpn_bbox_loss: 0.8353 - mrcnn_class_loss: 0.2051 - mrcnn_bbox_loss: 0.5787 - mrcnn_mask_loss: 0.3904
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
111/150 [=====================>........] - ETA: 43s - loss: 2.1190 - rpn_class_loss: 0.1128 - rpn_bbox_loss: 0.8307 - mrcnn_class_loss: 0.2073 - mrcnn_bbox_loss: 0.5786 - mrcnn_mask_loss: 0.3896
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
112/150 [=====================>........] - ETA: 41s - loss: 2.1123 - rpn_class_loss: 0.1142 - rpn_bbox_loss: 0.8253 - mrcnn_class_loss: 0.2075 - mrcnn_bbox_loss: 0.5767 - mrcnn_mask_loss: 0.3886
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
113/150 [=====================>........] - ETA: 40s - loss: 2.1107 - rpn_class_loss: 0.1138 - rpn_bbox_loss: 0.8262 - mrcnn_class_loss: 0.2062 - mrcnn_bbox_loss: 0.5763 - mrcnn_mask_loss: 0.3883
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
114/150 [=====================>........] - ETA: 39s - loss: 2.1036 - rpn_class_loss: 0.1136 - rpn_bbox_loss: 0.8232 - mrcnn_class_loss: 0.2049 - mrcnn_bbox_loss: 0.5744 - mrcnn_mask_loss: 0.3875
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
115/150 [======================>.......] - ETA: 38s - loss: 2.1153 - rpn_class_loss: 0.1137 - rpn_bbox_loss: 0.8370 - mrcnn_class_loss: 0.2035 - mrcnn_bbox_loss: 0.5738 - mrcnn_mask_loss: 0.3874
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
116/150 [======================>.......] - ETA: 37s - loss: 2.1217 - rpn_class_loss: 0.1136 - rpn_bbox_loss: 0.8458 - mrcnn_class_loss: 0.2022 - mrcnn_bbox_loss: 0.5733 - mrcnn_mask_loss: 0.3867
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
117/150 [======================>.......] - ETA: 35s - loss: 2.1174 - rpn_class_loss: 0.1137 - rpn_bbox_loss: 0.8446 - mrcnn_class_loss: 0.2009 - mrcnn_bbox_loss: 0.5724 - mrcnn_mask_loss: 0.3859
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
118/150 [======================>.......] - ETA: 34s - loss: 2.1103 - rpn_class_loss: 0.1137 - rpn_bbox_loss: 0.8419 - mrcnn_class_loss: 0.1997 - mrcnn_bbox_loss: 0.5701 - mrcnn_mask_loss: 0.3849
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
119/150 [======================>.......] - ETA: 33s - loss: 2.1051 - rpn_class_loss: 0.1133 - rpn_bbox_loss: 0.8393 - mrcnn_class_loss: 0.1995 - mrcnn_bbox_loss: 0.5684 - mrcnn_mask_loss: 0.3846
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
120/150 [=======================>......] - ETA: 32s - loss: 2.0981 - rpn_class_loss: 0.1129 - rpn_bbox_loss: 0.8357 - mrcnn_class_loss: 0.1988 - mrcnn_bbox_loss: 0.5665 - mrcnn_mask_loss: 0.3841
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
121/150 [=======================>......] - ETA: 31s - loss: 2.0913 - rpn_class_loss: 0.1125 - rpn_bbox_loss: 0.8329 - mrcnn_class_loss: 0.1981 - mrcnn_bbox_loss: 0.5640 - mrcnn_mask_loss: 0.3839
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
122/150 [=======================>......] - ETA: 30s - loss: 2.0822 - rpn_class_loss: 0.1120 - rpn_bbox_loss: 0.8289 - mrcnn_class_loss: 0.1970 - mrcnn_bbox_loss: 0.5611 - mrcnn_mask_loss: 0.3831
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
123/150 [=======================>......] - ETA: 28s - loss: 2.0795 - rpn_class_loss: 0.1117 - rpn_bbox_loss: 0.8286 - mrcnn_class_loss: 0.1960 - mrcnn_bbox_loss: 0.5602 - mrcnn_mask_loss: 0.3831
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
124/150 [=======================>......] - ETA: 27s - loss: 2.0758 - rpn_class_loss: 0.1116 - rpn_bbox_loss: 0.8306 - mrcnn_class_loss: 0.1945 - mrcnn_bbox_loss: 0.5570 - mrcnn_mask_loss: 0.3821
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
125/150 [========================>.....] - ETA: 26s - loss: 2.0710 - rpn_class_loss: 0.1109 - rpn_bbox_loss: 0.8285 - mrcnn_class_loss: 0.1936 - mrcnn_bbox_loss: 0.5552 - mrcnn_mask_loss: 0.3828
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
126/150 [========================>.....] - ETA: 25s - loss: 2.0630 - rpn_class_loss: 0.1102 - rpn_bbox_loss: 0.8240 - mrcnn_class_loss: 0.1926 - mrcnn_bbox_loss: 0.5528 - mrcnn_mask_loss: 0.3834
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
127/150 [========================>.....] - ETA: 24s - loss: 2.0969 - rpn_class_loss: 0.1211 - rpn_bbox_loss: 0.8456 - mrcnn_class_loss: 0.1944 - mrcnn_bbox_loss: 0.5525 - mrcnn_mask_loss: 0.3834
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
128/150 [========================>.....] - ETA: 23s - loss: 2.1216 - rpn_class_loss: 0.1290 - rpn_bbox_loss: 0.8608 - mrcnn_class_loss: 0.1965 - mrcnn_bbox_loss: 0.5519 - mrcnn_mask_loss: 0.3834
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
129/150 [========================>.....] - ETA: 22s - loss: 2.1261 - rpn_class_loss: 0.1296 - rpn_bbox_loss: 0.8659 - mrcnn_class_loss: 0.1957 - mrcnn_bbox_loss: 0.5524 - mrcnn_mask_loss: 0.3826
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
130/150 [=========================>....] - ETA: 21s - loss: 2.1239 - rpn_class_loss: 0.1294 - rpn_bbox_loss: 0.8663 - mrcnn_class_loss: 0.1952 - mrcnn_bbox_loss: 0.5512 - mrcnn_mask_loss: 0.3817
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
131/150 [=========================>....] - ETA: 20s - loss: 2.1204 - rpn_class_loss: 0.1289 - rpn_bbox_loss: 0.8660 - mrcnn_class_loss: 0.1948 - mrcnn_bbox_loss: 0.5502 - mrcnn_mask_loss: 0.3805
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
132/150 [=========================>....] - ETA: 18s - loss: 2.1131 - rpn_class_loss: 0.1284 - rpn_bbox_loss: 0.8636 - mrcnn_class_loss: 0.1942 - mrcnn_bbox_loss: 0.5478 - mrcnn_mask_loss: 0.3791
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
133/150 [=========================>....] - ETA: 17s - loss: 2.1191 - rpn_class_loss: 0.1287 - rpn_bbox_loss: 0.8708 - mrcnn_class_loss: 0.1940 - mrcnn_bbox_loss: 0.5467 - mrcnn_mask_loss: 0.3789
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
134/150 [=========================>....] - ETA: 16s - loss: 2.1239 - rpn_class_loss: 0.1284 - rpn_bbox_loss: 0.8777 - mrcnn_class_loss: 0.1938 - mrcnn_bbox_loss: 0.5455 - mrcnn_mask_loss: 0.3786
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
135/150 [==========================>...] - ETA: 15s - loss: 2.1232 - rpn_class_loss: 0.1279 - rpn_bbox_loss: 0.8768 - mrcnn_class_loss: 0.1931 - mrcnn_bbox_loss: 0.5468 - mrcnn_mask_loss: 0.3786
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
136/150 [==========================>...] - ETA: 14s - loss: 2.1252 - rpn_class_loss: 0.1273 - rpn_bbox_loss: 0.8803 - mrcnn_class_loss: 0.1925 - mrcnn_bbox_loss: 0.5469 - mrcnn_mask_loss: 0.3782
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
137/150 [==========================>...] - ETA: 13s - loss: 2.1202 - rpn_class_loss: 0.1265 - rpn_bbox_loss: 0.8801 - mrcnn_class_loss: 0.1914 - mrcnn_bbox_loss: 0.5449 - mrcnn_mask_loss: 0.3773
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
138/150 [==========================>...] - ETA: 12s - loss: 2.1112 - rpn_class_loss: 0.1256 - rpn_bbox_loss: 0.8765 - mrcnn_class_loss: 0.1904 - mrcnn_bbox_loss: 0.5424 - mrcnn_mask_loss: 0.3764
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
139/150 [==========================>...] - ETA: 11s - loss: 2.1068 - rpn_class_loss: 0.1254 - rpn_bbox_loss: 0.8740 - mrcnn_class_loss: 0.1901 - mrcnn_bbox_loss: 0.5410 - mrcnn_mask_loss: 0.3762
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
140/150 [===========================>..] - ETA: 10s - loss: 2.1007 - rpn_class_loss: 0.1252 - rpn_bbox_loss: 0.8705 - mrcnn_class_loss: 0.1895 - mrcnn_bbox_loss: 0.5392 - mrcnn_mask_loss: 0.3761
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
141/150 [===========================>..] - ETA: 9s - loss: 2.1065 - rpn_class_loss: 0.1248 - rpn_bbox_loss: 0.8804 - mrcnn_class_loss: 0.1884 - mrcnn_bbox_loss: 0.5378 - mrcnn_mask_loss: 0.3752
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
142/150 [===========================>..] - ETA: 8s - loss: 2.1096 - rpn_class_loss: 0.1262 - rpn_bbox_loss: 0.8851 - mrcnn_class_loss: 0.1873 - mrcnn_bbox_loss: 0.5365 - mrcnn_mask_loss: 0.3744
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
143/150 [===========================>..] - ETA: 7s - loss: 2.1106 - rpn_class_loss: 0.1270 - rpn_bbox_loss: 0.8879 - mrcnn_class_loss: 0.1865 - mrcnn_bbox_loss: 0.5356 - mrcnn_mask_loss: 0.3737
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
144/150 [===========================>..] - ETA: 6s - loss: 2.1079 - rpn_class_loss: 0.1274 - rpn_bbox_loss: 0.8871 - mrcnn_class_loss: 0.1856 - mrcnn_bbox_loss: 0.5347 - mrcnn_mask_loss: 0.3731
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
145/150 [============================>.] - ETA: 5s - loss: 2.1198 - rpn_class_loss: 0.1289 - rpn_bbox_loss: 0.8936 - mrcnn_class_loss: 0.1861 - mrcnn_bbox_loss: 0.5372 - mrcnn_mask_loss: 0.3740
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
146/150 [============================>.] - ETA: 4s - loss: 2.1252 - rpn_class_loss: 0.1291 - rpn_bbox_loss: 0.8962 - mrcnn_class_loss: 0.1875 - mrcnn_bbox_loss: 0.5378 - mrcnn_mask_loss: 0.3747
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
147/150 [============================>.] - ETA: 3s - loss: 2.1199 - rpn_class_loss: 0.1289 - rpn_bbox_loss: 0.8939 - mrcnn_class_loss: 0.1867 - mrcnn_bbox_loss: 0.5358 - mrcnn_mask_loss: 0.3746
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
148/150 [============================>.] - ETA: 2s - loss: 2.1140 - rpn_class_loss: 0.1287 - rpn_bbox_loss: 0.8902 - mrcnn_class_loss: 0.1865 - mrcnn_bbox_loss: 0.5339 - mrcnn_mask_loss: 0.3746
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
149/150 [============================>.] - ETA: 1s - loss: 2.1077 - rpn_class_loss: 0.1284 - rpn_bbox_loss: 0.8875 - mrcnn_class_loss: 0.1860 - mrcnn_bbox_loss: 0.5320 - mrcnn_mask_loss: 0.3738
/usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order) /usr/local/lib/python3.7/dist-packages/skimage/transform/_warps.py:830: FutureWarning: Input image dtype is bool. Interpolation is not defined with bool data type. Please set order to 0 or explicitely cast input image to another data type. Starting from version 0.19 a ValueError will be raised instead of this warning. order = _validate_interpolation_order(image.dtype, order)
150/150 [==============================] - 170s 1s/step - loss: 2.1005 - rpn_class_loss: 0.1281 - rpn_bbox_loss: 0.8839 - mrcnn_class_loss: 0.1855 - mrcnn_bbox_loss: 0.5301 - mrcnn_mask_loss: 0.3729 - val_loss: 1.9119 - val_rpn_class_loss: 0.1123 - val_rpn_bbox_loss: 0.9632 - val_mrcnn_class_loss: 0.0804 - val_mrcnn_bbox_loss: 0.4497 - val_mrcnn_mask_loss: 0.3063
model_path = model.find_last()
model_path
'./mask-detection20220303T2232/mask_rcnn_mask-detection_0001.h5'
Inference¶
class InferenceConfig(MaskConfig):
GPU_COUNT = 1
IMAGES_PER_GPU = 1
NUM_CLASSES = 3 # 1 Background + 61 classes
IMAGE_MAX_DIM=256
IMAGE_MIN_DIM=256
NAME = "mask-detection"
DETECTION_MIN_CONFIDENCE=0.8
inference_config = InferenceConfig()
inference_config.display()
Configurations: BACKBONE resnet50 BACKBONE_STRIDES [4, 8, 16, 32, 64] BATCH_SIZE 1 BBOX_STD_DEV [0.1 0.1 0.2 0.2] COMPUTE_BACKBONE_SHAPE None DETECTION_MAX_INSTANCES 100 DETECTION_MIN_CONFIDENCE 0.8 DETECTION_NMS_THRESHOLD 0.3 FPN_CLASSIF_FC_LAYERS_SIZE 1024 GPU_COUNT 1 GRADIENT_CLIP_NORM 5.0 IMAGES_PER_GPU 1 IMAGE_CHANNEL_COUNT 3 IMAGE_MAX_DIM 256 IMAGE_META_SIZE 15 IMAGE_MIN_DIM 256 IMAGE_MIN_SCALE 0 IMAGE_RESIZE_MODE square IMAGE_SHAPE [256 256 3] LEARNING_MOMENTUM 0.9 LEARNING_RATE 0.01 LOSS_WEIGHTS {'rpn_class_loss': 1.0, 'rpn_bbox_loss': 1.0, 'mrcnn_class_loss': 1.0, 'mrcnn_bbox_loss': 1.0, 'mrcnn_mask_loss': 1.0} MASK_POOL_SIZE 14 MASK_SHAPE [28, 28] MAX_GT_INSTANCES 35 MEAN_PIXEL [123.7 116.8 103.9] MINI_MASK_SHAPE (128, 128) NAME mask-detection NUM_CLASSES 3 POOL_SIZE 7 POST_NMS_ROIS_INFERENCE 1000 POST_NMS_ROIS_TRAINING 2000 PRE_NMS_LIMIT 6000 ROI_POSITIVE_RATIO 0.33 RPN_ANCHOR_RATIOS [0.5, 1, 2] RPN_ANCHOR_SCALES (32, 64, 128, 256, 512) RPN_ANCHOR_STRIDE 1 RPN_BBOX_STD_DEV [0.1 0.1 0.2 0.2] RPN_NMS_THRESHOLD 0.7 RPN_TRAIN_ANCHORS_PER_IMAGE 256 STEPS_PER_EPOCH 150 TOP_DOWN_PYRAMID_SIZE 256 TRAIN_BN False TRAIN_ROIS_PER_IMAGE 200 USE_MINI_MASK True USE_RPN_ROIS True VALIDATION_STEPS 50 WEIGHT_DECAY 0.0001
# Recreate the model in inference mode
model = modellib.MaskRCNN(mode='inference',
config=inference_config,
model_dir="./")
# Load trained weights (fill in path to trained weights here)
assert model_path != "", "Provide path to trained weights"
print("Loading weights from ", model_path)
model.load_weights(model_path, by_name=True)
Loading weights from ./mask-detection20220303T2232/mask_rcnn_mask-detection_0001.h5 Re-starting from epoch 1
# Show few example of ground truth vs. predictions on the validation dataset
dataset = dataset_val
fig = plt.figure(figsize=(15, 30))
for i in range(4):
image_id = random.choice(dataset.image_ids)
original_image, image_meta, gt_class_id, gt_bbox, gt_mask =\
modellib.load_image_gt(dataset_val, inference_config,
image_id, use_mini_mask=False)
print(original_image.shape)
plt.subplot(6, 2, 2*i + 1)
visualize.display_instances(original_image, gt_bbox, gt_mask, gt_class_id,
dataset.class_names, ax=fig.axes[-1])
plt.subplot(6, 2, 2*i + 2)
results = model.detect([original_image]) #, verbose=1)
r = results[0]
visualize.display_instances(original_image, r['rois'], r['masks'], r['class_ids'],
dataset.class_names, r['scores'], ax=fig.axes[-1])
(256, 256, 3) (256, 256, 3) (256, 256, 3) (256, 256, 3)
import json
with open(DATASET_DIR+'/val.json') as json_file:
data = json.load(json_file)
d = {}
for x in data["categories"]:
d[x["name"]]=x["id"]
d
{'mask': 1, 'no_mask': 2}
id_category = [0]
for x in dataset.class_names[1:]:
id_category.append(d[x])
id_category
[0, 1, 2]
val_images_map_id={}
for x in data["images"]:
val_images_map_id[x["file_name"]]=x["id"]
from tqdm.notebook import tqdm
import skimage
import glob
files = os.listdir(DATASET_DIR+'val_images')
_final_object = []
for f in tqdm(files,total=len(files)):
try:
images = [skimage.io.imread(DATASET_DIR+'val_images/'+f) ]
#if(len(images)!= inference_config.IMAGES_PER_GPU):
# images = images + [images[-1]]*(inference_config.BATCH_SIZE - len(images))
predictions = model.detect(images, verbose=0)
#print(file)
for _idx, r in enumerate(predictions):
image_id = f.split(".")[0]
for _idx, class_id in enumerate(r["class_ids"]):
if class_id > 0:
mask = r["masks"].astype(np.uint8)[:, :, _idx]
bbox = np.around(r["rois"][_idx], 1)
bbox = [float(x) for x in bbox]
_result = {}
_result["image_id"] = val_images_map_id[f]
_result["category_id"] = id_category[class_id]
_result["score"] = float(r["scores"][_idx])
_mask = maskUtils.encode(np.asfortranarray(mask))
_mask["counts"] = _mask["counts"].decode("UTF-8")
_result["segmentation"] = _mask
_result["bbox"] = [bbox[1], bbox[0], bbox[3] - bbox[1], bbox[2] - bbox[0]]
_final_object.append(_result)
except:
print("Error with",f)
continue
fp = open('/content/output.json', "w")
import json
print("Writing JSON...")
fp.write(json.dumps(_final_object))
fp.close()
Error with 6ced0d530f.jpg Writing JSON...
submission_file = json.loads(open("/content/output.json").read())
len(submission_file)
260
Evaluation¶
import random
import json
import numpy as np
import argparse
import base64
import glob
import os
from PIL import Image
DATASET_DIR = "/content/"
from pycocotools.coco import COCO
GROUND_TRUTH_ANNOTATION_PATH = DATASET_DIR+"val.json"
ground_truth_annotations = COCO(GROUND_TRUTH_ANNOTATION_PATH)
submission_file = json.loads(open("/content/output.json").read())
results = ground_truth_annotations.loadRes(submission_file)
cocoEval = COCOeval(ground_truth_annotations, results, 'bbox')
cocoEval.evaluate()
cocoEval.accumulate()
cocoEval.summarize()
loading annotations into memory... Done (t=0.00s) creating index... index created! Loading and preparing results... DONE (t=0.00s) creating index... index created! Running per image evaluation... Evaluate annotation type *bbox* DONE (t=0.07s). Accumulating evaluation results... DONE (t=0.02s). Average Precision (AP) @[ IoU=0.50:0.95 | area= all | maxDets=100 ] = 0.096 Average Precision (AP) @[ IoU=0.50 | area= all | maxDets=100 ] = 0.304 Average Precision (AP) @[ IoU=0.75 | area= all | maxDets=100 ] = 0.032 Average Precision (AP) @[ IoU=0.50:0.95 | area= small | maxDets=100 ] = 0.000 Average Precision (AP) @[ IoU=0.50:0.95 | area=medium | maxDets=100 ] = 0.054 Average Precision (AP) @[ IoU=0.50:0.95 | area= large | maxDets=100 ] = 0.117 Average Recall (AR) @[ IoU=0.50:0.95 | area= all | maxDets= 1 ] = 0.113 Average Recall (AR) @[ IoU=0.50:0.95 | area= all | maxDets= 10 ] = 0.138 Average Recall (AR) @[ IoU=0.50:0.95 | area= all | maxDets=100 ] = 0.138 Average Recall (AR) @[ IoU=0.50:0.95 | area= small | maxDets=100 ] = 0.000 Average Recall (AR) @[ IoU=0.50:0.95 | area=medium | maxDets=100 ] = 0.086 Average Recall (AR) @[ IoU=0.50:0.95 | area= large | maxDets=100 ] = 0.163
np.__version__
'1.21.5'
Create Final Json for submission
import json
with open(DATASET_DIR+'/test.json') as json_file:
data = json.load(json_file)
test_images_map_id={}
for x in data["images"]:
test_images_map_id[x["file_name"]]=x["id"]
files = os.listdir(DATASET_DIR+'test_images')
_final_object = []
for f in tqdm(files,total=len(files)):
try:
images = [skimage.io.imread(DATASET_DIR+'test_images/'+f) ]
#if(len(images)!= inference_config.IMAGES_PER_GPU):
# images = images + [images[-1]]*(inference_config.BATCH_SIZE - len(images))
predictions = model.detect(images, verbose=0)
#print(file)
for _idx, r in enumerate(predictions):
image_id = f.split(".")[0]
for _idx, class_id in enumerate(r["class_ids"]):
if class_id > 0:
mask = r["masks"].astype(np.uint8)[:, :, _idx]
bbox = np.around(r["rois"][_idx], 1)
bbox = [float(x) for x in bbox]
_result = {}
_result["image_id"] = test_images_map_id[f]
_result["category_id"] = id_category[class_id]
_result["score"] = float(r["scores"][_idx])
_mask = maskUtils.encode(np.asfortranarray(mask))
_mask["counts"] = _mask["counts"].decode("UTF-8")
_result["segmentation"] = _mask
_result["bbox"] = [bbox[1], bbox[0], bbox[3] - bbox[1], bbox[2] - bbox[0]]
_final_object.append(_result)
except:
print("Error with",f)
continue
fp = open('/content/submission.json', "w")
import json
print("Writing JSON...")
fp.write(json.dumps(_final_object))
fp.close()
Error with 380b56bd24.jpg Error with 0d042de57b.jpg Error with c9fef1a742.jpg Error with 76c7407e2f.jpg Error with c570e61e83.jpg Error with 2642f3e11c.jpg Writing JSON...
Make a submission using the aicrwd -cli¶
!aicrowd submission create -c maskd -f submission.json
submission.json ━━━━━━━━━━━━━━━━━ 100.0% • 660.0/658.4 KB • 494.8 kB/s • 0:00:00 ╭─────────────────────────╮ │ Successfully submitted! │ ╰─────────────────────────╯ Important links ┌──────────────────┬───────────────────────────────────────────────────────────────────────────────────────────────────┐ │ This submission │ https://www.aicrowd.com/challenges/aicrowd-blitz-2/problems/maskd/submissions/176320 │ │ │ │ │ All submissions │ https://www.aicrowd.com/challenges/aicrowd-blitz-2/problems/maskd/submissions?my_submissions=true │ │ │ │ │ Leaderboard │ https://www.aicrowd.com/challenges/aicrowd-blitz-2/problems/maskd/leaderboards │ │ │ │ │ Discussion forum │ https://discourse.aicrowd.com/c/aicrowd-blitz-2 │ │ │ │ │ Challenge page │ https://www.aicrowd.com/challenges/aicrowd-blitz-2/problems/maskd │ └──────────────────┴───────────────────────────────────────────────────────────────────────────────────────────────────┘ {'submission_id': 176320, 'created_at': '2022-03-03T22:39:32.697Z'}
Real life Application!¶
!wget -q https://s3.eu-central-1.wasabisys.com/aicrowd-practice-challenges/public/maskd/v0.1/mask_video.mp4
model_path = "/content/mask-detection20200602T0923/mask_rcnn_mask-detection_0013.h5"
class InferenceConfig(MaskConfig):
GPU_COUNT = 1
IMAGES_PER_GPU = 1
NUM_CLASSES = 3 # 1 Background + 61 classes
IMAGE_MAX_DIM=256
IMAGE_MIN_DIM=256
NAME = "mask-detection"
DETECTION_MIN_CONFIDENCE=0.75
inference_config = InferenceConfig()
inference_config.display()
Configurations: BACKBONE resnet50 BACKBONE_STRIDES [4, 8, 16, 32, 64] BATCH_SIZE 1 BBOX_STD_DEV [0.1 0.1 0.2 0.2] COMPUTE_BACKBONE_SHAPE None DETECTION_MAX_INSTANCES 100 DETECTION_MIN_CONFIDENCE 0.75 DETECTION_NMS_THRESHOLD 0.3 FPN_CLASSIF_FC_LAYERS_SIZE 1024 GPU_COUNT 1 GRADIENT_CLIP_NORM 5.0 IMAGES_PER_GPU 1 IMAGE_CHANNEL_COUNT 3 IMAGE_MAX_DIM 256 IMAGE_META_SIZE 15 IMAGE_MIN_DIM 256 IMAGE_MIN_SCALE 0 IMAGE_RESIZE_MODE square IMAGE_SHAPE [256 256 3] LEARNING_MOMENTUM 0.9 LEARNING_RATE 0.001 LOSS_WEIGHTS {'rpn_class_loss': 1.0, 'rpn_bbox_loss': 1.0, 'mrcnn_class_loss': 1.0, 'mrcnn_bbox_loss': 1.0, 'mrcnn_mask_loss': 1.0} MASK_POOL_SIZE 14 MASK_SHAPE [28, 28] MAX_GT_INSTANCES 35 MEAN_PIXEL [123.7 116.8 103.9] MINI_MASK_SHAPE (128, 128) NAME mask-detection NUM_CLASSES 3 POOL_SIZE 7 POST_NMS_ROIS_INFERENCE 1000 POST_NMS_ROIS_TRAINING 2000 PRE_NMS_LIMIT 6000 ROI_POSITIVE_RATIO 0.33 RPN_ANCHOR_RATIOS [0.5, 1, 2] RPN_ANCHOR_SCALES (32, 64, 128, 256, 512) RPN_ANCHOR_STRIDE 1 RPN_BBOX_STD_DEV [0.1 0.1 0.2 0.2] RPN_NMS_THRESHOLD 0.7 RPN_TRAIN_ANCHORS_PER_IMAGE 256 STEPS_PER_EPOCH 150 TOP_DOWN_PYRAMID_SIZE 256 TRAIN_BN False TRAIN_ROIS_PER_IMAGE 200 USE_MINI_MASK True USE_RPN_ROIS True VALIDATION_STEPS 50 WEIGHT_DECAY 0.0001
# Recreate the model in inference mode
model = modellib.MaskRCNN(mode='inference',
config=inference_config,
model_dir='./')
# Load trained weights (fill in path to trained weights here)
assert model_path != "", "Provide path to trained weights"
print("Loading weights from ", model_path)
model.load_weights(model_path, by_name=True)
Loading weights from /content/mask-detection20200602T0923/mask_rcnn_mask-detection_0013.h5 Re-starting from epoch 13
import cv2
VIDEO_STREAM = "mask_video.mp4"
VIDEO_STREAM_OUT = "result.mp4"
vs = cv2.VideoCapture(VIDEO_STREAM)
writer = None
def display_instances(image, boxes, masks, ids, names, scores):
"""
take the image and results and apply the mask, box, and Label
"""
n_instances = boxes.shape[0]
colors = visualize.random_colors(n_instances)
if not n_instances:
print('NO INSTANCES TO DISPLAY')
else:
assert boxes.shape[0] == masks.shape[-1] == ids.shape[0]
for i, color in enumerate(colors):
if not np.any(boxes[i]):
continue
y1, x1, y2, x2 = boxes[i]
label = names[ids[i]]
score = scores[i] if scores is not None else None
caption = '{} {:.2f}'.format(label, score) if score else label
mask = masks[:, :, i]
#image = visualize.apply_mask(image, mask, color)
if label=="mask":
image = cv2.rectangle(image, (x1, y1), (x2, y2),(0, 255, 0), 2)
else:
image = cv2.rectangle(image, (x1, y1), (x2, y2),(0, 0, 255), 2)
image = cv2.putText(
image, caption, (x1, y1), cv2.FONT_HERSHEY_COMPLEX, 0.7, color, 2
)
return image
length = int(vs.get(cv2.CAP_PROP_FRAME_COUNT))
print( length )
1033
i = 0
while i < 1033:
# read the next frame from the file
(grabbed, frame) = vs.read()
i += 1
# If the frame was not grabbed, then we have reached the end
# of the stream
if not grabbed:
print ("Not grabbed.")
break;
# Run detection
results = model.detect([frame], verbose=1)
# Visualize results
r = results[0]
masked_frame = display_instances(frame, r['rois'], r['masks'], r['class_ids'],
dataset.class_names, r['scores'])
# Check if the video writer is None
if writer is None:
# Initialize our video writer
fourcc = cv2.VideoWriter_fourcc(*"XVID")
writer = cv2.VideoWriter(VIDEO_STREAM_OUT, fourcc, 30,
(masked_frame.shape[1], masked_frame.shape[0]), True)
# Write the output frame to disk
writer.write(masked_frame)
# Release the file pointers
print("[INFO] cleaning up...")
writer.release()
Streaming output truncated to the last 5000 lines.
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 148.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 148.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 148.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 148.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 148.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 148.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 1.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 1.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 1.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 2.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 1.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 1.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 1.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 2.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 1.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 150.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 151.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 149.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 145.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 146.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
Processing 1 images
image shape: (360, 640, 3) min: 0.00000 max: 255.00000 uint8
molded_images shape: (1, 256, 256, 3) min: -123.70000 max: 147.10000 float64
image_metas shape: (1, 15) min: 0.00000 max: 640.00000 float64
anchors shape: (1, 16368, 4) min: -1.41976 max: 2.16878 float32
NO INSTANCES TO DISPLAY
[INFO] cleaning up...
Download result.mp4 and have a look at how your model did!
from google.colab import files
files.download('result.mp4')
Content
Comments
You must login before you can post a comment.