diff --git a/README.md b/README.md index e80a8f5..e9ae737 100644 --- a/README.md +++ b/README.md @@ -24,22 +24,16 @@ for coco's AP metrics, especially when dealing with a high number of instances i For our use case with a test dataset of 5000 images from the coco val dataset. Testing was carried out using the mmdetection framework and the eval_metric.py script. The indicators are presented below. -Visualization of testing **comparison.ipynb** available in directory [examples/comparison](https://github.com/MiXaiLL76/faster_coco_eval/blob/main/examples/comparison/mmdet/comparison.ipynb) -Tested with yolo3 model (bbox eval) and yoloact model (segm eval) +Visualization of testing **colab_example.ipynb** available in directory [examples/comparison](https://github.com/MiXaiLL76/faster_coco_eval/blob/main/examples/comparison/mmdet/colab_example.ipynb) +[colab_example.ipynb in google collab](https://drive.google.com/file/d/13raC0nRsil797ITJSv3FTRvUvfEK9SD-/view?usp=sharing) +Tested with rtmdet model bbox + segm ### Summary for 5000 imgs -| Type | COCOeval | COCOeval_faster | Profit | -| ---- | ----------- | --------------- | ------------ | -| bbox | 18.477 sec. | 7.345 sec. | ~2.5x faster | -| segm | 29.819 sec. | 15.840 sec. | ~1.7x faster | - -## Summary for 500 imgs - -| Type | COCOeval | COCOeval_faster | Profit | -| ---- | --------- | --------------- | ------------ | -| bbox | 3.57 sec. | 2.03 sec. | ~1.7x faster | -| segm | 4.16 sec. | 2.41 sec. | ~1.7x faster | +| Type | faster-coco-eval | pycocotools | Profit | +| :--- | ---------------: | ----------: | -----: | +| bbox | 5.812 | 22.72 | 3.909 | +| segm | 7.413 | 24.434 | 3.296 | ## Feautures diff --git a/examples/comparison/mmdet/coco_metric.py b/examples/comparison/mmdet/coco_metric.py deleted file mode 100644 index fbb5ac4..0000000 --- a/examples/comparison/mmdet/coco_metric.py +++ /dev/null @@ -1,703 +0,0 @@ -# Copyright (c) OpenMMLab. All rights reserved. -import datetime -import itertools -import os.path as osp -import tempfile -from collections import OrderedDict -from typing import Dict, List, Optional, Sequence, Union - -import numpy as np -import torch -from mmdet.datasets.api_wrappers import COCO, COCOeval, COCOevalMP -from mmdet.evaluation.functional import eval_recalls -from mmdet.registry import METRICS -from mmdet.structures.mask import encode_mask_results -from mmengine.evaluator import BaseMetric -from mmengine.fileio import dump, get_local_path, load -from mmengine.logging import MMLogger -from terminaltables import AsciiTable - -from faster_coco_eval import COCO as COCO_faster -from faster_coco_eval import COCOeval_faster - -if "CocoMetric" in METRICS.module_dict: - del METRICS.module_dict["CocoMetric"] - - -@METRICS.register_module() -class CocoMetric(BaseMetric): - """COCO evaluation metric. - - Evaluate AR, AP, and mAP for detection tasks including proposal/box - detection and instance segmentation. Please refer to - https://cocodataset.org/#detection-eval for more details. - - Args: - ann_file (str, optional): Path to the coco format annotation file. - If not specified, ground truth annotations from the dataset will - be converted to coco format. Defaults to None. - metric (str | List[str]): Metrics to be evaluated. Valid metrics - include 'bbox', 'segm', 'proposal', and 'proposal_fast'. - Defaults to 'bbox'. - classwise (bool): Whether to evaluate the metric class-wise. - Defaults to False. - proposal_nums (Sequence[int]): Numbers of proposals to be evaluated. - Defaults to (100, 300, 1000). - iou_thrs (float | List[float], optional): IoU threshold to compute AP - and AR. If not specified, IoUs from 0.5 to 0.95 will be used. - Defaults to None. - metric_items (List[str], optional): Metric result names to be - recorded in the evaluation result. Defaults to None. - format_only (bool): Format the output results without perform - evaluation. It is useful when you want to format the result - to a specific format and submit it to the test server. - Defaults to False. - outfile_prefix (str, optional): The prefix of json files. It includes - the file path and the prefix of filename, e.g., "a/b/prefix". - If not specified, a temp file will be created. Defaults to None. - file_client_args (dict, optional): Arguments to instantiate the - corresponding backend in mmdet <= 3.0.0rc6. Defaults to None. - backend_args (dict, optional): Arguments to instantiate the - corresponding backend. Defaults to None. - collect_device (str): Device name used for collecting results from - different ranks during distributed training. Must be 'cpu' or - 'gpu'. Defaults to 'cpu'. - prefix (str, optional): The prefix that will be added in the metric - names to disambiguate homonymous metrics of different evaluators. - If prefix is not provided in the argument, self.default_prefix - will be used instead. Defaults to None. - sort_categories (bool): Whether sort categories in annotations. Only - used for `Objects365V1Dataset`. Defaults to False. - use_mp_eval (bool): Whether to use mul-processing evaluation - - """ - - default_prefix: Optional[str] = "coco" - - def __init__( - self, - ann_file: Optional[str] = None, - metric: Union[str, List[str]] = "bbox", - classwise: bool = False, - proposal_nums: Sequence[int] = (100, 300, 1000), - iou_thrs: Optional[Union[float, Sequence[float]]] = None, - metric_items: Optional[Sequence[str]] = None, - format_only: bool = False, - outfile_prefix: Optional[str] = None, - file_client_args: dict = None, - backend_args: dict = None, - collect_device: str = "cpu", - prefix: Optional[str] = None, - sort_categories: bool = False, - use_mp_eval: bool = False, - use_faster: bool = False, - ) -> None: - super().__init__(collect_device=collect_device, prefix=prefix) - # coco evaluation metrics - self.metrics = metric if isinstance(metric, list) else [metric] - allowed_metrics = ["bbox", "segm", "proposal", "proposal_fast"] - for metric in self.metrics: - if metric not in allowed_metrics: - raise KeyError( - "metric should be one of 'bbox', 'segm', 'proposal', " - f"'proposal_fast', but got {metric}." - ) - - # do class wise evaluation, default False - self.classwise = classwise - # whether to use multi processing evaluation, default False - self.use_mp_eval = use_mp_eval - # faster_coco_eval - self.use_faster = use_faster - - # proposal_nums used to compute recall or precision. - self.proposal_nums = list(proposal_nums) - - # iou_thrs used to compute recall or precision. - if iou_thrs is None: - iou_thrs = np.linspace( - 0.5, 0.95, int(np.round((0.95 - 0.5) / 0.05)) + 1, endpoint=True - ) - self.iou_thrs = iou_thrs - self.metric_items = metric_items - self.format_only = format_only - if self.format_only: - assert outfile_prefix is not None, "outfile_prefix must be not" - "None when format_only is True, otherwise the result files will" - "be saved to a temp directory which will be cleaned up at the end." - - self.outfile_prefix = outfile_prefix - - self.backend_args = backend_args - if file_client_args is not None: - raise RuntimeError( - "The `file_client_args` is deprecated, " - "please use `backend_args` instead, please refer to" - "https://github.com/open-mmlab/mmdetection/blob/main/configs/_base_/datasets/coco_detection.py" # noqa: E501 - ) - - # if ann_file is not specified, - # initialize coco api with the converted dataset - if ann_file is not None: - with get_local_path( - ann_file, backend_args=self.backend_args - ) as local_path: - if self.use_faster: - self._coco_api = COCO_faster(local_path) - else: - self._coco_api = COCO(local_path) - if sort_categories: - # 'categories' list in objects365_train.json and - # objects365_val.json is inconsistent, need sort - # list(or dict) before get cat_ids. - cats = self._coco_api.cats - sorted_cats = {i: cats[i] for i in sorted(cats)} - self._coco_api.cats = sorted_cats - categories = self._coco_api.dataset["categories"] - sorted_categories = sorted( - categories, key=lambda i: i["id"] - ) - self._coco_api.dataset["categories"] = sorted_categories - else: - self._coco_api = None - - # handle dataset lazy init - self.cat_ids = None - self.img_ids = None - - def fast_eval_recall( - self, - results: List[dict], - proposal_nums: Sequence[int], - iou_thrs: Sequence[float], - logger: Optional[MMLogger] = None, - ) -> np.ndarray: - """Evaluate proposal recall with COCO's fast_eval_recall. - - Args: - results (List[dict]): Results of the dataset. - proposal_nums (Sequence[int]): Proposal numbers used for - evaluation. - iou_thrs (Sequence[float]): IoU thresholds used for evaluation. - logger (MMLogger, optional): Logger used for logging the recall - summary. - Returns: - np.ndarray: Averaged recall results. - - """ - gt_bboxes = [] - pred_bboxes = [result["bboxes"] for result in results] - for i in range(len(self.img_ids)): - ann_ids = self._coco_api.get_ann_ids(img_ids=self.img_ids[i]) - ann_info = self._coco_api.load_anns(ann_ids) - if len(ann_info) == 0: - gt_bboxes.append(np.zeros((0, 4))) - continue - bboxes = [] - for ann in ann_info: - if ann.get("ignore", False) or ann["iscrowd"]: - continue - x1, y1, w, h = ann["bbox"] - bboxes.append([x1, y1, x1 + w, y1 + h]) - bboxes = np.array(bboxes, dtype=np.float32) - if bboxes.shape[0] == 0: - bboxes = np.zeros((0, 4)) - gt_bboxes.append(bboxes) - - recalls = eval_recalls( - gt_bboxes, pred_bboxes, proposal_nums, iou_thrs, logger=logger - ) - ar = recalls.mean(axis=1) - return ar - - def xyxy2xywh(self, bbox: np.ndarray) -> list: - """Convert ``xyxy`` style bounding boxes to ``xywh`` style for COCO - evaluation. - - Args: - bbox (numpy.ndarray): The bounding boxes, shape (4, ), in - ``xyxy`` order. - - Returns: - list[float]: The converted bounding boxes, in ``xywh`` order. - - """ - - _bbox: List = bbox.tolist() - return [ - _bbox[0], - _bbox[1], - _bbox[2] - _bbox[0], - _bbox[3] - _bbox[1], - ] - - def results2json( - self, results: Sequence[dict], outfile_prefix: str - ) -> dict: - """Dump the detection results to a COCO style json file. - - There are 3 types of results: proposals, bbox predictions, mask - predictions, and they have different data types. This method will - automatically recognize the type, and dump them to json files. - - Args: - results (Sequence[dict]): Testing results of the - dataset. - outfile_prefix (str): The filename prefix of the json files. If the - prefix is "somepath/xxx", the json files will be named - "somepath/xxx.bbox.json", "somepath/xxx.segm.json", - "somepath/xxx.proposal.json". - - Returns: - dict: Possible keys are "bbox", "segm", "proposal", and - values are corresponding filenames. - - """ - bbox_json_results = [] - segm_json_results = [] if "masks" in results[0] else None - for idx, result in enumerate(results): - image_id = result.get("img_id", idx) - labels = result["labels"] - bboxes = result["bboxes"] - scores = result["scores"] - # bbox results - for i, label in enumerate(labels): - data = dict() - data["image_id"] = image_id - data["bbox"] = self.xyxy2xywh(bboxes[i]) - data["score"] = float(scores[i]) - data["category_id"] = self.cat_ids[label] - bbox_json_results.append(data) - - if segm_json_results is None: - continue - - # segm results - masks = result["masks"] - mask_scores = result.get("mask_scores", scores) - for i, label in enumerate(labels): - data = dict() - data["image_id"] = image_id - data["bbox"] = self.xyxy2xywh(bboxes[i]) - data["score"] = float(mask_scores[i]) - data["category_id"] = self.cat_ids[label] - if isinstance(masks[i]["counts"], bytes): - masks[i]["counts"] = masks[i]["counts"].decode() - data["segmentation"] = masks[i] - segm_json_results.append(data) - - result_files = dict() - result_files["bbox"] = f"{outfile_prefix}.bbox.json" - result_files["proposal"] = f"{outfile_prefix}.bbox.json" - dump(bbox_json_results, result_files["bbox"]) - - if segm_json_results is not None: - result_files["segm"] = f"{outfile_prefix}.segm.json" - dump(segm_json_results, result_files["segm"]) - - return result_files - - def gt_to_coco_json( - self, gt_dicts: Sequence[dict], outfile_prefix: str - ) -> str: - """Convert ground truth to coco format json file. - - Args: - gt_dicts (Sequence[dict]): Ground truth of the dataset. - outfile_prefix (str): The filename prefix of the json files. If the - prefix is "somepath/xxx", the json file will be named - "somepath/xxx.gt.json". - Returns: - str: The filename of the json file. - - """ - categories = [ - dict(id=id, name=name) - for id, name in enumerate(self.dataset_meta["classes"]) - ] - image_infos = [] - annotations = [] - - for idx, gt_dict in enumerate(gt_dicts): - img_id = gt_dict.get("img_id", idx) - image_info = dict( - id=img_id, - width=gt_dict["width"], - height=gt_dict["height"], - file_name="", - ) - image_infos.append(image_info) - for ann in gt_dict["anns"]: - label = ann["bbox_label"] - bbox = ann["bbox"] - coco_bbox = [ - bbox[0], - bbox[1], - bbox[2] - bbox[0], - bbox[3] - bbox[1], - ] - - annotation = dict( - id=len(annotations) - + 1, # coco api requires id starts with 1 - image_id=img_id, - bbox=coco_bbox, - iscrowd=ann.get("ignore_flag", 0), - category_id=int(label), - area=coco_bbox[2] * coco_bbox[3], - ) - if ann.get("mask", None): - mask = ann["mask"] - # area = mask_util.area(mask) - if isinstance(mask, dict) and isinstance( - mask["counts"], bytes - ): - mask["counts"] = mask["counts"].decode() - annotation["segmentation"] = mask - # annotation['area'] = float(area) - annotations.append(annotation) - - info = dict( - date_created=str(datetime.datetime.now()), - description="Coco json file converted by mmdet CocoMetric.", - ) - coco_json = dict( - info=info, - images=image_infos, - categories=categories, - licenses=None, - ) - if len(annotations) > 0: - coco_json["annotations"] = annotations - converted_json_path = f"{outfile_prefix}.gt.json" - dump(coco_json, converted_json_path) - return converted_json_path - - # TODO: data_batch is no longer needed, consider adjusting the - # parameter position - def process(self, data_batch: dict, data_samples: Sequence[dict]) -> None: - """Process one batch of data samples and predictions. The processed - results should be stored in ``self.results``, which will be used to - compute the metrics when all batches have been processed. - - Args: - data_batch (dict): A batch of data from the dataloader. - data_samples (Sequence[dict]): A batch of data samples that - contain annotations and predictions. - - """ - for data_sample in data_samples: - result = dict() - pred = data_sample["pred_instances"] - result["img_id"] = data_sample["img_id"] - result["bboxes"] = pred["bboxes"].cpu().numpy() - result["scores"] = pred["scores"].cpu().numpy() - result["labels"] = pred["labels"].cpu().numpy() - # encode mask to RLE - if "masks" in pred: - result["masks"] = ( - encode_mask_results(pred["masks"].detach().cpu().numpy()) - if isinstance(pred["masks"], torch.Tensor) - else pred["masks"] - ) - # some detectors use different scores for bbox and mask - if "mask_scores" in pred: - result["mask_scores"] = pred["mask_scores"].cpu().numpy() - - # parse gt - gt = dict() - gt["width"] = data_sample["ori_shape"][1] - gt["height"] = data_sample["ori_shape"][0] - gt["img_id"] = data_sample["img_id"] - if self._coco_api is None: - # TODO: Need to refactor to support LoadAnnotations - assert "instances" in data_sample, ( - "ground truth is required for evaluation when " - "`ann_file` is not provided" - ) - gt["anns"] = data_sample["instances"] - # add converted result to the results list - self.results.append((gt, result)) - - def compute_metrics(self, results: list) -> Dict[str, float]: - """Compute the metrics from processed results. - - Args: - results (list): The processed results of each batch. - - Returns: - Dict[str, float]: The computed metrics. The keys are the names of - the metrics, and the values are corresponding results. - - """ - logger: MMLogger = MMLogger.get_current_instance() - - # split gt and prediction list - gts, preds = zip(*results) - - tmp_dir = None - if self.outfile_prefix is None: - tmp_dir = tempfile.TemporaryDirectory() - outfile_prefix = osp.join(tmp_dir.name, "results") - else: - outfile_prefix = self.outfile_prefix - - if self._coco_api is None: - # use converted gt json file to initialize coco api - logger.info("Converting ground truth to coco format...") - coco_json_path = self.gt_to_coco_json( - gt_dicts=gts, outfile_prefix=outfile_prefix - ) - - if self.use_faster: - self._coco_api = COCO_faster(coco_json_path) - else: - self._coco_api = COCO(coco_json_path) - - # handle lazy init - if self.cat_ids is None: - self.cat_ids = self._coco_api.get_cat_ids( - cat_names=self.dataset_meta["classes"] - ) - if self.img_ids is None: - self.img_ids = self._coco_api.get_img_ids() - - # convert predictions to coco format and dump to json file - result_files = self.results2json(preds, outfile_prefix) - - eval_results = OrderedDict() - if self.format_only: - logger.info(f"results are saved in {osp.dirname(outfile_prefix)}") - return eval_results - - for metric in self.metrics: - logger.info(f"Evaluating {metric}...") - - # TODO: May refactor fast_eval_recall to an independent metric? - # fast eval recall - if metric == "proposal_fast": - ar = self.fast_eval_recall( - preds, self.proposal_nums, self.iou_thrs, logger=logger - ) - log_msg = [] - for i, num in enumerate(self.proposal_nums): - eval_results[f"AR@{num}"] = ar[i] - log_msg.append(f"\nAR@{num}\t{ar[i]:.4f}") - log_msg = "".join(log_msg) - logger.info(log_msg) - continue - - # evaluate proposal, bbox and segm - iou_type = "bbox" if metric == "proposal" else metric - if metric not in result_files: - raise KeyError(f"{metric} is not in results") - try: - predictions = load(result_files[metric]) - if iou_type == "segm": - # Refer to https://github.com/cocodataset/cocoapi/blob/master/PythonAPI/pycocotools/coco.py#L331 # noqa - # When evaluating mask AP, if the results contain bbox, - # cocoapi will use the box area instead of the mask area - # for calculating the instance area. Though the overall AP - # is not affected, this leads to different - # small/medium/large mask AP results. - for x in predictions: - x.pop("bbox") - coco_dt = self._coco_api.loadRes(predictions) - - except IndexError: - logger.error( - "The testing results of the whole dataset is empty." - ) - break - - if self.use_mp_eval: - coco_eval = COCOevalMP(self._coco_api, coco_dt, iou_type) - else: - if self.use_faster: - coco_eval = COCOeval_faster( - self._coco_api, coco_dt, iou_type, print_function=print - ) - else: - coco_eval = COCOeval(self._coco_api, coco_dt, iou_type) - - coco_eval.params.catIds = self.cat_ids - coco_eval.params.imgIds = self.img_ids - coco_eval.params.maxDets = list(self.proposal_nums) - coco_eval.params.iouThrs = self.iou_thrs - - # mapping of cocoEval.stats - coco_metric_names = { - "mAP": 0, - "mAP_50": 1, - "mAP_75": 2, - "mAP_s": 3, - "mAP_m": 4, - "mAP_l": 5, - "AR@100": 6, - "AR@300": 7, - "AR@1000": 8, - "AR_s@1000": 9, - "AR_m@1000": 10, - "AR_l@1000": 11, - } - metric_items = self.metric_items - if metric_items is not None: - for metric_item in metric_items: - if metric_item not in coco_metric_names: - raise KeyError( - f'metric item "{metric_item}" is not supported' - ) - - if metric == "proposal": - coco_eval.params.useCats = 0 - coco_eval.evaluate() - coco_eval.accumulate() - coco_eval.summarize() - if metric_items is None: - metric_items = [ - "AR@100", - "AR@300", - "AR@1000", - "AR_s@1000", - "AR_m@1000", - "AR_l@1000", - ] - - for item in metric_items: - val = float( - f"{coco_eval.stats[coco_metric_names[item]]:.3f}" - ) - eval_results[item] = val - else: - coco_eval.evaluate() - coco_eval.accumulate() - coco_eval.summarize() - if self.classwise: # Compute per-category AP - # Compute per-category AP - # from https://github.com/facebookresearch/detectron2/ - precisions = coco_eval.eval["precision"] - # precision: (iou, recall, cls, area range, max dets) - assert len(self.cat_ids) == precisions.shape[2] - - results_per_category = [] - for idx, cat_id in enumerate(self.cat_ids): - t = [] - # area range index 0: all area ranges - # max dets index -1: typically 100 per image - nm = self._coco_api.loadCats(cat_id)[0] - precision = precisions[:, :, idx, 0, -1] - precision = precision[precision > -1] - if precision.size: - ap = np.mean(precision) - else: - ap = float("nan") - t.append(f'{nm["name"]}') - t.append(f"{round(ap, 3)}") - eval_results[f'{nm["name"]}_precision'] = round(ap, 3) - - # indexes of IoU @50 and @75 - for iou in [0, 5]: - precision = precisions[iou, :, idx, 0, -1] - precision = precision[precision > -1] - if precision.size: - ap = np.mean(precision) - else: - ap = float("nan") - t.append(f"{round(ap, 3)}") - - # indexes of area of small, median and large - for area in [1, 2, 3]: - precision = precisions[:, :, idx, area, -1] - precision = precision[precision > -1] - if precision.size: - ap = np.mean(precision) - else: - ap = float("nan") - t.append(f"{round(ap, 3)}") - results_per_category.append(tuple(t)) - - num_columns = len(results_per_category[0]) - results_flatten = list( - itertools.chain(*results_per_category) - ) - headers = [ - "category", - "mAP", - "mAP_50", - "mAP_75", - "mAP_s", - "mAP_m", - "mAP_l", - ] - results_2d = itertools.zip_longest( - *[ - results_flatten[i::num_columns] - for i in range(num_columns) - ] - ) - table_data = [headers] - table_data += [result for result in results_2d] - table = AsciiTable(table_data) - logger.info("\n" + table.table) - - if metric_items is None: - metric_items = [ - "mAP", - "mAP_50", - "mAP_75", - "mAP_s", - "mAP_m", - "mAP_l", - ] - - for metric_item in metric_items: - key = f"{metric}_{metric_item}" - val = coco_eval.stats[coco_metric_names[metric_item]] - eval_results[key] = float(f"{round(val, 3)}") - - ap = coco_eval.stats[:6] - logger.info( - f"{metric}_mAP_copypaste: {ap[0]:.3f} " - f"{ap[1]:.3f} {ap[2]:.3f} {ap[3]:.3f} " - f"{ap[4]:.3f} {ap[5]:.3f}" - ) - - if tmp_dir is not None: - tmp_dir.cleanup() - return eval_results - - -if __name__ == "__main__": - import argparse - import pickle - import time - - parser = argparse.ArgumentParser() - parser.add_argument("tmp_results", type=str, help="path to tmp_results.pkl") - parser.add_argument( - "dataset_meta", type=str, help="path to dataset_meta.pkl" - ) - parser.add_argument("--metric", type=str, help="metric", default="bbox") - parser.add_argument( - "--use_faster", action=argparse.BooleanOptionalAction, default=False - ) - - args = parser.parse_args() - - with open(args.tmp_results, "rb") as fd: - tmp_results = pickle.load(fd) - - with open(args.dataset_meta, "rb") as fd: - dataset_meta = pickle.load(fd) - - print(args) - - metric = CocoMetric(metric=args.metric, use_faster=args.use_faster) - metric.dataset_meta = dataset_meta - metric.results = tmp_results - - ts = time.time() - metric.evaluate(len(tmp_results)) - te = time.time() - - print(f"Total evaluate: {te - ts:.2f}s") diff --git a/examples/comparison/mmdet/colab_example.ipynb b/examples/comparison/mmdet/colab_example.ipynb new file mode 100644 index 0000000..273ea25 --- /dev/null +++ b/examples/comparison/mmdet/colab_example.ipynb @@ -0,0 +1,90765 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Install MMDetection" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "2c3e601a", + "metadata": {}, + "outputs": [], + "source": [ + "# simple\n", + "\n", + "!pip install mim pycocotools faster-coco-eval\n", + "!mim install mmdet" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Download COCO VAL" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "bc2a4389", + "metadata": {}, + "outputs": [], + "source": [ + "!wget -P COCO/DIR/ http://images.cocodataset.org/annotations/annotations_trainval2017.zip\n", + "\n", + "!wget -P COCO/DIR/ http://images.cocodataset.org/zips/val2017.zip" + ] + }, + { + "cell_type": "markdown", + "id": "1b94cb3d", + "metadata": {}, + "source": [ + "## Unzip COCO VAL" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "94d9a6c0", + "metadata": {}, + "outputs": [], + "source": [ + "!unzip -qq COCO/DIR/annotations_trainval2017.zip -d COCO/DIR/" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "c266f572", + "metadata": {}, + "outputs": [], + "source": [ + "!unzip -qq COCO/DIR/val2017.zip -d COCO/DIR/" + ] + }, + { + "cell_type": "markdown", + "id": "ee83ac7b", + "metadata": {}, + "source": [ + "## Download model" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b6f6860f", + "metadata": {}, + "outputs": [], + "source": [ + "import mmdet\n", + "import mmengine\n", + "import os\n", + "import os.path as osp\n", + "\n", + "config_dir = osp.dirname(mmdet.__file__)\n", + "sub_config = \"configs/rtmdet/rtmdet-ins_tiny_8xb32-300e_coco.py\"\n", + "config_file = osp.join(config_dir, \".mim\", sub_config)\n", + "cfg = mmengine.Config.fromfile(config_file)\n", + "\n", + "model_file = \"https://download.openmmlab.com/mmdetection/v3.0/rtmdet/rtmdet-ins_tiny_8xb32-300e_coco/rtmdet-ins_tiny_8xb32-300e_coco_20221130_151727-ec670f7e.pth\"\n", + "\n", + "print(f\"{config_file=}\")\n", + "print(f\"{model_file=}\")\n", + "\n", + "!mkdir -p -m 777 model\n", + "\n", + "cfg.dump(osp.join(\"model\", osp.basename(config_file)))\n", + "!wget -P model/ {model_file}\n", + "\n", + "!ls -lah model" + ] + }, + { + "cell_type": "markdown", + "id": "313f1978", + "metadata": {}, + "source": [ + "## Validate" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "eebcff84", + "metadata": {}, + "outputs": [], + "source": [ + "from mmdet.apis import inference_detector, init_detector\n", + "from mmengine.registry import init_default_scope\n", + "from mmdet.datasets import CocoDataset\n", + "import tqdm\n", + "import os.path as osp\n", + "\n", + "# from coco_metric import CocoMetric\n", + "from mmdet.evaluation import CocoMetric\n", + "from mmdet.structures.mask import encode_mask_results\n", + "import pathlib\n", + "import copy\n", + "import time\n", + "from pycocotools.coco import COCO as pycocotools_COCO\n", + "from pycocotools.cocoeval import COCOeval as pycocotools_COCOeval\n", + "from faster_coco_eval import COCO as COCO_faster, COCOeval_faster\n", + "import pandas as pd\n", + "from IPython.display import display, Markdown" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "c2f5fedd", + "metadata": {}, + "outputs": [], + "source": [ + "init_default_scope(\"mmdet\")" + ] + }, + { + "cell_type": "markdown", + "id": "4bacd42d", + "metadata": {}, + "source": [ + "## Init model" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "1318e70c", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Loads checkpoint by local backend from path: ./model/rtmdet-ins_tiny_8xb32-300e_coco_20221130_151727-ec670f7e.pth\n" + ] + } + ], + "source": [ + "model = init_detector(\n", + " \"./model/rtmdet-ins_tiny_8xb32-300e_coco.py\",\n", + " \"./model/rtmdet-ins_tiny_8xb32-300e_coco_20221130_151727-ec670f7e.pth\",\n", + " device=\"cuda\",\n", + ")" + ] + }, + { + "cell_type": "markdown", + "id": "d7606215", + "metadata": {}, + "source": [ + "## Init dataset" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "1f7878d1", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loading annotations into memory...\n", + "Done (t=0.44s)\n", + "creating index...\n", + "index created!\n" + ] + }, + { + "data": { + "text/plain": [ + "5000" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "pipeline = [\n", + " dict(type=\"LoadImageFromFile\"),\n", + " dict(type=\"mmdet.LoadAnnotations\", with_bbox=True),\n", + "]\n", + "\n", + "dataset = CocoDataset(\n", + " data_root=\"./COCO/DIR/\",\n", + " ann_file=\"annotations/instances_val2017.json\",\n", + " data_prefix=dict(img=\"val2017/\"),\n", + " pipeline=pipeline,\n", + ")\n", + "len(dataset)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "379869cc", + "metadata": {}, + "outputs": [], + "source": [ + "metric = CocoMetric(metric=[\"bbox\", \"segm\"])\n", + "metric.dataset_meta = model.dataset_meta" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "34328dac", + "metadata": {}, + "outputs": [], + "source": [ + "_coco_api = COCO_faster(dataset.ann_file)\n", + "metric.cat_ids = _coco_api.get_cat_ids(cat_names=metric.dataset_meta[\"classes\"])" + ] + }, + { + "cell_type": "markdown", + "id": "eb2f2270", + "metadata": {}, + "source": [ + "## Process images" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "24d1832a", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 0%| | 0/5000 [00:00\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
faster-coco-evalpycocotoolsProfit
Type
bbox5.81222.7203.909
segm7.41324.4343.296
\n", + "" + ], + "text/plain": [ + " faster-coco-eval pycocotools Profit\n", + "Type \n", + "bbox 5.812 22.720 3.909\n", + "segm 7.413 24.434 3.296" + ] + }, + "execution_count": 18, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df = pd.DataFrame(result_table).T.round(3)\n", + "df.index.name = \"Type\"\n", + "df[\"Profit\"] = (df[\"pycocotools\"] / df[\"faster-coco-eval\"]).round(3)\n", + "df" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "id": "0c76a1e0", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "| Type | faster-coco-eval | pycocotools | Profit |\n", + "|:-------|-------------------:|--------------:|---------:|\n", + "| bbox | 5.812 | 22.72 | 3.909 |\n", + "| segm | 7.413 | 24.434 | 3.296 |\n" + ] + } + ], + "source": [ + "print(df.to_markdown())" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "id": "c819d20c", + "metadata": {}, + "outputs": [ + { + "data": { + "text/markdown": [ + "| Type | faster-coco-eval | pycocotools | Profit |\n", + "|:-------|-------------------:|--------------:|---------:|\n", + "| bbox | 5.812 | 22.72 | 3.909 |\n", + "| segm | 7.413 | 24.434 | 3.296 |" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "display(Markdown(df.to_markdown()))" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "id": "591f042a", + "metadata": {}, + "outputs": [], + "source": [ + "cocoGt, cocoDt = load_faster_data(dataset.ann_file, result_data)" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "id": "75d62196", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + " \n", + " " + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "hovertemplate": "Pre: %{y:.3f}
Rec: %{x:.3f}
Score: %{text:.3f}", + "mode": "lines", + "name": "auc: 0.654", + "showlegend": true, + "text": [ + 0.9685119986534119, + 0.9147905111312866, + 0.8967873454093933, + 0.8823769688606262, + 0.8703364133834839, + 0.8591921925544739, + 0.8480091094970703, + 0.8378356099128723, + 0.8273671865463257, + 0.8180570602416992, + 0.8079454898834229, + 0.7970621585845947, + 0.7862014770507812, + 0.7760684490203857, + 0.7661383152008057, + 0.7551171183586121, + 0.7439831495285034, + 0.7333353757858276, + 0.7240521311759949, + 0.7134201526641846, + 0.702106237411499, + 0.6919949650764465, + 0.6813132166862488, + 0.6703753471374512, + 0.6599472165107727, + 0.6507523655891418, + 0.6417253613471985, + 0.6320314407348633, + 0.6221323013305664, + 0.6131616234779358, + 0.6039136648178101, + 0.595278263092041, + 0.5863679647445679, + 0.5768356323242188, + 0.5686623454093933, + 0.5602790117263794, + 0.5522131323814392, + 0.5439625382423401, + 0.5359821319580078, + 0.5276769399642944, + 0.5192415714263916, + 0.5116925835609436, + 0.5042144656181335, + 0.4963877201080322, + 0.4875255227088928, + 0.4793820083141327, + 0.4718053340911865, + 0.4638705551624298, + 0.4562552273273468, + 0.4488310217857361, + 0.44132155179977417, + 0.43344050645828247, + 0.425074964761734, + 0.4173768162727356, + 0.4098297953605652, + 0.40178990364074707, + 0.39353758096694946, + 0.3839663863182068, + 0.37537798285484314, + 0.3669726848602295, + 0.3580867648124695, + 0.3493059575557709, + 0.341094434261322, + 0.332627534866333, + 0.32409244775772095, + 0.3145466148853302, + 0.30526724457740784, + 0.29515212774276733, + 0.28572386503219604, + 0.2767558991909027, + 0.26757121086120605, + 0.25903522968292236, + 0.24805450439453125, + 0.2389807552099228, + 0.22963246703147888, + 0.2191469371318817, + 0.20757317543029785, + 0.19548484683036804, + 0.18320193886756897, + 0.1693408042192459, + 0.15481781959533691, + 0.13833500444889069, + 0.11988699436187744, + 0.09173902124166489, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "type": "scatter", + "x": [ + 0, + 0.01, + 0.02, + 0.03, + 0.04, + 0.05, + 0.06, + 0.07, + 0.08, + 0.09, + 0.1, + 0.11, + 0.12, + 0.13, + 0.14, + 0.15, + 0.16, + 0.17, + 0.18, + 0.19, + 0.2, + 0.21, + 0.22, + 0.23, + 0.24, + 0.25, + 0.26, + 0.27, + 0.28, + 0.29, + 0.3, + 0.31, + 0.32, + 0.33, + 0.34, + 0.35000000000000003, + 0.36, + 0.37, + 0.38, + 0.39, + 0.4, + 0.41000000000000003, + 0.42, + 0.43, + 0.44, + 0.45, + 0.46, + 0.47000000000000003, + 0.48, + 0.49, + 0.5, + 0.51, + 0.52, + 0.53, + 0.54, + 0.55, + 0.56, + 0.5700000000000001, + 0.58, + 0.59, + 0.6, + 0.61, + 0.62, + 0.63, + 0.64, + 0.65, + 0.66, + 0.67, + 0.68, + 0.6900000000000001, + 0.7000000000000001, + 0.71, + 0.72, + 0.73, + 0.74, + 0.75, + 0.76, + 0.77, + 0.78, + 0.79, + 0.8, + 0.81, + 0.8200000000000001, + 0.8300000000000001, + 0.84, + 0.85, + 0.86, + 0.87, + 0.88, + 0.89, + 0.9, + 0.91, + 0.92, + 0.93, + 0.9400000000000001, + 0.9500000000000001, + 0.96, + 0.97, + 0.98, + 0.99, + 1 + ], + "y": [ + 1, + 1, + 0.9976275207591934, + 0.9954476479514416, + 0.9950279676817899, + 0.9943019943019943, + 0.9940909090909091, + 0.9940186915887851, + 0.9922730199613651, + 0.9917237442922374, + 0.9910690121786198, + 0.9906955105838567, + 0.99024279555253, + 0.988599348534202, + 0.9873732542567438, + 0.987200288444204, + 0.9863406408094435, + 0.9856482219741668, + 0.9851217312894499, + 0.9840523992595757, + 0.9827771797631862, + 0.9807642985380867, + 0.979225223023341, + 0.9776380153738644, + 0.9757992895204263, + 0.9746388443017656, + 0.9730175077239959, + 0.9702363294769109, + 0.9674387696981204, + 0.9654919908466819, + 0.9613079499383043, + 0.9580889228938196, + 0.9542135061951259, + 0.9515348615848338, + 0.9484915943809012, + 0.944733323428911, + 0.9410833752967412, + 0.935986640690231, + 0.93209584880189, + 0.9254013836313797, + 0.9193017961042247, + 0.9146049481245012, + 0.9080309339678763, + 0.9012573537893644, + 0.8914910226385636, + 0.8849859276899762, + 0.8777503544609567, + 0.8688507910667955, + 0.860646434739699, + 0.8526552698367093, + 0.8424908424908425, + 0.8323302191879267, + 0.8204872117764558, + 0.8098061477650225, + 0.7974477769649679, + 0.7853578024914528, + 0.7712834508376923, + 0.7548655149792259, + 0.7375328083989501, + 0.7209200659111544, + 0.703802944214876, + 0.685670976922601, + 0.6682883417383566, + 0.6507291281730578, + 0.6326441784548422, + 0.6108682719913096, + 0.5875493054364603, + 0.5620844107868489, + 0.5381130760519209, + 0.5161602437417655, + 0.4930219034696647, + 0.4711791350087668, + 0.4427353030764545, + 0.41881138093283227, + 0.3960991131669662, + 0.3696640034725519, + 0.34093406254243774, + 0.31078724326005575, + 0.28188246526569133, + 0.25026809768346164, + 0.2201837642121848, + 0.18895251791171258, + 0.1584924730038832, + 0.12002340056352377, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ] + } + ], + "layout": { + "autosize": true, + "height": 600, + "template": { + "data": { + "bar": [ + { + "error_x": { + "color": "#2a3f5f" + }, + "error_y": { + "color": "#2a3f5f" + }, + "marker": { + "line": { + "color": "#E5ECF6", + "width": 0.5 + }, + "pattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + } + }, + "type": "bar" + } + ], + "barpolar": [ + { + "marker": { + "line": { + "color": "#E5ECF6", + "width": 0.5 + }, + "pattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + } + }, + "type": "barpolar" + } + ], + "carpet": [ + { + "aaxis": { + "endlinecolor": "#2a3f5f", + "gridcolor": "white", + "linecolor": "white", + "minorgridcolor": "white", + "startlinecolor": "#2a3f5f" + }, + "baxis": { + "endlinecolor": "#2a3f5f", + "gridcolor": "white", + "linecolor": "white", + "minorgridcolor": "white", + "startlinecolor": "#2a3f5f" + }, + "type": "carpet" + } + ], + "choropleth": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "choropleth" + } + ], + "contour": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "contour" + } + ], + "contourcarpet": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "contourcarpet" + } + ], + "heatmap": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "heatmap" + } + ], + "heatmapgl": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "heatmapgl" + } + ], + "histogram": [ + { + "marker": { + "pattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + } + }, + "type": "histogram" + } + ], + "histogram2d": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "histogram2d" + } + ], + "histogram2dcontour": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "histogram2dcontour" + } + ], + "mesh3d": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "mesh3d" + } + ], + "parcoords": [ + { + "line": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "parcoords" + } + ], + "pie": [ + { + "automargin": true, + "type": "pie" + } + ], + "scatter": [ + { + "fillpattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + }, + "type": "scatter" + } + ], + "scatter3d": [ + { + "line": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatter3d" + } + ], + "scattercarpet": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattercarpet" + } + ], + "scattergeo": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattergeo" + } + ], + "scattergl": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattergl" + } + ], + "scattermapbox": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattermapbox" + } + ], + "scatterpolar": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterpolar" + } + ], + "scatterpolargl": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterpolargl" + } + ], + "scatterternary": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterternary" + } + ], + "surface": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "surface" + } + ], + "table": [ + { + "cells": { + "fill": { + "color": "#EBF0F8" + }, + "line": { + "color": "white" + } + }, + "header": { + "fill": { + "color": "#C8D4E3" + }, + "line": { + "color": "white" + } + }, + "type": "table" + } + ] + }, + "layout": { + "annotationdefaults": { + "arrowcolor": "#2a3f5f", + "arrowhead": 0, + "arrowwidth": 1 + }, + "autotypenumbers": "strict", + "coloraxis": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "colorscale": { + "diverging": [ + [ + 0, + "#8e0152" + ], + [ + 0.1, + "#c51b7d" + ], + [ + 0.2, + "#de77ae" + ], + [ + 0.3, + "#f1b6da" + ], + [ + 0.4, + "#fde0ef" + ], + [ + 0.5, + "#f7f7f7" + ], + [ + 0.6, + "#e6f5d0" + ], + [ + 0.7, + "#b8e186" + ], + [ + 0.8, + "#7fbc41" + ], + [ + 0.9, + "#4d9221" + ], + [ + 1, + "#276419" + ] + ], + "sequential": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "sequentialminus": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ] + }, + "colorway": [ + "#636efa", + "#EF553B", + "#00cc96", + "#ab63fa", + "#FFA15A", + "#19d3f3", + "#FF6692", + "#B6E880", + "#FF97FF", + "#FECB52" + ], + "font": { + "color": "#2a3f5f" + }, + "geo": { + "bgcolor": "white", + "lakecolor": "white", + "landcolor": "#E5ECF6", + "showlakes": true, + "showland": true, + "subunitcolor": "white" + }, + "hoverlabel": { + "align": "left" + }, + "hovermode": "closest", + "mapbox": { + "style": "light" + }, + "paper_bgcolor": "white", + "plot_bgcolor": "#E5ECF6", + "polar": { + "angularaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "bgcolor": "#E5ECF6", + "radialaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + } + }, + "scene": { + "xaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + }, + "yaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + }, + "zaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + } + }, + "shapedefaults": { + "line": { + "color": "#2a3f5f" + } + }, + "ternary": { + "aaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "baxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "bgcolor": "#E5ECF6", + "caxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + } + }, + "title": { + "x": 0.05 + }, + "xaxis": { + "automargin": true, + "gridcolor": "white", + "linecolor": "white", + "ticks": "", + "title": { + "standoff": 15 + }, + "zerolinecolor": "white", + "zerolinewidth": 2 + }, + "yaxis": { + "automargin": true, + "gridcolor": "white", + "linecolor": "white", + "ticks": "", + "title": { + "standoff": 15 + }, + "zerolinecolor": "white", + "zerolinewidth": 2 + } + } + }, + "title": { + "text": "Precision-Recall" + }, + "width": 1200, + "xaxis": { + "range": [ + -0.01, + 1.01 + ], + "showspikes": true, + "title": { + "text": "Recall" + } + }, + "yaxis": { + "range": [ + -0.01, + 1.01 + ], + "showspikes": true, + "title": { + "text": "Precision" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "hovertemplate": "F1: %{y:.3f}
Confidence: %{x:.3f}
", + "mode": "lines", + "name": "F1-Confidence", + "showlegend": true, + "type": "scatter", + "x": [ + 0.9685119986534119, + 0.9147905111312866, + 0.8967873454093933, + 0.8823769688606262, + 0.8703364133834839, + 0.8591921925544739, + 0.8480091094970703, + 0.8378356099128723, + 0.8273671865463257, + 0.8180570602416992, + 0.8079454898834229, + 0.7970621585845947, + 0.7862014770507812, + 0.7760684490203857, + 0.7661383152008057, + 0.7551171183586121, + 0.7439831495285034, + 0.7333353757858276, + 0.7240521311759949, + 0.7134201526641846, + 0.702106237411499, + 0.6919949650764465, + 0.6813132166862488, + 0.6703753471374512, + 0.6599472165107727, + 0.6507523655891418, + 0.6417253613471985, + 0.6320314407348633, + 0.6221323013305664, + 0.6131616234779358, + 0.6039136648178101, + 0.595278263092041, + 0.5863679647445679, + 0.5768356323242188, + 0.5686623454093933, + 0.5602790117263794, + 0.5522131323814392, + 0.5439625382423401, + 0.5359821319580078, + 0.5276769399642944, + 0.5192415714263916, + 0.5116925835609436, + 0.5042144656181335, + 0.4963877201080322, + 0.4875255227088928, + 0.4793820083141327, + 0.4718053340911865, + 0.4638705551624298, + 0.4562552273273468, + 0.4488310217857361, + 0.44132155179977417, + 0.43344050645828247, + 0.425074964761734, + 0.4173768162727356, + 0.4098297953605652, + 0.40178990364074707, + 0.39353758096694946, + 0.3839663863182068, + 0.37537798285484314, + 0.3669726848602295, + 0.3580867648124695, + 0.3493059575557709, + 0.341094434261322, + 0.332627534866333, + 0.32409244775772095, + 0.3145466148853302, + 0.30526724457740784, + 0.29515212774276733, + 0.28572386503219604, + 0.2767558991909027, + 0.26757121086120605, + 0.25903522968292236, + 0.24805450439453125, + 0.2389807552099228, + 0.22963246703147888, + 0.2191469371318817, + 0.20757317543029785, + 0.19548484683036804, + 0.18320193886756897, + 0.1693408042192459, + 0.15481781959533691, + 0.13833500444889069, + 0.11988699436187744, + 0.09173902124166489, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "y": [ + 0, + 0.019801980198019802, + 0.03921385773902502, + 0.058244669044201426, + 0.07690829610414565, + 0.09521211294502797, + 0.11316946959896505, + 0.13078963548528766, + 0.14806274170690112, + 0.1650239027427474, + 0.18166935383852165, + 0.19801390142205336, + 0.21405972809247797, + 0.22978364054628575, + 0.24522890723902813, + 0.2604291342015361, + 0.27533613816234664, + 0.28998478005593986, + 0.3043834937931461, + 0.3185035965638898, + 0.33236257735711683, + 0.3459299257558494, + 0.35928121745475, + 0.3723909659574222, + 0.38524751824337644, + 0.39792909102824564, + 0.4103502998513272, + 0.42244176006237977, + 0.43430244769613385, + 0.44602861569306473, + 0.4572909970092518, + 0.4684333420708435, + 0.4792734035510701, + 0.4900475417963631, + 0.5005653796980433, + 0.5107718434625954, + 0.5207814065406196, + 0.5303500759737534, + 0.5398941287225999, + 0.5487397901618392, + 0.5574474612670656, + 0.5661884764389389, + 0.5743435375063832, + 0.5822174969044259, + 0.5891981895358926, + 0.5966260156009275, + 0.6036480001004916, + 0.6100155066211868, + 0.6162852158037706, + 0.622350489520366, + 0.6275579809004093, + 0.6324649564138496, + 0.6365645958805419, + 0.6406856081850659, + 0.643945590964726, + 0.6469379076744696, + 0.6488756878895003, + 0.649535124393219, + 0.6493485796246863, + 0.6489226154181212, + 0.6477693096224985, + 0.6456257852069986, + 0.643239185598298, + 0.6401968093500422, + 0.6363008310817744, + 0.6298268988357698, + 0.6216708869111934, + 0.6113161597210406, + 0.6007929787623582, + 0.5905526567132795, + 0.5785565737310717, + 0.5664461484984518, + 0.5483095204413637, + 0.5322584945715173, + 0.5159995995885929, + 0.4952342876872894, + 0.47070918476966417, + 0.44283679105687185, + 0.41411046909457433, + 0.38011700562616985, + 0.34532408287397837, + 0.3064240527236228, + 0.2656409353139059, + 0.20971993407453676, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ] + } + ], + "layout": { + "autosize": true, + "height": 600, + "template": { + "data": { + "bar": [ + { + "error_x": { + "color": "#2a3f5f" + }, + "error_y": { + "color": "#2a3f5f" + }, + "marker": { + "line": { + "color": "#E5ECF6", + "width": 0.5 + }, + "pattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + } + }, + "type": "bar" + } + ], + "barpolar": [ + { + "marker": { + "line": { + "color": "#E5ECF6", + "width": 0.5 + }, + "pattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + } + }, + "type": "barpolar" + } + ], + "carpet": [ + { + "aaxis": { + "endlinecolor": "#2a3f5f", + "gridcolor": "white", + "linecolor": "white", + "minorgridcolor": "white", + "startlinecolor": "#2a3f5f" + }, + "baxis": { + "endlinecolor": "#2a3f5f", + "gridcolor": "white", + "linecolor": "white", + "minorgridcolor": "white", + "startlinecolor": "#2a3f5f" + }, + "type": "carpet" + } + ], + "choropleth": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "choropleth" + } + ], + "contour": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "contour" + } + ], + "contourcarpet": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "contourcarpet" + } + ], + "heatmap": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "heatmap" + } + ], + "heatmapgl": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "heatmapgl" + } + ], + "histogram": [ + { + "marker": { + "pattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + } + }, + "type": "histogram" + } + ], + "histogram2d": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "histogram2d" + } + ], + "histogram2dcontour": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "histogram2dcontour" + } + ], + "mesh3d": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "mesh3d" + } + ], + "parcoords": [ + { + "line": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "parcoords" + } + ], + "pie": [ + { + "automargin": true, + "type": "pie" + } + ], + "scatter": [ + { + "fillpattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + }, + "type": "scatter" + } + ], + "scatter3d": [ + { + "line": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatter3d" + } + ], + "scattercarpet": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattercarpet" + } + ], + "scattergeo": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattergeo" + } + ], + "scattergl": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattergl" + } + ], + "scattermapbox": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattermapbox" + } + ], + "scatterpolar": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterpolar" + } + ], + "scatterpolargl": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterpolargl" + } + ], + "scatterternary": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterternary" + } + ], + "surface": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "surface" + } + ], + "table": [ + { + "cells": { + "fill": { + "color": "#EBF0F8" + }, + "line": { + "color": "white" + } + }, + "header": { + "fill": { + "color": "#C8D4E3" + }, + "line": { + "color": "white" + } + }, + "type": "table" + } + ] + }, + "layout": { + "annotationdefaults": { + "arrowcolor": "#2a3f5f", + "arrowhead": 0, + "arrowwidth": 1 + }, + "autotypenumbers": "strict", + "coloraxis": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "colorscale": { + "diverging": [ + [ + 0, + "#8e0152" + ], + [ + 0.1, + "#c51b7d" + ], + [ + 0.2, + "#de77ae" + ], + [ + 0.3, + "#f1b6da" + ], + [ + 0.4, + "#fde0ef" + ], + [ + 0.5, + "#f7f7f7" + ], + [ + 0.6, + "#e6f5d0" + ], + [ + 0.7, + "#b8e186" + ], + [ + 0.8, + "#7fbc41" + ], + [ + 0.9, + "#4d9221" + ], + [ + 1, + "#276419" + ] + ], + "sequential": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "sequentialminus": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ] + }, + "colorway": [ + "#636efa", + "#EF553B", + "#00cc96", + "#ab63fa", + "#FFA15A", + "#19d3f3", + "#FF6692", + "#B6E880", + "#FF97FF", + "#FECB52" + ], + "font": { + "color": "#2a3f5f" + }, + "geo": { + "bgcolor": "white", + "lakecolor": "white", + "landcolor": "#E5ECF6", + "showlakes": true, + "showland": true, + "subunitcolor": "white" + }, + "hoverlabel": { + "align": "left" + }, + "hovermode": "closest", + "mapbox": { + "style": "light" + }, + "paper_bgcolor": "white", + "plot_bgcolor": "#E5ECF6", + "polar": { + "angularaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "bgcolor": "#E5ECF6", + "radialaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + } + }, + "scene": { + "xaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + }, + "yaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + }, + "zaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + } + }, + "shapedefaults": { + "line": { + "color": "#2a3f5f" + } + }, + "ternary": { + "aaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "baxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "bgcolor": "#E5ECF6", + "caxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + } + }, + "title": { + "x": 0.05 + }, + "xaxis": { + "automargin": true, + "gridcolor": "white", + "linecolor": "white", + "ticks": "", + "title": { + "standoff": 15 + }, + "zerolinecolor": "white", + "zerolinewidth": 2 + }, + "yaxis": { + "automargin": true, + "gridcolor": "white", + "linecolor": "white", + "ticks": "", + "title": { + "standoff": 15 + }, + "zerolinecolor": "white", + "zerolinewidth": 2 + } + } + }, + "title": { + "text": "F1-Confidence" + }, + "width": 1200, + "xaxis": { + "range": [ + -0.01, + 1.01 + ], + "showspikes": true, + "title": { + "text": "Confidence" + } + }, + "yaxis": { + "range": [ + -0.01, + 1.01 + ], + "showspikes": true, + "title": { + "text": "F1" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "from faster_coco_eval.extra import Curves\n", + "\n", + "cur = Curves(cocoGt, cocoDt, iou_tresh=0.5, iouType=\"bbox\", useCats=False)\n", + "cur.plot_pre_rec()\n", + "cur.plot_f1_confidence()" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "id": "9e2cc855", + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "hovertemplate": "x: %{x}
y: %{y}
color: [%{z[0]}, %{z[1]}, %{z[2]}]", + "name": "0", + "source": "data:image/jpeg;base64,/9j/4AAQSkZJRgABAQAAAQABAAD/2wBDAAgGBgcGBQgHBwcJCQgKDBQNDAsLDBkSEw8UHRofHh0aHBwgJC4nICIsIxwcKDcpLDAxNDQ0Hyc5PTgyPC4zNDL/2wBDAQkJCQwLDBgNDRgyIRwhMjIyMjIyMjIyMjIyMjIyMjIyMjIyMjIyMjIyMjIyMjIyMjIyMjIyMjIyMjIyMjIyMjL/wAARCAGrAoADASIAAhEBAxEB/8QAHwAAAQUBAQEBAQEAAAAAAAAAAAECAwQFBgcICQoL/8QAtRAAAgEDAwIEAwUFBAQAAAF9AQIDAAQRBRIhMUEGE1FhByJxFDKBkaEII0KxwRVS0fAkM2JyggkKFhcYGRolJicoKSo0NTY3ODk6Q0RFRkdISUpTVFVWV1hZWmNkZWZnaGlqc3R1dnd4eXqDhIWGh4iJipKTlJWWl5iZmqKjpKWmp6ipqrKztLW2t7i5usLDxMXGx8jJytLT1NXW19jZ2uHi4+Tl5ufo6erx8vP09fb3+Pn6/8QAHwEAAwEBAQEBAQEBAQAAAAAAAAECAwQFBgcICQoL/8QAtREAAgECBAQDBAcFBAQAAQJ3AAECAxEEBSExBhJBUQdhcRMiMoEIFEKRobHBCSMzUvAVYnLRChYkNOEl8RcYGRomJygpKjU2Nzg5OkNERUZHSElKU1RVVldYWVpjZGVmZ2hpanN0dXZ3eHl6goOEhYaHiImKkpOUlZaXmJmaoqOkpaanqKmqsrO0tba3uLm6wsPExcbHyMnK0tPU1dbX2Nna4uPk5ebn6Onq8vP09fb3+Pn6/9oADAMBAAIRAxEAPwDDvDLJLKkYXYSBlzgdMmqkU91cZt/KfcBhTxsOPU+n0ourl3LRRRN5i8gqTg569ParmlXZkJilRFZTwV5B7V5sKjithGJf6PK1hcTrie/SQjYrY3R44Cj8z9a4uULbyGOW3liYdV3EEfgRXq+pTQWpErMqyM3AIHI43E+lYOunR7q1WXUZCwwNjIR5mD/dAPI/StKdVy1ZcZ20OIjljIytxOhH95c/yP8ASt+VPtXhsBmJYj5X6A4PX9K5JiodvLLBMnGeuPetKz1SeOza2McUioCybkJYZIyAc49TyDjJrqirFylzIuW0UgCpHJAyZxhfT8Ks6pfpFcRwLbsY0T769zVa4uy1sXaCGEuFywQNjI4z3HSkt7m6giBvYzeWfQyxSfMn4/0b8xScVZruUqkrp9hF1C2Y4YOn1Ga6mB0OkW91E3JyC464x61yd/DNFD9rs51u7JmxudAXjP8AdcdR/nrXQaJKbvwtIxUBoZCNq8AVNOHKx1KjmjDvL1r3WZXYYVF8tR6AVcktBrAWSOQZhAEqHqO3T61jXklvHqEoeOYOTnKN1z7VPZ28n2lbq3a6QqQdxiPP409m2xJ3ikuhuWsUunrNe3kx8uNNiIR90H/9Q96o6NBd3Mz+cgFvNlws77VLnuKdI4N7vnb7UYs7FB3IWJPzHseMVFPPLMxYhtx65q+lkRfW7NTWILy/aGOS+tVh3BplSQZJzyR68ds1fYvcymAyMV+8A7lWGFz3569Dg1yRJPBz+dW7W8uLUxlJG2ocr/s+uKLCubLBXKygeXcywtHKMKwUgqVO4dsjB7c1z2pXCOLYW773SLEqc/Ic4xnFdJDcGS1e52+aYULRxgcDOc4UdfQjrxWTqsKpGstpGUtZCC6DnEhG7nuQRnGfQ+lRKW5UEmxvhiZZNVMUwIzEdmTxuyKoT2Goyyu13asMEk8gMefrmoHkeEebGSsinII7VuWmr7o47l0WSY7mK9g2eSacWmhzjysfq5it9H063mCpMV3lEGOAP061kwR2U8saebMhY4z8pGat3KDULiOZ5Nt3xtB+6eeFHoKp3tszzNeRqyHd+8THMbjqCO3NU7bkq+w17Zo5GQldykggNiopBLFGX2Mce2aju53url51Hl7z901EJJ48MMY9jiosrl622Oh029i1Cyi07UGCbc/Z5yPuZ6K3tUUjSaFLMkiKJZE2I2zcjjuOv0+lR+JN0d7FJCMRSwq64Xj3/pV7w9cNe2kn2sBo4pEVTjrnt/KtErvUzb08iP7K8NtZaWJQJZW89959BwDj8qW0iih1wCBy1rGA7uSGxleQD9TilgnFxZ6hrjpE8ybWhBOfKw2APyxVKaVbW3jsEUJNdOGlCjGC3YegAOPzptdSUyEYuZ5DEgxywIfbx+NU1tonlBDvHz25qzdxyWF1LaoS/AQkAc57Y7davpHBolutxexrLfNzFb5+WP8A2n9fpUJM0uiC4ie3maF1SYp/F91j9RVWaZY0ykcwbuDj+dQ3SXU8zSXIkMrZcsOlWGhRreOOKRhKq+ZKJFJODjAI/Glya6BzuxBA0NzJ0w/XDfLmtL7FA8MUv2kI7rukWTKlD3HoRxwR61BPElpatBMI5LiRgQEH3QO/41mef5TFVeRT7GiUeg4ytqdDDqNpYSNJGJLq6UD7OzEbInz97BHJA6e9ETEs80k3mTSHLs7ZJJ5PNYAldm3h1LdOn/1qlW6YfeAOPRqxlSTNY1mnc6DzAQQMde3NG8Ae9YYvRn7xGOuR0/Gp4rxm+628D3rN4drY1jiIvc1B8xwBg01WbcSrHg4BB6mqq3mAwPfvnpUkM6dAw46A8YrNwktzVTizRhu54F2qRtLbip4yffHXoKnfUElA3oEbIyWG7PPJ7VQWQEYJ601z+VCqSRLpwetjfiawcIsVyLhmONoQoVP+6etMn8MRT3G1YJI5jyQw2E/UdKxVt2lt3lV9pU8fh/8Arr0xPKMCSRAhZFDnJyTkZrT2jsZOHKzhpfDF3agvDbCQjkbJMP8AqagXxNqmnSCK6t2KrxsnBVvzrvD1pxhWWMrIqOn91wGH5GkpPqJpMwtM8XWF08Qlk+zyls7ZPugjvnpXRK8U0akkHc+5pF5+U9v61h3vhPSbsswgMDt/FA2B/wB89Ky18Paxo0nm6NqKuACBFMMdfY5X+VDSYrNHWtExTgZGcDHfHNQpiOQMO3IFc9H4pvLACPWdLngxx58S5U+p4rVg1eyv4w9rNHOpOxQpwV75IqHFrUtPocxrOozf2s9kGxDHtcqRxnr+fNdDoyyapbw75BvZ9pX7qtg45x7d65XWrVU1q/eSZNwZgqkYJwcA+g7/APfP0rq/Cpytu3TMrGtaqtTTRnTbc3c2To6edkbYFxykZLj8z3q+1lZF8raxgemOKVzh+tOVgRXLds32IhaWeD/okA5yfkqF9PtC24W0Wf8Adq3xTTRcDKvNLs7uLy5rOJl7YXBH0Irkbjw/qei3BvNJlMqqc7APnx7jo3869BIzUbwq3sapTsLluYeia7b60jRyhLe8Aw0JOOfYH+Vaslqj2l3CQyeZGY+vIBYCs3VPDNvfyfaF3Q3a8rcRcNn3Hen2Wo3NsqWGsriQkJDeJ9yXnIDd1b69axnC3vQNYS6SOgsYo5pnikXdGY8FeoxgDoa0YrZEZSqoCvQ7Rx9KpWJAv3APAj/wrQ3YNcqbNmNW2hjzsjQfRaraoJE0W9W3QGR4XVVHGWI2joOvNXA1K7RKFEpGGO0Ajdu9gO9W/IlPueH6nDJqOuzvd3Mm5HEKgZG0KoXGCeOn863rzwppFrd2MUU3mrLCryZkPLEn34OMVh3xll8QXjxwSDNzIdgXOPmNbVzJdy6tat5TuI4YgQqE/wAIJGPWu6ak6WkraHOmo1LWOittHMNxJZw+Z9nihbygXLKGJUnlifQcD1NRXSbtEY5w9vcqepyFdSD+qLXV6Y6yoRJAIbsDdJGRggHHT1XPcZ9+ay72wC3l7akALcW8jRk9mUbx+qY/GvKw7kpwqSd+h3T5ZRlFHDTKHmxwAwGcnA71s+HtOt70TxTByqFRtVtuSOQT7Z/OsyXaCGVc5BVcnA9q6fwZb4hkuOpfua9++h5DVmaM0LAhWcsB0yc4qs8Y9K1rtMdgPpWc49qiS1KTKbLUDjGf61bYc8VCRg5BxU2GVStM2nFTsvFRgZUdOnagCFgajYVYYZPTFRlaYjL1ac22l3MgYBxEwQn1I4rzCFVMsYZdy9xnGa7jxTch/OhQkxxRk8jGSR/9fFcXbr++yATgE100VoY1Tuyj28z7G3bxhuylew6/j7U2W8DCAvCjIf4jwU/T9a07HSkurXex25Xgqck+p9v/AK1Z99AiymJAVCjoTk46H+lcUWmzLqV7q/ub2X7NNFanZlE84MfMGe+OO4rkZFxqc0UsEUMiOUZI1+UEHHGa9LGn2V4kW4GMwqDEFOcjp/SuY8SR2sTrhImumk3PLgb+nfua0p1YrRIqCvJJHOXVvECPlXJHXbj+VQxR4hbDiMMcbiehH64rdtIre92pPa+wkBIFPuNItIyU3sgK8KWzk+vtWyrRbsdDoSWpds7a31KzASciZowGwwdc46EEHjPoaxnW2SYLCxt7gfKdhJwe4Knn9T9K1tNWCCAW80HmqgIDoNzDuMdD+VUr2w+0XrOk6yqTwk4bentuPP507rcmzWhDJa/ZJEntLy2MjjBVVISQd1Kn+X8q6LwvaxyRapbwjYJYfOSI87SCMqPUelYKweRJ8zHI5ZXwwGO/v6VueE5PL12J9v7uUPESOScqcVcSZIzjK9s8qpArMG5Odp57Uye+eeB42j2KAMkNnd7Vau4mTUZlKnnrxyOap3KFbVWKkHzCpGP9kf41ViOhWUrj51J9OcYqQJGQePwpiY2jI7d6cF2nK/yoAa8BkWQqMyRqXx/eUdfxHX6fSqWZM9OK2LOdILy3ndcrHIrOvXKk4YfipIqjfW/2PUbqz3Bvs8zxZ9drEA/pTA0vDDE6h9mIBd1Yw7uRvAPB6dRkY9cVrajaQS2DLJMTbyLHkn5SpH3Gz9Mg88ZOelcpY3bWmo29xGcNFIrj8Dmut1Ms2uXsRUNFBI8SKwBG3duC49MmplG4Xsc2NIja1klZ7yFUYq0co5JBwR+feoHSKOVljQIo2qqAdsZz9a3pJmuJZCN25AQTnp6k/wAqxZIyZ2YDg4xjvxRGPLoOUuYkitN0fmOpO4cZ9KgiWddQMlsrur4M4PIK5wSfz61LukDKGYlccCpVhd2DJw56HPeqJRl3tm8E7jypVj3fIzRsAR2wfSqu1WGA6E5yMNXcQeK9QhEUbi3uEjA2rJFg4xgAlcdMVtQ+MLC6dVv/AAxa3C4xiPDMfwZT/MV5dTFVacmnTv6P/NHoxoRlFNS/D/gnn+nasYoXtb22iuoIgWjEvVMc8GrJ1Vxd20FtFHDbp8+COXJHX04JP5ZqbVtLu5deu7y30mWys2mLRxhMLEp6DIGBz/OqtxG91PCuRG0c+RGS2E3HJK5yduRkjsc+tdkK6lHmTOWVGSlZovLCotIoIIwglnVmUDGSMkj8hnNRJDBcXaXzkZVAMnkHB7flUeoCUtCilkDOyhl4YMRjOfpuqS0BjaZQoSG3ACn1BGcfhWntHy3I5FzWKJCTanNeSbkZZzn5sqD09KbLpM1xeTSzbypJ24OSfQ/Sr9ppwv8ATofNndC+TsjA5z8xzkjnBrVjZrSxWzy0iwqVDug3fpWftVzOF9TX2fuqVtDIl2PdTLlmjt12lOuSecZ+nWkMy+U9yq+dKZPK+XgZAyfwGKlj05rG3OA7qXyzHruIGM+o5FVLieaBswO6g4JBHRhnkegxmuhO6Oa2osOkOLd7m9Vi8nzAM2COfTr369PSkOn2zMW8thz0LZ/DmpoYvtamK4DquDI7BvmYjnn8akOlxXFqjmZgVGNvUA+lc06kYvV/072OqEG1ol/wwoXyYyVVV9l4FOtZIWH79o1w2SWweKrTaOclokUIegJ5qqlhJHdw+ZGQgkBJGDwDWHuOT943bmo6I17vSbJYmaWOIFUZyQncdF47etYjWOlnlJWRv9ljXSXhS4sJtwKo43Z9z06e9YMkUTzPIduWOeDwK2lL3b3OWinJtWIVjSE5h1GQfVc0skkjYDXKS46Eq2f5GpdoHT9KXy2PQN+AqFVZu6SfQrxvIDwDnNWoVuZZPLWNmY9BkD+dC20rdIZT9EJ/pT/s1zDhzFNGDwCyEf0odRPoCptdRx8yJWDrIh5FemW5BtYdvTy1x+QrgY9M1G72KbScqejCI8j616NFbrFEibcbVAxmspSXQbT6keefenA4HFSBBS7RS5hWGgFuxpDGSanRfb86eVxSc2PlKgiIzhjzWdd+HrC6l84wiKf/AJ7Qny2H5dfxFbJWq1w5SGVs42ox/IGmpMVkeXyWtrdvO8F3dSRBlRPPUbiWZmJGOowGPOOTXd+F4pEitGaOQRYLb8fLyD3/AA74NeeWqsdM3HhPNAPTr5bEe/b6VfPiW+tIFtIJzbxR5H7rG5ySSSWOe56CuyrTckoo5oTUW2z1dm3GnLnFePN4h1CRfm1G+z/18kfyqP8Ate+J51C9I/6+X/xrFYV9zT267HtAzjoaMHHQ/lXi/wBvmcfPd3TfWd/8aGlUrzJI3uZGP9af1bzF7fyPaMqOrAfU0xrm2T708K/WQD+teItJFwfLx7561DLcW6D5Iwzem0fzo+q+YfWPI90S7tHbat1bsfQTLn+dTSW8U8bRyxq6MMFWGQRXgK6jzkwRN7MoNbmkeNtS0gusCRSW7Di3kLFUPqvOR9M4qJYSX2WXHEq+qPZdNs47Jm2NIU27UVmzt+h64rQGD3ryIfFLVlHy2VgPqJD/AOzUo+KGtt0trAe4ic/+zVzvB1DVYmB66oJIABJPAA71Vk0DVNYtj9nuFtzMSss45KJ2VP8AH+p4820v4j6vc6raW87WkUUsqxmRIipXdwDkt6kfhXrXw+nTXvC0N5eGRLiOSSG4jFzJhJFYgjG70x+dceLp1KMb7FxxEd0RaJ8N7C0nmQO0zLCELvySzZJP5AVpW3w70vTnE4iLSA9fSuq022toJJ/JJJ3DOZC3VR6mrdzDHNEVkGR25I/lWkMvVSg6kptyfnoYyxlRSsnp6HI32lxOiPEpE0B3Ifbuv0I/pWFqUJAhulBzbyqSw/uk4YflXW3lpFZRS3ALgKvAWR8kngAc9ScD8ayI7KVrSW2vETc48tsSBiARjgnHNcuFoSacOh0Rqp63PIZLfyp5YGUboZQoz7Haa7+zjW2UKvTHA2gY/KuW8SLBZ3ty7sFuPLXemCT5gwGwO3IPX1rrkQfZIJxIrLKgYbQePYk45r2qMnKKbOaqkpWIpyGBwOKoOODmr0rD1Ix2NVGGSRwTWjIRVdTjNQMvGatzRmMZddvpVJpcE5HFS3YdhjLUSL+7H0qwWTGS6AZ/vCoI5Y24DoDjpuxQAjJ6EEetNCU9njAyZYwPXcKUSwom4yIR3GaBWOB8SZEt/wAjspx7YFcvCGEnyjlgVHvmuk8Qyo4u2U8GTAP/AAKsK1SS5lt7eIHcGkb89o/pXVS2Mau52ttd3llAxW7uGAGdgSMj3/hH86rJeySXAkdME5Ibb+HIzWxqKn7HcCNCq9dwHT0FYAhnuJN0UkcePmbJ+bHfAxjNcMVfUwNYRXUgQvIkIKYDIT+XP4U8wRw2ixtHDMOrxzDO4/3g3rUNxqsUbWSygBGVlZmHTpwf61ctXiG+CZmdSu6Mbd24Hpiou1uPXoUZoYo7RZYECIDhlccg5/LGKypLhfMdsx7RgEtxk1t6lp4to1ubUBY2+Vgrbhn3HSsO73QqpMOAc8rznua0ikdVGq5e62R2d3FGxSK8WLccleo49O35VavEnRkmlEEkTfKHjIwf8DWckqoBMI/NX+CQIOfrkCtS6tI004XBtBbXLOBhHyrDkZxkjpmui3Qb3ujHkYt1H3zn6AcCtPSZmsryxlDYCTI+f+Bc/pWY6gMoB6RipY9rRDEhDgjCjPNamaNvxBFJaa1KFPO9gcfnWXLL58LwsAJMCRSDnJGQw+uCD/wGtvX2E81vePuHmojEjtkf4mslLQXkUzB0jYAGJxzsYHgn+v1p9SVtYzAxKgelPB/D2qCO4RpSso8uUHDqemfapiUVSxYY9c0yR5AIweOlZl1dPc31zcMcmaRnJ+pJqa4uS4Kxhj9OtUWyMgj6imBPaoZrmOMdWcKOK6dbtZ57qZc4aeRgc9s4HP4Guctg9uhu9uZDlIE7s59B6Ct6HTmj09I1csRDu69wNxyPxJoBlS5kjnjdRKA2QMjPzCtHTLZbjSLi3LAyQnz4sDluPmH/AHyM4/2awFBU4x3re8PXHkXMr79pXZJj1AbBH6j8M0dR9LBFpzOx+Qn0NbdjoTF0BU5PIzW9Zvp1iFWVFdkcqSDxgH5T+IIp8+uWSzCVEwVTYBngimibnPXXh+3tPEN5DMgaKSOOaEZI4bOcY963fCml2I1mAwwO5V2Zgqs2CgGOvHVyfwFcz4z1k3FjFdwIpliTycHnClgen5/nWV4G8Wanp/iF7wwG5gLmSVQOEBXadv4beP8AZFeXj8POcJyj2O/DVUuWJ9GPoEWuaRdWVxHJGJU25ZBwQQQcZ55ArhPidbJo9zbWVlawxRzs11LOy4JYt91W6jnJOOeR2rXsfitZ22j+dPbK9wSfLihlVt47N1yo+orC8R+NH8X26262UccKEugJ3Nnbg5b6E9BXJgKNH2KvF8yf9eQ6jqqo03p6nmz23ll4t3nJEcGVQcEYyDzz0NV543GntCPvSkIMDH3jtA/WtK7LQtzwjHDBTjg8VWl097i0jOVEcciMcsQWAOOD65FerfQwS1NjRtFQBtrzGQqF67gMDGBk+3asy7DI9wD2Zxz7HFaXmRh4y67EZ+XZS2wd8AdT6fWs3yHkRkXjIIA9z0rjw6m5OdTdnXW5UlCGwqGCW32STnzTtUoc4cZXP44yB7VU1i8sRMwDmSUZBVOmdx79OhqjfPdrI6vE8Y+6ckHd+I4rMZeQQM8dq7VSTnz3OL2jUOQkttTa0vMOpaDOGjU4IU9cH6V6Ppem6LfWQ1Xy4pFfLDLEBQOxGeteXTx8hwOowfqK6Dwhqdtp2qpDqe86ZcHbNhiBGegfHoO/t9KjE0XKPPT3X4lUaqi+Se35Hd2dpYTWqyS21sGbJAA7du9Oms9PSOSRLKBgqcARjrWndXemwOUjvrYqOBskBH4Yqm2pWROPtUR/GvNgtNjvlJnIJM5tGd2L/PnaqenO3p7/AKV0WlLu02F5owZGG4kxjPPTtWPc+XLcNh2eAtu3E467hxxnv3rcTU7JY1HmkEDGChyMcdhXXUWiZx0W7yRa+UfwEfRKcH5Aww/CqbatZ4OJWJ9kNZ0muOgnJiCjeBEzYAYH/I6+tQkbHQBz6tThJ7PWbHq9sFG5Zg3cBM4pf7esElEbebvYZC7Rkj6ZosI1C4YqQrcZ6/8A66Ax5+U/nWb/AG9Z5wIbg/8AAR/jTW1+3TaTBOATgHA69u9FgNTc39z9abvfP+rH/fX/ANas/wDtuMf8u8p/Fab/AG0uP+PZ8f7wphY1VlkA4Vf++j/hTRfTGQoY02jqS5/lisafXWCbVtWyeAd4OP0rPE2oMGJmGSwIwTgcfX1yfTmlyjR1fmSt/DGPxJ/pVW/WQ2F0fkBEL9M/3TWRP4rhs5kgnSNZGGcbyfbJ44p97rUjWU4+zoA0L8+YT/CeelUk0TuefWYQ2D5CAjkMOGGI34Bz06Z45wKq38Zju5D/AA7sZ9CKvWKINNacupwzxtk4AzC+Oc9Seg7/AKV0c1rBqdpbPNAFn8lFMyOQzYUfe4wa7qk+SWpyU4OasjhASOcj86BL3zXWPoFqmA9wVLdBtTn9Kij0fTGkVftkiknA3KF5+u2l7aJXsJI523M1xcJFEV3OcckD3/pVx7K8VvLVAz9QA6/N9PWuh/seK1Msca+aJI8PvOcDPTp3/pSppMEm2O3jG/GSE4CcdfzpqfMrohwcXZnH7pJnCBGyTjBHcUySyuV3sELYGTt7AV1eu2kUF1KFDCWVVdn3EH7qk4Hbk9qqWsSgRorOoZud7Zxk46+lWpXE42OZUbeOn1pG3HjB/AV6JDoumyoC1nCdpK9XI4JHHze1TDw/pXezhGT1+bj/AMerB4mKdrG6wsmr3PNVbPXcPwp4ZhwAxz7V3NhpOlXTRRokUkke5px83YkAEZ98/hVjUtO0XTLTz5LEOWYIqJkFifx9qHiY35bMawzte6PPwTyMGuy0PxtqmlXUsisQt2Ea7iB2iZgOJVPQSEdR0P8ALV07RtGv7OK5Sy2hxnazNkEHBHX1FP1jR9MtNDuriO0jMkUX7vdk4OcDv71zV61Kr+7nG99DWnh5w9+LRpWfjl9QvhAkuoRNc+WnmKU+Vg3BwPZiOtL4g8eXVpdyWUeo6r/oztG0ilBv2nGcHp0rG8M6XE3imK0Z2MK3AiW5hJAUhgN2R2yRz7isfXLzGtalH5EVxCrz4leNmY4LAbmzgngEmudYDDLaBft6rer/AAR7NpEeu6ha2t1qM0yWaqssEcmPMlJGVd9pIAGeBk+p54Gk5lDE+Y+fXca820zxbrs01pBPqcn2NojGiI+NrIq8/Q56Vei1i9a9mgkudS27htkdzt5GcVyqg6d0tEbp8y1N6+0H+0dRluZpwUkAypjy4O3H3s+oz0q7Z6NFboqZZgowN/NcXB4hubjWLixWe7VYjt8zzjyw7Y7d8fSp77VbuxtmmN1ePyBtFwwz+tdUJyjZEypKWvY7R7CNQQiAfRagaxOchTn1xXLi6uCoYXd0M/8ATZv8aztR1hrJC8l5c7iM7ftDDj1PPA/yAauNVydlcmVFRV2zqb8W2nxCa8nhtoy20PKQilj2ye/BrKk1bTEuEiTULJkaNnZxdIAMEADr1JY/ka4LUPEgulaG4kkuIWAJR5GwT9Mn+Y/CsSXU5GyqQ26oAcgW8f8AMjP612xoSa944pVYrY9gt5bS73G1uIJymN3lSK+3PrjpT2gYA/KfyryGz1WS2yhhREY5fyxsOf5fpW/bajb3SjYxPHqQR7EZ61M6Uo6oqFSMtDsrmWO3eJJQR5rbF47/AOf84qCO6SS4NhDlp1jEjA8DB/8A1iucPkk8rn65pSsSoSEUYGfyrK5ryo5rVpPMjkHG5pMkZ+tVtPhdZo54GbeLcSYPYlmH/stRTtuVMfxMa1NKiZFkmlx5ccMcZAPYZP8AWu6ktDirPU6TWdUuxa3MY8sMFx8seePxrMhVXs3ZPvxgN746EGrly1ybVLeXa32shEkQdurE5PGB/OqFoJPIG0hkeHdnPuQa4YK0TPoTNbx3Yu4PNZcMsqdwcDH5/j3q5orh7ezeM7mB8rcOoJ7dazhb3Ms8SwuVkZmQNn2/wNX4fD93ZX6S285tVdjjGMgADBA6dc9e1Dts2HQsvO1wksc9zuikJR1yrAezEDNZuqW7QsphZsJzuU8gdPxq9KJTfBrvZNJEyq77BGWHXnHBq+tqqHzYn32ch/1RXp6455x9KE7ahGVnc89kGCc43HgunGfqK6a6ZptAjc/dVUY8+1JrXh2ABrnSZC/G5oOuPXHf8KuQQLeeHY4lPEkAUEdjjj9RXQpKVmjeEk4uxy7AtKhBHKY4pYgyxcgg7v0psCsomTgm3wzZPOM4PHfnH51Yji3Nn5iuRkjpW/Qi+ptXQWXw1ZOT8+xlI+jf4VlvAiRkrwDjD9sd61reSyNkLaSVlZd2AIy2c9KzfLfeVOB2z2pBbUzp4ba5wrwls8bxww+lVJdPltGJhZriDPIwCw+o71seS2d23GfahP3SkbvmPXHTmmgaMUCORVLjarkgPH0yOoK9jUsosbYIssU892QcQp91hnglvTFX7mBmSaTA3EZ44yw6H+Y/Grhije2trgcq8YJ5xnBwR+dNCZkxQzLcwX87J58cyqkKD5IwOcceo4/HvWqL37LISvKAgjP90jB/8dJqFmCOoV/mM+4EL12Ln/6wqC9bMznepzmRWXptJ5GPQMSKSeoMohdkjxk/dPJzU9tO1vOki84PI9RVJ8sxOeg5NPRyANwx6Z70xHa6lOcJIvSWFJBzkDjgA/QisaW4ZWIJNRw3sktnDankwhtpB/hJBI/P+ftUL7uM9fQUwsSpMWkUZ/iB+nNa0MsyIY45CqHqqqB/IVhQfNcxofulhnnHeuwi020ZA21zkf3zXBi3qjuwukWcVIG/4SObBVSXwWdgM8Dkmug0u6VJUCMGUBeR9BUmp+GbHyru9RpBNsZ1XPBYDgdawrWfyJwMjnB6j+laUZxnH0Mq0HGXqbutpgnAwDyKhsLhZLFLcIQ24B2Jzkjpj881duiLqwU9So61k6Xhb9o26MMj6j/61auxkrmrcgIgHArPsmY3qgEbFO58nGB/j0qfU5CvC/lUOmRlbaaU9Xfb17AZP6kVLS3Ki3sQXj/vXK/dJJwayZxGlwwAC8Bse5rTvT8/TtWfLGkt679fuj8lAp09WOpoiKGye43IR8z5ZcetOgsuORWvGYraSOadiNoBVE68fypmsX9rc3DXNrCIVdRvRegcDBP49a3Whg9SxpV0PJNrI3zxD5c91/8ArVeMirk5P5Vydrqz2Oow3sWS0LZI/vL0YfiK9TNxC1qLjzV+zugYOx4Knp+hrhxFPllddTtoVbxs+hyPnZklQZ3A8545AGanRi0QYLI2MqSBnp/9aqN3cLGZWIIXdsV1Pvwx+mf5Voafrsektbm8jV4GkO+JSRuUdeRyD/X1q5Qukjnpz5ZORBDFtlndYpSzPlsRnjgfr/8AWp1z5jRIvlygvIqjMZGfWpmvV0fXp7NLt75JH2h4X3Bjt3A5OMnGAe4xg+g0LxVu/CllrFvdT7/thW5h3AiNgN0e044yM/Uis/ZSudPto2Ki2t1JyllckdeIjVSWzvP7YSFrOYMIPM2tH82NxUH6ZOK6LRPElqllHPqU0MKhthIbnsQQo5OQRxToNZsNS8RajeQecLeG2trcSSR7AD5rM2QeQMkAVlaae2hfPFrcxv7PvkYZsrgH3TFQ3UN5HLaxi0lXzZdmGH3hjJxz14rrdW1XTtOXzp7lVVvuqBuZvoo5rFvNSY6/YW82nXdvsLPmdQmd6YU49Of1pwUpK9iZTitLkIsb5h/x5S/iR/jS/wBnX4/5cpP++l/xrpbK6t7oAq2CTtIYYIPpVySBcYGCazc2nZlrVaHC3NtdQXFoslsQ0shRAWBy23PrVmOzvZCypbElQM5cDr+NaerRFtb0iMEKU8+TBPJ+TAwPxplpYz7I4jcMrI+5ymRn9f55qm9Li6nHajp858UW1rJCnmTKkgBccbd3f6LUWu6pbrY3Nt58UssilMQyBsHjqazfGl+114ovSrnZG3kIenCjB/XdWAsTMcHv612xgmk2czm02kSxyOLcoGOzdu254zjGcfQ4rvPDcM19olu1v5beUPLbe2CGH/1iK4lbR1sPNLJgy7cDOfu5z0xj8a0PDusy6HqS+YzC0lYLMueAM8N9R/jVVYcysRTlyu51s8MlrqO2byzIYlEca5dmyWztAGT05qC4ulMJivI2tUmQ7TcoQrgg455x+Nd34Qns7bRL7WJjI1/fbjlAGKW6khETjIyeSPofSmi1s7vQi+qWAtre5dYrbMjs8hdsAYxg8/jx0FY+y11NfbPocZ5FzEttJIy5e3RiAeo4znj3rZs1aO0lWLyzIUJJbgE+5rC0VpT5kFzlxYsYAx4DLuyPr9K33ikFmqxIN5XIOcbjWqVlYybuzI1SFZdVuZbggZixGo68BVx+lZ9nArS242kMZOSBn5cj0rW11WXV7ho5CqoHVsdxvP8A8TUcKiKXTxiTzDIrH02bhk8dvrVRFJmlaaPdT2yzJNCquWYA5zgsT/Wpm0m6QqDPANxx0PFaemuP7PtypypQEfQ81SlsJCvlNPIzSTb84HAyOBXC17zOyMnY4zwTZ3d9e6lKLjGNu8vk72LNz+QIq94vtbmyj09xPGZPPLKAvcL7/WrHw7jVLPU5FH3rkIM9cKD/APFVB8Qp2W40xVONolk49toFb8qdb+uxlzNUjW8OaPctoNk4uI1EkfmYKkkbiT/WtSfw7NeQGCW7TYxGQE61b0pfJ0qyiPVLeMH67RmtJH5FcdRJybOinNqKPMdc0JdK16ws7ed0efZteMBSpMoXPTNdYvw/tpGKm7+8ccpmsXxU+/x7o49Ps/6zk/0r0bzPLR5P7oLflzVVE+WI4yfMzyvw9pJ1XxSbVbkGAi42sq9AHCA44xnjvXVaDpE2sXV3HJqMmbOQxoTGPm5YAnkc8frWL8Ol8zWo5MY8uyBYjuXlz/IV2Xgt7iTUNWM0cYU3gACtyDkk9OxyCK2dNPfsZubT07mJ4Q8LHVvEXiP/AE2SI2t+Yd6xBt/3uevHSuh17wD5c+hQLqkzLd6isMuYkxt8t36fVBxVf4WTmS98ST4BMuruck47H/GvQNeLNqPhbg/8hX/23mrphQpuza1MJV6ickn3OZ1LwDaaXpM15PrN0I4Eyf3S/MewHuTgV4Lqt7LeXM6faTJAjGTJULz0H144HtXv/wAX9Te08OC2QqC/LZ9/lH6Fz/wGvnMQeZGRkAE5OR1PYVpGlCDvFGc605RSkyp1ydw3Drx2psjMXO0ED/Z7Vdjt0BUSfN6DoKmcLChRYjGw6gjrmtDEyX3FRub6Crmm3BimCO+1JMDcD93nr+HX8KfPZCaINCRv7rnr9Kz/AC3idRghvfigD0q20mO5gXddSpcYw8fyna4O08DnGf5im6vpNvp9pPILyeQxgo6rtIDY74HH0pngsJdXalsyzs0bbVYgcNtIPqcbOa6fxDo1ta6VfmNXAmIHzMW5z29Bkk8eprmcNzojO55FeokNvaFWO8lic9sYxWppcwazuAy7l44+iiqnia3FubJVBBMbk5/3sVb06aODS5d0SM37z5j/ALuB/KuiGxhN+8diJPOvWlZVO1SqDsB3rmo4gt9Kgc7InbYenHXH61rmb7OilRibazlyeg6fjWRpULX7b5pRGJGdgcZJxjOB2rzYbNkdC5pdzbWt0HnkYYf5CeF4A/XFb+qXyjy2T94EwQV64PHH5Vy00SJBdb0yyFvKY5GO2AB7cVPY2s0a28kUjva5HmpIw556D2zzRKKbu2PdHQeTFcWqXjFJJQuHTqrgE9PQ1l2eo7GInQhFJQpjhfUfrzU1is8ivcwSBZGYloj91z0Ix2PHWpWka6mQWiC2knjzIWIKORnGRzg9s/zoJuWriWGGNHSMKGztKKR+P0pfDmkX+tRFUt3jiEjbpTwD34Prk81Dp+rwTNPaajCsW0YaFjnBHGV9Riu28BSWscl9tI+zArJuYZaPj5iD6YH5jmtaC9+zLjLl1PK/FWgHTPERjcgSnl0A6jsfx/oaggCouxVGcYBIzj/69XdX1GXxF4ivNSfgTSEoMZ2xjhFH/AQP1ojjiRd3k7jnHzuefwXFdTdtC1d6sWKFHXYvHB3HA7/rUkkEZTAVQAeoGMD+tSxva+ZzHJC/QGN9w/75br+BqZ7Z0xKGWS3zzIv8JP8Ae7j/AD1pXHYpvYJIjKMocZJJH8qz5IjBIomQlc8kHGR3wa6aKKJyrGPcgHOOpps9jBe74o4tpGWwPYdvemmTscnI6OzBAQpJxk5wKi06YfY5LOQnbDL/AOON1/pWibDyLho3JB6+uR2NY7NHBq5wcRzAxtj1/wA/yq0wexftoxqN/fqOJIo/MG4/dy4znA7KBnH9akuoXdDE1ukMAbMUjL86sckkexB6AkfjiptLjUs7x7vNDksFAOVkUI4wQf4lB5qxDcm9t5oBawwIsxURmPYA23k4GOc4ByccZwDWLdmynsmcncWz285ilxBMv3opCBj6E8EU1oJDDHKttLJHIzIroAQzAAnHPoRzXW39ojKI5zJcSSKHlUxJszn7wJPcDr+VZGpW92IIJbQkxJCTHD5fIGTk4z7fkKrmJIWL2sMV2sgRgqyxhucjO0gj25yPrVqF7e900yRPBlSGeJ5NjKenAONw57Z/CuVW6dV2MSRkn6Zq7p1za28/mTxpJGRjBUNtOeuDVXHY0If9YJOgBGK7eylD2yH2rhTcRyMzxjbGzEqD2Ga6/TZ0+xL+8T/voV5tZuUrs9KMVCCSLepMraZcB2CjYTk9/b8en41xV8yxXTAnndkE8dua6fUrpfsUygo2UPG8VxOpRzXN3HGhDPLhQPUmtMPHdmNV9DobHVrdLdkKSTnGAsQ3c+56CptOspXuvtk2Igh3LEpySf8AaP8AQVm6ZBLa2SWqRpO6fNIkcm5hnnO3Gce/tWzBqlqsJRg0bd1K5/UV1NrY50nuipqL72I6D1qaH91pUB7uWb65IFUbl1lfEZDBvl4962riBRpcC852ZAx054qJbFR0Zj36bWUZ4IFZq3awL8o+Y9Sav3rMQobsea5+UlJGVgQeoz79Kql1Jq7Ile5Zy2TgZqs05zx0pjyEHNQs465xnqK2MrDyxC7uxOM5r0LwnffavCUsEkhRrYtFvwDtU/MpwfTJH4Vx2j6UmpyR28UqPPK4URk7duTjkn+fatO2mfRIb+whltZZJJMM0gLqQoI+XoD1rOtHmjYul7sizHMZ8hPNl+cjCYG4g89eg4+tSG1efSghEbIGDiVX5hweN3Gent2rAjlu4vNmkVMPJ5jkqATn09B/jXTeG7yOFvMmdJFmXl+S0eONp4/lWVTRaFUYLm1LNnodrdLcH94t4igRjoiHHDLzzkYGTWRaaxr2m6bqOjQ2cpa8ZFZGgL42kkMv91geM88Guh0/UYIRNLcShpUJVmWMjcCeD/8AWqeW6t288LcyjzWBBEbFVx/Os/aSizoUIy3MdZbTS4dEla3C6rbSP9qDsCXdWV0J/AkfRRWx421VdG1zVLgS2xGpwCRbeMbi8c67twbsVdFNYniPTo9Su1vrV1dzCY3jIKnOMBgSMH6ce1Ylh4YknlVr64S2jH3tgLufpgY/E1pGonHXQh0ne+5uXGr2+paJZTyqn2yK4dXIPLKyKRn0AK/+PV0Hie6uHsNG19njhWe1EYuFJba8RwOSBzwprjfE+lI0sU2lIxRYljZFBBG0YHXrxWNGt1fRrZs07SwIxWJyx2kkdjwv19qtSTiS6b5jvNB8QQ6i+rXMkYiIcXDKp4ORztHbkcD3FWNZvNTPiFdKubtorRNmVtmK+YrAEEt1PB9qxtJ0y203RLyOSffeXKfMVU7Vxyqg49eprKufEK3d9C75V0gSFt3GSq45Pf8A+tURjFyuE+ZKyO58b6JpmjeLTJZQpHbiGOVACDztBP50+O5e2129tI5DJEv7yJyOqHGPwwwNZ3izxR4bn03RLuxmimvY7bybu2SJmPyjCks3H61yfhzUJZtdHnSOIlgKjaCduGBAqqsb3JpvYp+JJEj8R6kJYAQ7MY8HG0k8N79Dx71nKYVhVlO5jkENxipvEj/aNd1C4Rso07bc8EgcZqjaIHSfnkJkZ9c9verjHRMHN7GpkTafDChdZTMx2k/KV2jBH6iqmoRyW8SCUqSwYYA+7g/41s2hxaaWQ23F4VY7fXGD+pqpq8UlzqdrboNxYkHjjG7BJ9uKOa8rEpcsbo9R8J6VLqvgTTLeCSRN0YZni6n5uR06/dHWuotvDT+ZBN/aV67wSIjpP9xHCAgrxz838Q78c1D8PVkj8M2UcS/KyTEOq8giRlAI9/0xXYX7/Z1lnZ58LATmRcqSMMT164GPTrQ0nchNo8M0A+U1/JMNsfmRB2dvu/u//r1fuvEemWRlgSZJMfMSjbzzkZ/SvPrnVZpC8MUrIkr5bceowAM++BWZK2AVQhV68Hk/Wna4zsr/AMSwTXs0kU6EOxG4gjIMjknH0IrV0y9tb66szHcM86yAHkZxuGOnb615gdoJIP51LbvJFKJImKupyCOtO1g3PdNMP/EqtOf+WKf+girLf66LA56/qK4HQPGawWkdtfMGCKFVwPmA6DI74/lW/HeWM0abdTZ13hi7I2evTGPxrilFpnVF3LWgBlspyz7/APSHRTtxhVwqj8gOa5Px2TLrVpEvUWrY/wCBOR/Suh0PUrNNM+edVZpWYjB749q5fxBcw3fja0CyhoALdGbnA+ck1rT/AIjM5/AemKAh2j+Hj8qnQ8isxdW09mJ+1xcnPf8AwqaPVdP3DN7CPck/4VytHQjjfEzf8XD0w/3Ta/8Aow16JfSeXpd8+cbbeU/+OGvF9a1OXVdZn1KP91tZfJAYkqEPy8/hn8a9Hm8SWeo+CLq7M8MM9zZPugV8kMeCv51rUj7qFF+8QfDm12TXsiD7iwRD8FLH/wBCFdt4Z0dbO7uHgcsJ5kc5I4xwB/OuT8DXunWVldfaL6CF3umO12xwFVQf0Ndbpuq6bZyIs2o2sLgq2yWQAgHkfmDn8a1VrO5k73Mn4OQyS2GryKP+Yq+TkdNoNeha8u3UPDRbtqfb3t5q8y+DmtaVZ6HqK3uoWkEj6i0irLKFJBReee2c12PifxHo0k3hySHWLIiHWImkKzqcKUkUk89OetdUWlZHPK7bfqcX8Z9Rdrl4FbiOSOMj1wm7/wBqfrXkto4aFwAN4cnPoMd67X4qalDf69cNb3Ec0JnZkkjO5WwiLwehxgjivPoWOJDkjJFURIuuQuCcc9MGrLR28thFH863n3hkZVkPI57Gq4igkhUxSOZuDtZcAevPeot0onLh23oRhwTwB6UEiRJIjlAMEZIPsDS6rGJFtZwuCxMZx/EBzn+dEtxJJOsjEGT+9jr9aYpkcRiQ7lRjgY9aAOx8CHyvEWnJCoJZGyg65C78/wDjtdr4zkaDR4kB275l3AnkAHj69elcF4RWGHxLbS3E3kR+XKvml9oUmJ8fNnggkVseKbiztdLtLKHVVn2uGkYMG6k4OQT2HTJP4GspaGsDivFgJ1K2QknbBnn3dqb8qaPKMjIDYx9cVW1ExHU1KTeePLTJznByeKtSiEaTKSW8zG5QOmC3/wBetY7GcviNvVGmmWMxqfNmmaLAPRRwBV2OxVBJFHhRbRqASe56/oB+dJb6pYWqtdyQzyspzGywkqu7qSx45xxz0pIYr4yxXBjWBLhnkkRx8xU8AN74AxjpXlq/L2EUbkeZaXEm8tIrssYGfvE5IA9ttLoUhltJkEoWISKGYj7me/HUcEflWm8CW2zIVmZMo2MkHJ/r/Oq1zpzQSJqFi/lAAJIgGVIHY+hHY0+ZNWYNl825jaRWjKpI24N1Uk9cY7VdVIbGwRsx+a8g6DBG4f8A1hWXZX4nt/sFwGjaUk28jKQCR6Hv+FdMYkdIo2B8shXI7FhzU69STmL8RXRlkMeCD8jjJbIH3hj05rCh8T6pblraK7EYuB5MqrGBuQjB7dSCea7VkjFvIzjbvLAg8cHI4P0rjJfC4sQLkSuyjHlggD65/PtW1FpMuCTdmXbSJUtFwMM6gn8amZuQF6AY+tNWTFuig8BVA/KhgAAfUV0mophD5LHtU9rcPaTbkJxja3GeD1GOhHqKg5yeaWMZcg4PpTA3o1hCJcwKRbsdrxgZKP2Geu0gEg+xHata0sQ8pKR4JTcoJ49KxNIkWO48mRwsM+IiT2JPyt+DYP511uhs00cvmSFAp8vaw4Q9cD8RihaClqjiPFGlXS2Ek6LskQFlA7rnlfzOfx9K81jdvNdWJJkwyN/tD/EV79rtvaGFlRPm2/eByDnk4H0rwDUx9j1CeH7vkyHaf1FProELNWZt2WoSW95bygECUPCzdB86jH5MAfzrX1OO5+xvPCSwcHLDOd+M55OSc+2ev0GTDDa3dvcWc0hhLI08EgXIzjhfzP5Gtq1vobnTYbl7UNuAI+YZzgqynIOfnye33we5qZ73HZWsO0mLbodney3U0bFiBtG6OL5yAxyM4wCeD0z6U64029mxHGyS3JDRxxjjhslWw2MjB4IJ/CoZNUax86KFfMgUDzFWPClRuI29QvU4A46g5qOG6j+1XtjmVfs8ytA8Tg+XvIxgcDHTI7dRU+ZL1ONvo3N27Pxk9BkgeoGfeo0tywyG/MVs+JYAdXvJrePMJlYrzjI7ZHrisyERTwNhkRx2yaHfobR5Oo6OQMBF2GK6O1WJIFB25x6Vg6TCGuoJH5AnRSPUFsV6MI4xwEXA9q56tk7HTGV1c5a7CGBtmM44wKxoLxYr8Szrl0jkMeem7bx+degSJ+7O1R+VcJ4hjnWaLLZzJhQOxqqMteUyrK8bkc2jyS6fFqQmFvPHGC4LcfLxlSvQ8Dj1p9lqmtsYBKftVr1L3EKy7QTz8xGR+dRyxX1jbyWkj5iuFDYPY5zke9RieOygkguDKDIgwF4I/P6mt+ZS03MFCUU2bK3H+kJMILdChyFWPGfrzWqfEDyIqSW8DgLtAAK4H4Vw9ve3vluIpfMSIbtsoBwucZ9e9T2+sXc0gjjt42cgnCg9uT3o5GO50V5NFMpPlvE2PXcp/wAKxPkvbYBh5U8YGN3GR7+3oakjttWvVGz7PAhdo2fdkjHU9+OcVamtFuYgk26J0hHluxwUyx/TA700rEOVznZhIkhjKEOOxFQ71UHcctjj0rpX06GOytvMuLgqXAkjLZXOM/d479s9D7VQ1Dw9PFqCx28ErRyZZQFPGOoB9PrWl0JLUZA9sNOhnwVnRyJCp5ZT932GMEfjW54e0238UagtlEJRfPnyIxgiUgZ2nJGM4POfwrCfTZrLTEvJMmCcbMrztJAYA/UYNJousPo2pwX0Dss0DrIpUdwc1HmijbvtPigSQssizRSeTMjELtBzggHk9CCO1SaLNbiWa3t2dkDFkLfeI9wKXxT4htvFniKW7gs/7Phu14DNkmTHOSOgLA8e9Y+i3cmmag115Ll4kdVUjA3Hjn2FZSjurnRBWipHRK62ry/aJYu5kVoyoIPPep7eS2cL/wATCbzSAXKvlc454xjFc6Zbm+uzJLO2WJLDAwc/yqZbaZvlwGXuQvNQ4rqylfojq7XzZLZGdHL452ofwOPpg1J8ynmOQf8AADTfD2oT6YIUuZjLbltpJfPlZ6c916fSuulXa/HQjIrFrUvma0Zx7n5sbHz7oa5zRrl7nV9QmkcmKMsVBHC5bP8AJa9KubjyLaWYsR5aM559AT/SvG7e7ki0Q26sV+1zb5T/AHgowB9MljWtKN0zKctUdHea9bqyLDK3Dguyrn5ec8H3xWB/Z73d201hIJ/m3hfuv6nA9q07DS7BrItqN9JAyrmFILcSFif7xyMD86zIY5dO1eCSzkO/ePKI6k9uKuHLsipxktRy+HdTmIDQNFzwzdufQZrf0K0t9PtUzIrTzclj1YZ6AV3SEX2npIQ2yZAcA9MrnH61y2oz6bpdpJHHcobmFSIkVwzFjjGfTHHp0qHOUvdJtFe8c1o0aX+o33nR+bEUbK7c/efI/lT49Pl0m8eONVeObc8e9cEAdQc/0rd8BJBb216/2iMTTSKoTzAG2qPT6sfyo8QlrzXzDcSSeXbwjywrYxuXcfzOPyq5v3muhNNJo58zE6YZTgGK+Rhj6f8A1q3YYlhuLngFhIy7tvONxNYj2hGhXbIScyrgH1BH/wAX6V2vh+fc00TAiSQ+bjP4H+n50pbaf1sH2tf63PU/h7aj/hFbKRlRWBlClThjmRu39aj+I2tpovha8JdhcToYoFQ4ZmYdfbC7if8A69ReAr17PQUZkdonll2kc4/eOOv9Kj+Iek2/iXQ3eOeATWEck+JSQCNhycjkEDkZ49a6ehzLc+aAU3gy5UdCQDhTTJEgUtslDE9AOn5109lo0FxYTGSQS+b91iMEcdfzrnb2yFrdNbu+5kxjjHGM0oyTZpKDSuVVCjI6joO1SKoRFLfLkZHHUVEZSFxkZHABpxcs2ZCWGOD/ACqrGaZYQ5yFGD1H09K7Hw5fRS6eIA5EkeSd3fn1ricPsUlhs2jkdhnpW74b1O3sJLgylt7JgMMYx3+n1/SsqsbxNac7M6fSpU/s9SCFJJ+XPPGB/SufkYTeOYwCpVSpyD/dTP8AOoZr6+vrVbFJClsmSBEoXzOc5Ynk/SqqaTP5fmCJyo6MpB/lUKKTbb3LvJpJI71JFPG9c+maHkAViHHAPesXQddu7OZLa7RLuHHBKASoB74+b8fzr0WxaxvYFmjgt5VKnbmMc5GOeOoP8q53TSe5uqjW6PFoiPsZyeTg10Vg4bwjGmeG+XGe3mVs3Xw8spbpnivrmGBmyYVRTt9gT2/A0/xH/Z+l6ZaaZZWy+cpRztXJSNc4yfVj/I1tNKSRnGTTINKKjT85ALM5PPua1710OoynIUYTAz/0zWtbwdHpN74ZszNaRNNGpin3RKTvU85+owfxra0bT7LULGJ57S2klckF3hBYnOBk49AKh0Lp67jVezWh5B4OZTbzEkD98f8A0EVra6QthHIMfJcxMfpux/Wtf4VaRaXuh38lzaW0zR32zdKMkDy14FdjrvhHTdS8Paha22n2sd29u5gdAQRIo3Lj8QB+NXKhepzXFGvaDhY8e8QLGbWMAbZY52B54KsqkfTkPWVHGfKGAPmNeh+N9M0698F6N4i0uyhtobyFTIkAOFk5IBz3/wBav1UV5vbuGOCa6oLljZ9DkqPmfMupM6qJV+Rh69sn2psivjsAOmKUoZB9/AFQrNtOzd09TVECAbJA+ep6elWGGJUMTjDcnIxVIsXcYPGaswKbi4wfLBUbVDdGJ6AfjQBuhFMluoiACRsc7evIH+NUtf2rZxKoAzJ2HtXW6LoH9p2V7O5TzjFGkBkcqAAQGII/7aEZBHQ1l+LNLhtms7dIFA2Es4kY7nAAJ5PTvXO1eVzpi1y2OHicJc7m5G4cfStN5zJpTxKQAxQdOTzn+lZ1xGsd7Ih4Ct/SrkirHEhVeOgJ+ldMdjmludHd6dqd8ywRq8kEAwdwAU8A4AGABgY/TnNdFrE6JcoqEbDGMADp7VW0fVDa+HYZZ98spUHB6nBx8x7VmazK3mWiO5WeV97ED7ueOB6civKd5PlF1sash82QMCoWKPB9xkYFbz2kU1gkibNzJjPZx2B/xrlYxOjTRTBVmBCNj7pI5654rc03VYzaxw/Mzt1XaSv5jvWTTGtrGO0Ein7KCHiSUMqg7vLbIzg9ulXbr+1JpZ2lKLFEQCYTjcD3GenH5e9Le3c0PiG3gWNo1k27ZRGdrt1xu6cAd6ffXxm0mY5CyTDn2z0H5DJq1fQl6GN4gl+w6abmxuJIHjGVXzODyM/KQRnrXLW2v6xfzx2k2oSyQM24o+CCRyO3HIrR8Ua5aX+kQWsLRGRNhYIM5wME5HHXtXL2FwsF0krqSq9QK66UdNUbU4aanesqny2VhtdQ6EHorc/zyPwpyxu+FVWYj+6MiqOl6lHdgQoynq0eQMjJyy+3PP4mtNzMwCyszKvQMen0rR6Foctv8/zyImOuTn9Bmg+QnOZHx6AKP6mo2J6jIOMfWnYV8cYyeMUrjsWraRJJooxHGuWC5OSTn3JrrtLuZklupARiVw5HrlQ382P51xlshFwpAyRzx+mPxrorm7SK38qFxkcZHfHGfxxVJkSWhYmkmu4Z5FmLhD8owMfhXkOt2f2nXLl+TuIJx9Mf0rvr24fyYwVUDkg9Dn1rzw6hLJqd7LCYycMwVxndt7Cnr0FG19Sta3c8Li2LAqAVUlclR7GtzwtqAjW5i8lJGtyZViIV9yH5XUZ752mue1gKt2VjHI+/j1PamW7TWq/aEQMhBjYHgc/TkHjOfai10V6HfSWhntpZbWYXNmN0jM8eSuSCA3Ax/vHGPrXOa9b3tlcyagXQRXjZKr1AwQPqOtRaL4gazR0lDvIHMisJMFlI+Zcnv0IPt0NOl1W51LTZIyyqyPuVIVwoDfeAX684qbNMVgsZXn3M8vmbjk5qZtJtLh9zRYPcqcVnaQsnmlQjFe+RjFdDGMAd6zm7PQ3grogW1htol8qMKFkQ9fRhXWdz9a5m4+W3kPoAf1ro9wJrCWpsSDv9K5nV7Vm1PTAYzl7scnocDNb891Bawma4lSKMcFmOBXLap4kglvbVreMOtu7OjseGJGOlOnF3uiZtWN250iK6mhmUKsisMjsRXDayzXepXVw3LNKwAz0UHAH5Cu30rVY9QjG5RHKGCldwOSQSOM56A9sVyeuWrWeq3ERHyli6cdVbkf4VpSTi9SZu6MIedBu27l3KVOO4PUVY00F7+OP5RvOz5uhycc/maVhu4qzZlFWeeRdxhUFFz1YkY/LrXTcwaNWMxWxuFkkcMVluGB/hVioXj8M89m9aNYkaVpZwSFtT5LgE84xtP5Z/D6VU0fdcXd1vbd5kOHJ5JGVz+ear6ncySXtwAQBNuVsHO7DEZx26Cgi2puSL9p05oZodoKDaTkOCMYP+9gk1raCpNpIAm2eM4kGchsAjj+dYFxdMujWVwrsZfMDcj2Az/wCO4/CtzTraVtmpW4cO6qzKDgH1FZzehcErl7+x4dT8PR2BJRGgh2S4PUIAHxn0A/WuJuPBet287KlqJlB4eJwQfzNekaRdi58O6MR1jswpGen72X+lXsB5O3J71l7SUW7GvImtTza38I3y2byaiyW0EeZDhgz4A5AA4Gfc1FICIAmWcseSTkk+5ruvEwMWg3BwSGKKR7FhXG2ygYJGeOKam2rstRtoV4kaOX51x3FSySOFABwV5BFE5A75WmIFZwT+dD11KTtoaWiStc3q2LguLk+Xj616BZNK2kW/2jP2iLdDKD13oxU/qtecWMr2uq2c1vLtlSdHjYdmDDFejWjH+yY887555M9c5laonYT2KHiKXyfDuoyA9LZ/1GP61wN9oUsPhDR9TRSyhH84AcqGclW+mOPyrrvGUrR+FL4Ly0myMe+XH+FatvaJDpsFlIoeOOFYmVhkEBQCD+tVF8sdO5m9ZHn9tifTzM77Qufxx6etZohfU9St7W0yJCclicKmDksT2AHJNdi3ga3eYYvJVhzyiLhj+uP0rm9ZmtLKWXS9Kj2WyNtnlJ3NcMOoJ/ug9B0zz6U4b6Gk53jaxpeI9cjvLeLTtMmcWkI2s+domwABjvgDP1zXNfZgowDGc9McUwyM7A5yaljw/HAJrVLl0MrJsbtktQZDAwwPvp2+tamjSvcCSSRizbSCWOegplrkuqhjzkDFaVpbJHdXe2OOJVUkqmdpJXPA7ZPbtWc5XVjSEOXVbDElQaO6GQYUyPtI6APFz/P8q1PDV19s1mMplkjhbewHGCVA5rGA22EEbSRlWW7KjPzAjyuox0JXjn16Vb8N6tNb68qTEGK7O1sLgKd2Rj8SfwoktPkRff1PYPAyxXfgixzMI3zISRz8xkYnj6GtXVbeQabfM8iyL9ncFYx22kHP51yvgK+EHhqxtHj+d084fOAdpJwfpkGtrX9UtodLlEjCKeVSirgHPc47dM/rW7dkcq3PGdMJNlboqKAU6A8ZqDVLB1jD3C7l2kM6AtsPbOO1V9G1FiscPkOjBtsfHytnjj8a7keH9WktBJC1qi4yY5WYuf8Avkdfas1F3OrnXLZnkLRqF+ZSnuRjNRYBYkDIx1967fUvButSx3E81ptCEPvkbG8n0H5fT61yF5bz2rtDJE6v6FcZ4zn8q2TOdoiJXOFyPY9jUkR8vdjBIPXrTrSxM6rISQPQd/xq4LQRgqo7YpOSQ4QcthsMzTRBHH3vlJ65rUt28qNY93Kg7cqMc+p6msmIKvHOR0471oxyDzASPlrKbOmlFJamhePhIgCEZW3RSqPmU+me69OD+ldR4W1MzOJAQr5xcRjsezf57GuKjug58uRQy9Du9K19HvEsdYtpkbMdwfs8g6g5+6358fjUuNxSkepTx4O4HqK86vZvP8RX03JXzjGD6BRtH8q9DeUi2hzyRGOK8ztRJC0huo5IZWLErIpByeazW4dDqPBE/lW+pENkGVWH/fFdZoNy0VhACFUjk4GMc5riPDcv2XTdTuZyY49+d7AgEBMcficVyOr+KdUuIvskVzJbWqqQUhOC+f7zDk/TpWsU3dIzk+p2Hwx1CK10rVlZ8j7YsgCnJIZSBj67T+VdjLrjR3EMk168UGHLpGxUKAAc54JIAPcdelfPlnqF3pkwmsrh4n4+6eD7Ed67G41iTVIbM280++XpBlXJPfoufb1rR6amaO6WSG90n+w0PlWU3EyqmESV3BBVezIzBiR1xtOcnHlWrWU2j6xLFMhj2thhjIVu6/TuPUYNeneH9Nv4Jo7vVJwWjH7i3VVVYyf4iB35OB25J5PE+u6Raa5GfOVUnxhZFQEEf3WU8MuT9R2IoU7MfLdWPLPkcCRRhFGSFbH1rPkCxuGCnHUgnkZra1Pw5dQXklvFpl8wjIAmtojJG/uA2CPzP1qnc6PeR4ea01RlHQrYlcfrWnMjPlZSmdY5GUY+Xgmt3w5o8ksxlkWRWXBDEY8rPf8A3z2Hb7x6DOrpvg9bZ1kndQcdFO9+f9ogBfwGfcV0DRC1tGW3iACglVHc9T7k9/U1nOppZFRhrqX9MKwxSRxrtUKiqo6ADPFcn4vmL6xDEBwqZ575P/1q3ba6uI7VGEOXkcBgVPAwccds+/TvXM+KJC2vnudi81lF7GtrXOPnHmahMeuXb+eKv3kZhgiUk4y3BHQiqO0vcSNnncT+tautnMNsW+8dxJ9egrrWxzPVlm21O4s9miXEIOX2pOp5fJ6MPzGa076Y6lq+2NTGCypnZzgHGcH3yKg03SopLye91AGeO3ZSgcnLN2z7CrNskkWqoWYvmVpXz1H8WPzI/OvPk4qTtuU7X0OUTVb231drd2KAzlJcjLN838R7n37V3NtcxRgXL3zGHG6MTABS2OFJA/Dpms3xfo0Sn+2bcHzEZC6DpIpOAR78ipE1+C31Gy0+IfP9nQ5C4KvjlW9DgVNT30nFCe2hQ1TXXulgmF35U8TZNokRWIsD94tnn8cUxPEFodscyZgmQrId3EZP8Xv3o1e1jk+1IjSNdbFmjQDOV5GAPXOPqK44HchrWEYyiXCKkia5tntLiS3fG6NtuR0I7EfhirNlpj3NsZFmRSDwCCc1WEj3CJvIzGgQHHJA6f4VvaNGEgIIwevSrnJpG9NX3Mecz211HtZVdcEMnHSu20bV49Ri8uRlW4UfMp7+4rl9Ys5BMJ1wy45x1FZSzGKYOjsrg8EHpTg7oU1qepPBtIV0K56ZHBqF42jfBXJ/nXMWPi0xn7Pdh2AH30P9K37bWLOYAxTpn/a4I/OqaM72NS3C2wErqA+PkB4/H2A7ep9hTpJdyZwFA6Af41mvqECnc8oPqSetZOoeJ7eAMsDCV+wXt+NCE7sl8T6x9mtHK4EjDbGB1HvXCaec3Cgk85p2oXkt7K0szZY9vSm6cM3EZxzux+lV0C1mX1gnubi58mEzERszE8kerfhWnZaXBNot554K3SOhQBuNhDZPpnO386p6bKFv5kxucoeOlaulXC3FzdxBGAWMc+vNQ30KSOcNqpnCKPmLBRn1JxW7oE8NpqrWsqujMGSUjnJHTA9MjNQ6vapFA77FJ69KytIXGtxRgsFZyo7H2qo6oTdmekwWEVqrMgmbPPOB/Wse+2RzKkUbozNkksDW2s4FquSThe5zXOXFwJ71mH3U4z7mpnFJDg25Dbok2c+0fNsOK6BGyin1UH9K56Vle2lAYEFT0PtW3bNutID6xr/KuZo6WzjPFt1JNrPkEnZCihR2yRkn9f0rPs/ImjmhmligbaXR3B+Yj+DPbPb1OOlb/ivSpZWXUYFZyq7ZVAycDo3+NchnPIPFdcEpRRyylKMjX0wTJd/akbPlMu055J9P0rvtS0q31W1EcuUkUnZIvJX29x7VyXhGxmleS6kUiFeIyR95vb6V28SP65H0rGo7S0NY7HHTeE54LhQ95GYGHMqwsSPYj/I4qxNo0KaLPFCjtcK4EczAjze+ADjHXn3xzXYBD2B/AVHPai427gwKnIOKXOx2PPfDu+31UgOFJikDbxxwM4P4j61mbAZJXYhjvJDetd5r+j2ssTagUeO4jIYyJwWx69j9aqaZ4XtBHDd7/tDt8xjnGUyfZcfrmtVUVjNwdzmrX/SbAQqhysvzPu+6oBYZ9sZ/Kt7SvE0FnZNbHdPLk7HA2p7Ek/4Vha5cRR6hLa2/llFOxnQYB/2R6gHPNZiu6n5XI9cGm48yEnZna+GdVt9Os3t7kyHMhbzkTchVQATkc4Hc4rsY5klUPG6sh6FTkGvJbXUJrdJY85SRDG4zjKkgkfQkDiuh07XY7REEMBTI6BvlPsawqRa1sdEEpbM7PWENxod1EBuwokUf7pB/kDXExMFcq2Mdq7qxu4ru3SdMlWHIPUHuDXLa1o50yUSKG+ySn93IP4D/AHT/AE9R71EdNCkYU7BDnJakSbnninSKWyG5NRFNpUZwW4GO/sK2WqJe5o2chFzCY2HmhwYwehbtk/UAn0ANdbJ4hs7ZYrO3ElwI4cI4IUSbfTPUk8/jXmr3se/OQwXhRT4LyZ7pxHjfkkNnH5VMoPcqLi3Zm9rWv6jqHkx/2YIbeGZJ2WQk79vQMegFakXjnNkbi4so1Ytwqzfe+nB/WuPU3Zl27cKTzzUQtlSRZXi8yENkxqSB+OOQKNGrMXs7O6O4Tx3ZTQSqkFxDceUxjyAy7sHHI6c+1cHjDYznHens6IpKptaQ8k9lB5x9T/KnSRNGQWyCexFaRSWxnJW0IjkMO1ShipHGQR1qM89sinbchcMMd8HpVEl62bLHa+OP071b0y4kmimkkJL4JJJ7dB+lZCnAIz1rS0xswTk4Q7G4JrOa0NYy1GXUkrWlqcOiI0+H24D5K5APfsPb8aTT7v7RqthEkRDGZMkt2BBP6VXvJmW0jU8KomAIJ5+bPr6+lek6XoNoJIJYrKGOV41yY0AJO0ZJPYZz0rRpWRz82rt3JNOtIreys5IjILqIvG5YYDL2KkHkZ7ehPtVqSK8uHlkuWilbBWJfMaMKpxkFsE9QK2otPRDtC5I71bg09d2WHHpQToeVadONKnhsr60QpbzFmZR+8RiMFgeh4/MV6XbyyhEaCZJI2UFT1BB6HNUvFXhlb+xN1aRj7ZApO0D/AFqDkr9R1H4jvWR4K1fax0yUjnL27EfiV/qPxqumhLfc6x55GVo5YhnkcVw/jbSJtQsmktLZnuIlOAo5KkYIFdZq+qwaPAHunDSNkJEp+ZyO49vc1wV7qmseIJzbQIwjJ3fZ4egHqx7/AI8U1cNEYOnWUcMbwy5WSJmVs9uPSllti/8AGD3OOK6C38ITLEJpbpUc8BI13fmf/rVVudKkg8w3L/KAT5gH3iO3tWM9WdVFpbnLmDB3dOeKnij3MA3X+lTyR5OAdxJ/A04xrGQ5OCRgEdqbXQItLUqzp5TsjrtPQilswz6jZ26g7vPjAP8AwMf0pZp5CB5gT5T8pCjP51o+ErM3viBJ9v7m1/fMe27kKPzyfwprRak1HfY9QmkBOB0HA+gqvk9ifzpc5oxXMhnLeO7x4dLtoFY4nmJbnqFGQPzI/KvOnkyDnv15r1LxZpQ1TQ3AYLLb5mQnpwOQfqP6V5wvh7WpWXZpl0wYAqwT5SD0OeldFNqxnNGW7clufrXtvhbTF0rQbKDyY47nyR5zKgDFj8xBPfGcfhXIeG/BT2tzHfarsMkZ3R26kMA3Yseh+gru0OOc05yWyFGLLGDnHOKbwMZBoB+XIPP6VExOTWLLCUAnPFQNkD0qVnxUDvzRzBYjbNNIpxOarXdwLaIMRnJwOcAfU0XHYtWwH4E+lcNrjA67NgnC4H5CuujvBHcRQGNsyc5JAxn279OfSuL1mYPrF22MAMw/LinHVg1oc/FkzNgHJIxj61b1eXe8Sj+FMfmTVWyVnuFAGTnp+dP1Tck6o+AwRfyOTXachuXF00d/bXEZZYZCGIJwMEenSmXl5eWTOY1xLHIzEZLblGOvseTmseK5M1vbRyyMxRmVs/mP5UzUroI/2eJ2IAw2D37j+lczirmqg2dpZ6xBqGmuokZVA2k7trJkdM/yNcZq+nRWNz58M0rqQWy45Dduf61mq7ZwDjPH51o6nd/bNMtmON6jB98DFEIcr0E48upUtry5N3JcpI/nbGO/POSOf602NFa3IDgMB0I6/jUNu/kOS6lldGXA9xx+uK39FWMxsdrb9n4dKqfuq5dPVlLRdq3Kq4HPc10ErGG5UkcMp4H1qjbQxrCwI5DZDAeozUR1BPOVZoxgdGbrWE/eeh0RfLuO1G58pQ+P4uAawr2PcqTxrgOeQPWrVxeSPIzCQKvYCq8l0HhMZBOe/pWsIuJnOSkU1Y+cW5+tS+eF9c0zyj1QHHvTWX161roZaoWSZ3B3McemaSOQheMVGc5pQPmz2p2RN9RXcselWbZjbrHIuN2c81CqGQ8cn0AzVxLC9mQBbWQDsSuP50mNdyaO8FpcPJtUl0ZcEHoQRnin6ZrLaf5gMJmZl2g5245705dC1GY7pNinp80g4/Kp18MSHmS6UeoVSf51L5Oo1zFa61qS8GwwpGp7hiTU1sifaVuQzm43bw/JOfWraeG7VPvyTOfqFq3HpNmmP3Jb/fcn+tRKS2RcV3IZb6ZuJbl8ejSY/SqjSQlhj52PICqWzW9Ha28f+rhjU+yCoL9GJXYxDbGIPpjBrO5ovIyneS3jaTa0cWPmLAKKnh8SqlsFFx80aYCNH1wOgNbcWk2t7YAThnDgE4fFYOueGYrCze8tZJGRCN0b/NgE4yDVQ5JaMmbktjR0rWptQQsfvKcMET7voasz6fays00enxPPkEF4eDyOvGOma5vwtI0WqbN+1Zsx4x/FjIP6Gult9Zd1uQEIeKQ4XPDAJn8ycVbhZ6GandambdXmsWdqPPiljQOqmfaI0GTwBUVrqFzPeiJLiSYAlmfzCVYAdvbr09ad4zv/ALQ9lbwy77fyhPweGZsgH8h+tYVoWjbKuQSMZBrWKVjOT1LWpXF2LmQCScYYg4kIAP51lte3g6XVwP8Atq3+NWZs8gEnFU3HfmqsQK1/espVry4ZT1HmsR/OrMGv6vbALDqFwAOgLZH61nnrSqQDkj8qVkO7JA2T1GcZyTTgQemaREGORyec07ax7YpMtXFWtCxvvIguLZoo3S4UDLDmN1OVZT2PVT6hj7Vm8ipAcsp4qS07HpOk3UFlbxx+Z5hZFJEYzg45zW5Lq1l9nMMkUxBBDK0QYEfnXJ6BZTvaWkqpvRgDgHkfhWvc2l6JPmtJfyH+NcHWx3TSvcz5dO0kzPJCZUDndsaN8L7Aqw49sVia1JDptlKtrGFluH2+dtO5U28qCxLc9+nU9q6NrOd0KvaS4P8As1heINKlGnGRIZh5TbyGUnjGCf5GtoS1VznnHQ47B3AgflxU0AJm3OCeMjPeo2JHHpV63iLrEcYcdD6iuiTsjOnG70Hi7uTMVQIAvtWnZhosvLkEjGAeKzokczSsRkBgOO2atpHJJIfL2nK8qTjkVy1Etkd9FvdjL+JAF2fcckmJhx6Z9j71RFw1ygVh+9QYY92xwD+VaAZjbPvAByVYdfxqfR9Ht7iGWe4J+fIQg4K+4rSnK0dTGvG8k49TIV9pwwp21ecYqxqmnyae+XkjkQn5SrAMfqvX+lZ3nJn7w/OtVrqjmbs7MuBgD9KljWN3lcx5O3ggZwaoC4jLABhknHXAH1NdFY6BdXKxiyvo2aYgMEXcgHfBz2HPSlJDUi94U0JNUltp5I8wW+cg8h33ZH5f4V6lp0QW5ldhgqQq5+nWqukabDptpaWkK4VOBn+LAySfqa0EIF6/IwQCfwq3qY7F6ONQ2B16mrCjioolxEXb7zc8/pU8fCD6UhC8jkHkdMV5n4i0iXTPEwms8Rxyf6VGR0Q7vmGP979DXplcV46uPIuNOYKGJSUEZxxlf60a/ZHHlv72xh2OhX3iPWJ3u7lwgAeSfbncD0VR0HfjoMV3dnpNrploLezi2IpyxPLP7se5qp4WiC6BDc7cNPI0p5zgZ2gfkP1rcAIbn8qLu2ona+hiXtipQuowytkkdStYtzbMgKMgaEgYyOoJIP6V1tz8ke8c7SPxFZLQqbhYTzjcB9Oo/nSsVc8n8QWE2i3aAcwTLujY9sdV+orMa43ou7p7dq9T8Q6RDqunvFPGz7G81NjbWyM9D9K4+DSNIhYNJp00+OgmumK/kAKHNLctJy1Rz9lY3Orz/Z7OPzMfefokf+8e3869J0bSYNGsFtofmOd0khHLt3P+A7CqsGqw28Kww6eY4l6JGVCj8MCrC61F3tpvwwf61hKdy1A1QaWswa3b94Zx/wABH+NPGtWncTD/ALZ//XrMuzH6udujXp/6d3/lS2aBbG3XHSJB/wCOiszUdSttR8zTxO8Nu8X7+TyyXIJxtX06HLH8BT7TVre3mWymuUdBGDDNsKlgMAqwx94cHI4I9DWi2Ia1Nj8KcDjpVQalYnBF5CPqSP6U4ahZHkXcB/7aClcLFvee9NLc1ALu3I4uYDn/AKar/jTvNiPIljI9nH+NIY9jUZ6Uu9WHysp+jA1ieItZOl2aiAqbmVsIOoUD7xI/T8acVd2Qm7I193NIfmGMVgaX4mgvSIroLBPnAP8AA30Patea6SGVIirM7noq5I+tOSa3FFp7E8YDQ5xnIOK891Jt1zdy92Zz+prtl1WCPMJDBlDdRgEqOR+orz+6uVeGU9yD/OinuVLYzbdykgYdRUd1I8twWc5OAOtPhfa2QM9abcHdcuSMc9K7jjH2yFXdmwNpDjJ6kf8A66berC2Gij+YnLYqo0h3cn8zUiR3EmPKjdx22KT+tY8p0KXYmjg82L5EUMCMEmltzLtNvJDlMYJVRnrnrV620u/ZFIsX57ylUH6nNTSWt9AoDm2Qem4t/IVDb2RfKnqyJbGzKjMJLDpj1/GnW7/ZJi207R2VsCmfvSpJu8HONscYH881EYUL/vHmdcZ+aQ/0qeWT3Y3KK2JDdhLgkKu1lwSxxiqM8ySS/KQx9Fyam8y0iIxbx5z1Iyf1rQtboBV2naAei8VdrEc1zHSwvpz+6tZiOx8vH86l/sO/I/eBI/XfIB/Kutjl3pjPbrVW6B+Vu3ekpsHBGBDoUu0lriMEHGApJ/pUVxbRoCjTMQB2QCtKe4MRUH7rEcjtWdfbslweo5qk23qS9EUzZxrGrGY5IzjFV3REIwS1WJWzBB3+Qg/gxqBmGa0RnI1tLm8mFjnbmtCLUl3BSc5Nc7HOdpXtUiSgSLUuNxqR20UiuBzyasom/PIz6etYFleNsUHpWzA5Kh+QawkrGydyYxq8eAcOD09aiaNl4III65FTCIt8wI68461pSyRpZSXd06KFZV+chcDoOPrUlWMZWqteHmPnA2vyenSornVtPE0hS6TYDwTxWZe69aNs8otIykn7uByKrkbJ5kjqtIkeSxUsF2g7VK/xAcZ/GqWpauWmextBGz52SzSjKRk9sdz/ACrJ0fxLtg+yrCodYiI9zfffGFGPqR+Vbmo6HHpdhawxOZHwC7FeTnksffNDjyvUuPv7HEaXcNBqtooOF+0KScc+n9a6CG6gha5ut5CLKGbHP/PPPT/dNcqj+Vfo/TZMD+TVpji11aEv8scjEL+OP6GumxyXGagd1vYPnP8AosY+mNw/pUduemB3p14xay0//r2UDAx0eQUy2BLYHWqQmSzAAniqUlXJWLFs1Sk6mmIrnrRQaUdKQzd1LSWs7a1vIkzbTxIT/sOVGQfqeRWW7Fxg8cV20GraedEsrWWaJ8wIsqFhxgAEEVk3Wi6bc5m07UoYxn/Uzv0+h6/nmsFPozbl7HOY4+lSWsMt3dR28K7pJG2qB6mteLwzcSuAb2wVc/eE+79MV1+g6Np+kMZY51muiMGUkDA9FGeKJVEkNRdzf0nT00y0jU9UQKo+gxmp3O9sk89qgEoJ5cH8aSW4jtoZJpn8uJF3Mx6AVyJG7bZPWLrcMn9l6k3mnDW74HphT/n8a5vUPG95NIF01YYo2zguu+T2yDwM+nNZmpalr8ZMF/dXiyOhzC67cqcjpgAg88itVSd1cjm00NM+Dnn021u7GRGkeJXeCY4ByM/K3b6H86zDpOqWTYk0u7GOAUUuuPwzRZeJtTtYookv3AUBBHIgdQAAB1H9a6Sy8ZEMq6hboFP/AC1tyePqh/oa0k5J2eooK6ujmxFcEcWV2Dj5gYW5P5VKmn6hJtaGwvCc52mFh+pFelQTRzwrNFLvjcZVlbIIp5GRz19zWXMuxopS7nCWHhS+up83oNpbEgtGGBkb2GPu/X9Kn1/xHa6ef7P063hJi+R5FQYTHG1fcdz/AFra8TamdN0zZC+y4nyiP/cAGWb8B09yK8tdt75xgdhnoK2px5veZhUm9kMZnlYl3ZiepJzn60qKM46UYpwGPTNdBgDKhJGM+5FeteAvDw0zSTdTIRdXOGbP8K/wr/U/WvPPDmn/ANo69bQMu5A3mMPYf/XxXuSwGO0EYBGR2FTJ9BoliiL4l7JnH5Yoitz9sJcngDcD17+lRSN5Eav9pMO1cbWXII+lFhNK0M0k+RIznrxx247fSpHc01fe5Hqf5VZH8qpWh4LH04q6n3c+tIB2M1574/cHVLJM/dty35uf8K9BNea+O3J17HQR20Y5H+8f61UdxPY7PQI9vhnT06H7Mp/Pn+taGdyB6r6coj020QdFgjXj2UVMSV3r6fMPx60nuC2Ipjvide+Dj+tY8byNqlqUwQUdHz2K/wD61rRMn75Se9ZFk/l6ndOefLJAHqcf/WFAIuzR4IGOmSSfc/4VyV3p88V1IsMLPHnIII713MkYEcak5fHPv3J/Osa7j2ShvwNZzjeJpTlZnMfZboHm1l/LNNMM46203/fBrosc0oArmOnmObKyDrDKP+2ZppbHVWH1Q10/40mfc/nRYOY5BAFvJ5mYYdUVQf8AZzk/mf0olVHngkVk+QsCCeoYY/mBXXEZ9/rTGjQ9UU/VRTFzHE6os8kUX2RmOHzIEkCtjHGD9azoptViY74JZE/6aIGP5g16IbeA9YYj/wAAFRmytM5+zQn/AIAKpPQTZ5zPq08okjRY427dQwIPPUVr2Esd7bByiBxw4xwD/hS+MRbwy2sUMMaNtZ2KrgnJwP5Gszww8R1hYJ03JOpXBJGGHI6fQj8a15E4XRm6jUzKig1m6vHh3XCN8wlZyUQemCP6VftfDxgSQSXALtjGxOPqe5Nd62l2RHEbr9JDUZ0e1PTzR/20/wDrVLqPpoNQjuzze4hms5Gik49/X6VtaLeyXKPG8kvmJjkORlfzrS8S6PBFpTXCM5eJh9454Jwe30rn9BTfrMUe8puRgxHPbNaN88LkW5Z6HSPujt5AJpQu0kr5jYOBx3ri5mPk4zXbX0McWlzzpcSumwgfuxyTx6/rXD3I2pjPeoo7mlXYjhbB46nikuGLXMhP980602NPGr8qWGR681E7BnYjuTXWch20EFnGy+Tbwx45+RAM1NNOZJEiLgjPrn61hWt5nDbwP1zV43kYOcktXI07nVFmi8kbAFT8oPbjNZeoTqYyOMiq8upBByDxwMVl3V5uU4OVPNEYsUpdCs0uyVjnrTZ5yE+ViTVQy5cnJpjvuGDW9jK4pkZuOnNXIZfLAFUkYBsCldunJp2Emb9rqBEgVuK1p/38Q2jrXL2JWSZd7cetdAmp2UEYWSZAV64OaxmrPQ2hLTUz71DGoBOcHv8ASs+7l3DA4yOKbc6rJNcvuYPAGO0BQOO1VZrkSH5UKitIxZm5JkkRjCDzskBXwB69qpnOetOUliqkdz1pMkHtVpGbY+MgdanV4I3yz59gM1UbJHWmdqdgubSazFCoCQM/rubFU4NRube5knhbaz5GD8wAJz3qjSg4FLlSHzM021bUrgbTeS4PO1W2/wAqqPMDkl2Z89TzUAkYH5eKv2FtDcsquuSOSN2M0WSC7Zns2STmgEV3Nno2nBQW09X9y+aty6Xp2CY9MgUe5/8ArVPOh8hx+hNp0d7K2pi4MYgfyvIIB83Hy5z/AA5645rRtNVvkjOLlgrHhZTnPvzUOq2sVrukCRrjoka4H/16os2WRsghhkE0nZ6lwvsilOf37n/aJ/WrWoPIt5exuuC825s9QQT/APFVXnHzMw7k1YvxuvJWHRlV/wA1B/rWhkx87FrSxGQcQkcH/bf/ABp9s5WVTuK4I5B5FU0GI8/7X9KsRGgRoX8YjdcEkMgfn3FZUnU1cdyyhSSccDNU5aYFdulC0rU0UAKTS4B7U2nCgByxhu36U/ylHUH8CKQE7RjOO+KfGAMlQ2D7ZpXGh3lkZ2uwx2zTkeVoZQ0sjKoGVLnH5VCw2jjOfQjrWpp15bQ/aop7ZZXmgEaswzsOeSB/ex0+lTLYqCvKxlxu8bqwYr3yO1XEAuJ4oZLuM7h99m4TPOM/5FQXMKCRxG5ZQcKT3qqSNxwMUJJjbcdC3dwTWV69q7xs0RGWQ7gOM/yNR+fKhysjbc8HGK7D4eR219PdadcwRSDCzJvjBwdwU/zH5Vzt5eedqE0luqQwiRxEkY2gLnGKLK9rE3a1ub+kf2kvh+aa0vnHkktJAjYMYODuPPTnn0zWDJ4k1oSMP7Wu1OeglNbOh6vHp9qyS29tM0jPnzYAxKeWQPm643gcexrqr680+38Lz3EGkWEdwLdWVo4F287Qx5Ge7flQ0l0Grvqedx61PcXkUmqu99CoKMsrE4U8nBHQ5wa3NU0zw/aqxS7CsRlQtxu7ZHHJrF17VJdU+y75Q3lwruCqFG/HzZAGM8day1kMLbo1VXH8WM4+npRy/IXMWpFVHYISUB4JGM1GHIDEcEfrSSrGLlzE5dNx2k+nrSYG4++KqxJ0nhHUYNO1+J7ltkUymHfn7pJBB/MfrXukBZowHV1BHDhgQf1r5tKgqQRkGvVPAt1rFx4dRvtR2RzNBGZFGWVQCBu9s4/ClJDR2GqLHbqJAN0jMNoPJz6n2Hp64p4A82RM5OeAO3rmslrkxyLJdJNJsbccLnJ7Z56Ves5Fa6a4P/LbBI9sDH8qkZq2wKo467TVxXyvHSqyPGjllkjIIGRnHNTYBIMeQT/Ce9IZJnOcda5S+ur2+g1K9s5zHa221UQKD52CN7ZPTjuO1aWs6mLS3NqNwuJflxjBCnj9en51btrKKHTUtABtEZRx/e3fe/UmpeuiLXuq7H28scsMckQAilRWQDsCOBRcsRtcdQdp/GsTwrdh7GbTJjiazkKjPdST/Ihv0rZf5o5IW4bGQacXdXJkuV2Mu8k8uRCDg1h2uqRxa5PbsFMrATKpPVW4z+YNaF2WurlIVBB/iJ7AdahutO26lFLC+NqhUG0Ecf16mqZJ0UDNKu4LtU4yxHLn/CqeoQ5RsU7T7iT50nIZl6O3AP4Y4NS3mGQnsR1pAYatlQfUUtNUbSy+jcU6uSSs7HSndXDNGaSikMXNITRSe1ABmmk0p4pjMqAu3RRk/QcmgDzzxTOJ9fnUk7YwIwB7D/HNUtEydesAP+fhehqvqMkk19LMc5kYsa2fCNk0+pm6YfJbKcH/AGmGB+mTXX8MDnesjvB90Z9OpqtNqNjBbtPLeW6xL1fzVI/TrTNUs21DSbqzjk8tpoigb0P+FcbYeApGWU6hOkJJG1LcBuncsen0FYRUXuzZtrZF7xHr9je6YLexuFuN7BpCgPyqORnI7nH5VneF4/P1c3GMJEmM/wC0eP5ZrVl8GQRWXl2VzKkuDuMvzCT646fhVzSLOLTbKO2Dq8obfMw6bsevoAMVTlFQtElRk3dj9fjittEnWNNocjIHqTXAXeAg/wB6u68SyltLXbtZHkXDfTmuDvchY/fJoobjq7DbJQ11GSMqvJ/AZquMED6VctWEcTc4JVv5GquMLXWcxLbSOrEEkZ6GrnzE5ORn361ii8ZCOc0rX8zfxY/Cs3Fs05kjQuSdv096oTyEDAOageaRz8zE00ZPemokt3HAgDoM+pNG4GkA5weeKMYHSqsJMC3PFJnNHQUdaAEJPTNJmlxmgjigQAnB4pwGBuP4U1e+fSn7vkC9MHNAxAWDLxg54owSwBxzSZ5HPOaCQCcdaAEPQUlKaAOKYho6Uv8ACatx2EzsoIOSAcAcjNWJtHmiTcQyrz1wf5VPMti/Zzte2hldas2dybe5VzyOhpbW28yfZIMAAkgnbWmLY28oRbcbj0xzn6GhtCSfQ3rK/UxLtGQe+KsyXZKcI/02ms23e7tIxtjljA/h2nimyaxcS4XzGIJx97H9Kz5SzN1Vprt9iRnAPOTis0QXEfBiYj0ralZDyMJk8knP61Xlmj38DIHcVotiLamS5yhOMfN3q3e7WuSEBC+TFgE/9M1zVu08PX2oRiWFUCOTt3tjd6n6VbuvDWq/aoRHAJN8aKSrjClUAJJ7DjrSUo3tcLMwY+Ysf7X9KnUHNa8HhLUmRixhjiEmNxfOcdcDHPWp4fCd/JOsQktwWbCl2Iz6cYqroVmYrcAc9arS1evraaxupLW5Ty5ojtdSfx/kaoyEUxEDUynNTTQA6lFOS3kdAyrkH3pfs8o/5ZtQBs6LpKXaedIw64VCduecda09W8OxpbPNaRhJEG4R79yyAZzjnjpWdo97JHGIZbdjHB+8Dque/Q/nWm2varcwybLJTGiArLcAIVUDHAGOtSykcl5xI4AH0FNyQQQSCDkEU7yZXdisTHqxCKSAPwpgx60yScThhh159RUEmFf5fz9aXmmH71CVinJvc6HwfII9Vd+RjyeR2/0iKs0KBI6+jsP1q34bO27nOOkSN/3zNEx/lUVzH5epXcf92eRfyY0dRGpcmKfSrSby0jddyBQeoDAHj6nd/wACNb7kT+CnfoWtJSR6Ykl/+JxXJtMXtIYSuPKLnOeu7b/8T+tdPa/N4NdT/wA+Nwfyeekxo4KQYJFRyNuJOKkl+8ahaqJLGzaRgjkA9en1p2xTyw59c00nBX/dH8hTl6ZoAlHNdX4M8VSaBfLb3Uzf2XO3zg5Ihf8A56D+uPr2rlFFOY/Kpzj5qQHtMnjHwwHcrq0Lc7RsViWJ9B1PPtXHa7rniTQGWeDyJNOlCmN3t1fymxyrH19M9R+NcbMGZ4EU4O5FB98//Xr2ewULbiOVRJE42uhAIYHqCDxj2NK1ik7nlUvxB8UyZxqzxe0MSJ/IVQn8V+Ibn/W67qLD0+0uB+QNeka38LrDU0a60KdLOY8mCTJhY+3Up+o+lea6v4b1fQpSmo2E0I7Sbd0bfRxkH86asJ3IbfWdSt75L2K/uBcoQwkaQscjpndnNdBb/EvxTASWvYpsjH763RsfTAFciPWjFOwjeHjPxAmpNfR6gY52JLbI0CnJycrjHWti3+KevxtGbiOzuAp5Ji2MR9VOP0riCMVvaR4M1rWdskVqYLZv+Xi5zGh+ndvwBpWQ7tne6X8RdNv7hENhcxXUg2iMYdS3b5uOPqO1dcs0E1nDPGyyW8qA7xyPof8AEdK4S00Cz8O20hgbz7sofMnfjgdQo/hH61H4P1DUvD2kpPJZTXWmXBLGOL5pIf8AbA7q3PHtnvUSaQ0mdTPfOspVIjclfu7IzJx9eCKgudeuUCRPAyyvxFBu/eSn0wc4HqScCo5vGWi3CbLa6muJGB22sMTrK7dgQRj8c8VNZ2UcDPcvGou5h+9cHdjvsUnoo7AfWolNRRUY3ZYtI5I4FEzBpTlpGXoWPJx7dvwqbFEYy2KmkjwM1zb6nRsQYoo9qSkAYrN123vLrSZYbF9k7FefM2ZUHkBuxIrSzTgu6mgOFgTxdZP+7jnkjH8EsiSj9Tn9abdeJ9UR5ba8tYYcrtZGjdG98HJHIr0EWwIyRVPVtCi1W0S2mklSISCRghwWwDxnt1q09dUSeXWdlcandCCBdzHlieie5P8An2r0HTNOi02zS3i5x8zORy7HqTV+20u3sIBDbRLHGOwHX3PqfrUhjxTnNsmMbEFIRUhApuKyNBh6VUa2QyeXsADZyP8AP1q9wOtQo8TyiQSIY1VstuGByB1pMaOb8UYhtYIAWJLliWOScf8A664zUPlMQ/2T/Ouw8VybriBQQQC3HftXHahzOi+iD9a6KCM62wsS5spHEfCqQWPqarZwKljnH2WSIE44z9c1CRzXUcxSKLjp+Rph+WnFQBweaHw2AOMfjSGMBzSjrTRwaeKYhy/fHOOKRuCRnPvSgYK+9DYzSGMpQMGjG6l5z0piDFNNP2t3FG3nk/rSuOw0Hbn6UdeKkCheTim4BJ6/lRcLMb0xTmVM5LZPsOlNKnkZH0p4UEnPX0zigBo2+maVWIYEdj6VL5I9vwoMagcK350AdfFYT6pZC8gtpUMo3BzOFJ/zj0pLTS7y1cefYXbSHI80TKU9+orl47i8RAkV1OijookIA/DNWZmuWKRpqc87nrGWddvc98VnyG3tJPQ6m7tJI4zMUhmKqW2zMAePQ4rF/wCEqCj5NNhB7Bm4H6VHDoMaWz3OrXfkRggIF+Yvn0z1/DNZl7FbQ3LCBi6f724D6Hv604wXUmUmtC63iHU5N3kymNWJOyONdq/TOTWfvnJ5eTrnkUwSOBw2BThKx6nNVZIi5IZSzcsoJ7txQnPJIOfWoWkPdiPxpolwf8aYjuvC7SC1GclQzBOenNbdxcPA6RlTIx7McD1ql4CiabRpJpQNguSsZI/2Rn9a0rq2W41iMBypVM5P3cHGSfoB+ZrLk1bL5tLDZbl2RYokHB5LnHvk4/lSRrAttLI+HmTncfXPGBUX2y3mnZYk226Z2k9WPdj9afLZRufNYnIAAA7Y/wDr0+awypBG2p30sl3BEcktIzRg4zyP0rn/ABVJpduhs7df9IBDfu41CqD/AHj16c4H411WkkGW6jA+UMV5/iAAGfzzXn/ieTZ4l1BABgS/0FKnqwnsZGGJ4TP6UqxlmxhRjr81NLg/w0EpwQW/litTIk+ZBtycegbAp4kQDBhDc5yWJqvv54Y/jzTg+e60AX/7Um+wmyXaluc5VUXJyc9etPS9uLgGI3M4URuSAN2QFJIxnvis0Y6/1q5aPGspZn2jy5FyT3KMB+ppWHcRLh4zlZXU53fLkc+vFJ5oICtJwPu8dM/hUe3P3WT3y1HlN/z0T8KLAPkkSV2dzEzHqcbM/lUEkYL5jZdvu4NT+XEFxIWZv97ioJIcEbOR6UwNDR5FtZ7gysqq9rKqnOctjKjj3Ap9+6yaxeyxMrQvcSMjDoVLkgj8Kg0Vc6jsIxvhmX84nq5rCZ8Q3/yg5nZunrz/AFpdR2IS3y8ZrpbW6ij8JSq8iq32OeNVzkl2mIAx9HNYENsH4aP9K1ZLG3j8MPcfZ0EylwJAvOfMiA5+jGhgkctL0z3yc8VX4z1qy80yn5ZJB/wI1Y0u11DVtTt7G3ZjLO4UZGQPUn2A5piKrnlTgEFF7+wpVkXIA6/UV7sNJstNsILeGKFo4k2KzRhi2Op6c85/Wud1W8njka3hsbR7cqVZ404fI6HHTHJx9KXMPlPLTN/dH51HMz4BPHNei6asmp6nHA1uksij5yyDheMEnHXoK4zXIoP7Uuo7WAwqk23y92VUjhgOvG7OOelO+thWLOjQ/bNZsYx/AwkbHOdvP88V6/ZKWOwZAHHGRXnvgOx3zXF23PKxjPpjJ/pXpdsvlSbUyoPoaTGi7DAQ2EZwfUVP5N2qPvkj2EYO8YyD1yOh4piMzDl3Pf7xryjx/wCLL0+IprDTr2e3trQCF/JlKeZJ1Ykg9jx+FAHcX3hPw9qGWuNLtzMerwfuz/44QP0qifAHhKEDzYJwf+ml9tH8xXj013cXJJnuJpT3LyM38zUIRc5KqfwFVYVz26zs/Buiyb4bfR45VyRJLeK7jHfLE4/Crd0yMzK1pOpU5+ZycjrwfT3rwbgZwBj6V6/8P9Sk1Xwx5N0fMexmESOTzsxlfyyR9BSsFyG/jtlWby1lU4OY3bKtmtC3mt1EcMGAqgKoQYC4HT24qTXIo2gZcAbm7dq4BNdEBZZLW5gIbrHOSCemawqxcrWNabS3O6lJ+3wzKgkKxPxkBuqjqfXJ4PpVqKZJUyufcHgjnHI+oNcPBrsFww8u5u93Tk5I9v0qdNYQD93fup9WUHuT6epP51hys6FZrQ7iNsEVadwYiR0Hf0rz+PxBetAricb88gxjH1rFvNXvbm5abzXBPGUYgYHpzTjBtky909Q/h3flUZIrzFdU1PgpdXHHACyGpxr+rRkbri5+rAf1FV7F9zP2iPRiTxgEjvjtShyK88j8T6gM5uyT7opq3D4kvSwDXEZHctCT/I0exkP2kTuxcOP4jTvtkoH3q5FNb1A4YfZHUjgYZakGu3462UT/AEmA+ppezmHPE6c3LN1NMaUmubHiC8B+fSnPoUlB/Sn/APCREH95p12o+gNLkn2HzR7m7uoBBrATxTYnG+OdDn+6D/WpB4ksCM75B/wClyS7BzR7m4ED/Ljrxg1CmmoBLEpfCqDktkg889Ow4+lVIfEel5BafaMfxIf8KaPEWntLI32lQpwFJBBBx6fjScX2KTRz/imAR6lHEv3Uj4OeuTXH6h8t8w7AL/Kuj13UYrzUi8bqyqirkHOa5i9cSXkzA8Z6/QV0UVYyrMjgbFvLx9515+maVjgkU2Eg2nTB8z+lDksxJroMCoXHbk+tR5Oc0uOKQZoAUH1pRTce4pwGeBkn2oAXOSKftUDl8nvTdjKMkYp6KrAnBUDsKQ0IMD1HvS4C4yQfoc1IIQew+uaQwoOhbP0xQNDyrgDcMKeQCeoNI2DljgE9AvFRBGU5XH4VI8M8MaM20ox+XkHPFTYaYqgA43AetBZDkgFsdzzUlpZXt9MYrS3mmkKmQrHGT8o6t9PersHhy/ngabMUajOTK+OlJJN2uaOMlHm5dDIbntj6U9mRVQAhjjnKdPb3qSO3USbJZUjHPzMfl/QE/pTSwQkIAR69Kuxk2RtKS2dwX2AIFPjYswXzoxk9WJwP0pjSA/ewfoKYTuPAxQSSGbBPIb3FOFwAeAfwNRhFHJII9qaWXsKBk81zLOwZy7kDaCzE4qIsT1OKYzk8dBTaBDwwHpS+Y3amDpRTAdgmnBeaaDTh1oA9b8Ip5fhSyiQDc8bSc+pYn/Cp7YNLc3LMVyHVVH+zjgfnn8qi8Pv9n0fTFI6wJ/6DS2zMbyeTAP70rn0AOKnoX1ORtIl89y4faoMY8qRgSVJBY/Xn6VtxNcs0axKzRAbcM2ePcnk1aurOGC9trpF2yXTHzSDwxHGcevP6VfWPykyAPespJ3Li9Clpw23jZ4EkQf6HJzXn3iwf8VTqGOnmD/0EV38oEd1CysQAF8wA9QM/1INcB4pVv+Env8g5Lg8+m0VUFZkTZjYowadg+hpP0rUgTFGKdS0AIFpdnoaUYp27jpQAwKR0OKUqT3pSeKAfegBuGA60ZPr+lONJjmgBuW7Hml3OTknJ9TTsUUAAeQdGP/fVPNxMYxHvYoP4S2Rn6UylHBoAPMk9DXpvwx0ktY3WrkDz3k+ywsRwi4Bdvqc4/CvNQQRzxXu3gywOneEtLgIxJLG11J7F+R+hH5UmNF67gSYPDKrGNlEK464I5wfXpXNQXEdsE09AZPJmuFY/89CoUH9D/Ou2Jw8YIHOT+mP615/CkEd+16rkBDeSzJvIJJA5H4rmpNIq6bLRkj0awvb60ubZUWMzBTIrMzBflU4Pr2968+0rSv7VSe6edDIsnzKzfeJ+Yt/OsLaCdxAJPJOK1vDCg+IIxgYMUgPbqMUppqLdxQs5JM9D8I2xgtJ43C5EpOVORgqMfyrqkGJFX0BGRWL4fCxm4UKAu4jAHotbKDYxJHCk4+uOlEPhTCfxOxcEwtrd5yMiNS/12jP9K+cJ53uZ5J5DmSVjIx9ycn+de/6/P9k8K6tcHH7mxk6/32Gwfq1fPhwOB0FWiGFB4pCaB1piHV3/AMK7zbqGo2JbAmiWRQT3U4P6NXn+a6j4dSlPG1kg6SLIh+m3P9KBHpOpDeoyfuyMrfgM153fTxu7L5LZVsdhn1rv9VcAMSeCc/j0P6GuVfRIZnMrPcB2O4kOCM9fSs5zUNzWMHLY5wwCO5KK0Y24MhHPP93NSErkxgbjkYNbw8NwjJW4lUscnKigeHwG3rd5xwdyf/XrCVVNnRCDijLKkRpApOW4yT0Heny7LG0eYBg6jCZ5BY9Py6/hTJC8F1MRHJMkbeX5iRMyn6EVTvbmO6RUM+wLkkOj8k9/yq4xZnKRc0e3t5HRZ03jPrzVifKt5cN1cRRk/dWVlH5Zqrp13aW7q0lzEdoPR8c4464pSTcyZhmhkA4OJQf61tdGFmWY4b2YErcTO3vJn+dCpqMEwLkZB6m3jb/2WoTY3rtiKLII5ww/xq1FousOR5Wm3j+ojTdn8qNA1HvcXDA7oLFzjr9jVP8A0HFVZLidGCi3gzjOFMij/wBDq1Jo+uQ/6zStUQf7VrJ/hVCdJkcmYTxdv3kTL/MUWC7CW/nMnFnHjqAJWOP++s1H9o3H95ZFR6q44/8AHKb1HEqj1JIoKBhhnJ9cNRYLsgaWEqNy3IJOOGUj+lM82BQP38ynuNucf+PVM0KBxtU4HrUN9Kz26xmKNfLXaCqbSfr6mnYLk1vJJdIzQPK6xkbiT657H6Gle4nUkB2/HGaraDLsvHhOdskOSvqV5H6ZrVaKEg7gVPbI4qG2mUkmjCuS/nlmOd/OcVRY5Lk1q3AD5PZTkfSsk5IbvmqiSybAFvEB0JJphHFOYkRQqey5/M0yqEVxGx/h496eIOcMT9BTty/xP/3zUiNZDl1kb/gVIdiIRxIcEAn06mniVcY2bQB6VKrQyMFhgJY9FHJ/Ko3IRipARh1DDkfhQOzte2gxpAwIKKR7UJIEBCoADTAEDk7h9KUrzggCgRJvj2g7efQCjzF7bh+NV24700t70CLYlHTJ/EU5J1Qn7hypU5XPBqjuPrS7ix9/WgZ0ml+LNQ0WN1sZlUMpQFhuKg9gew9ulZt1ql1eArPcSSIzbigPy5HfHT1qgMBSOPqaTziBgEmoUIqXMlqbOvVcORydu1x5diOFCj6UhC9WYmoizsaQrxzVmA4MoPAz9aC5NIMYoPSmAhJNFJRQAUtG0jrx9aMqOmT9aAHAE9Bml2gdWA/Wm7ieM8egpwUt90E/SgBRjPAOPejGFb6GkQ/KfrThycfhQB7RYQ7YrNWGSkKDGcYyoAqvppImusjIDE8/XJrUgwk7g5G3ao49qy7Q4a+PYAn9Of6Ul1KbK1yGn0zTyGJljbnHvk/0q2zq0MrKc/KTj8KpteW9sIla5h+ZVON+SuOxA/Gpf7RsRCV3u2QQQsTkEfl6Vjzdy1HsYd5qS29/JDJtSKKAOzHk4zXKPcRa14hgaVGWOV0iILckdM59aveKIZ7vWJZLSOZ7bYihihXOB6H3rEt457a9hkMbKY3VjxyMGq+y7PUdPSpFyWl0MvFiivriOAkwrIyoT1K5wP0qEMalugWupnWNgjOSOD0JqIcHkVotiKlud2HZak3ewp7EMSVUKOwzmoiKZA8E4zgelLu46frTM8fjRQA/f6ijcD60yigCQAHufypRjpuFJGhYqFGWY4HNOdMEqRhlOCKAAIT0Kn8aTaR2/I00Eg9a6Dw9p0eoWd+GtTMyGP51UsYlJOSAD9PWonPkV2bYei61TkTtvv5K5hAcdDS49q25tHRSxTdtzx8/WsmdTBcPHzlTjk1SkmZyg4uzFtrc3V1DbjrLIsfHPU4/rX0E1wsMjKq5jjRY0x2A/wDrYrxTwggm8WacGXKpL5hHrtGR+uK9kEkf2gqrIxckoM9RjH+RSlcI2K2r6rdQWTT2ke5oV3PkZwp4J/8Ar1549xJcDyrhyoferSD+FW4P4f4V6XtWW/WFgDEbYh1P8XzDg+3FcOtqDrmpWtuIizMFCP2UN8wB7cnPSpbtub01e6PPZY3hlkicEOjFWB9QcVseERnxEPaB/wClL4ttBaa85VQqzRpJgDHOMH9Rn8aXwhxrrMc4W3c/qKKjvBszgrVEj07w/HvtLiTp+9GO/U/4VrWziWR89zurN8NYWwkU9Sc59OOK0Y1McKY4Zl/nTSsrEvVtmB8Rrs2/gSSPOGvL2OID1VAXP6ha8XPJr034rzlYdDss8BZpyvuWVR/6Ca80x3q0SyMmgHrSNwTQBQIdmuq+HSA+Mbd848uN2/TH9a5UV1Xw9YL4pXP8UDgfmtAHoet/8e4I43Bm/lWegIUD2rR1f5rIt/dGD+WKoAVyYjodVDqOA4pTwM0AUkp2wSN6Ix/SuU6TyuQAyu2MEsTxTBkHKs4+jkf1qRvvc00gdq9U8xjxc3Cji5nHb/WGrH9rX7QrE928iKMKsiI+B6DIPFU+9KQAKAJRdygEbYGz/egX+gFSxajLEPlhgB9VMiH/AMdcVSNHSgDfh8WavCMQXV5Djp5Oo3C4/NjWqnxH1yONEXUtbBA+YnU/MB/B4z/OuMxSZoA61viBrUpIuL2aZT/z2tbeU/8AoIqA+JUuWVbkxBf4mGlxgj/vlx7VzOaM0WC50UmpWAYbZrZgf71tKn8s1We7tJvl32ZB4I890/mlYufSjP1pWHc2bUW8Nyk8PkCRDhR9uQg8Y6HFXZLppoCRasdq8lZI2/k1cwcHrSFEPVV/Kk4pjUmjUngvIYw81lcpHIpKMYjhh04PQ88VQg+WQF1IAO05HfB4qHaByBj6HFSLt8lV3DcZSSM5IAA/xNNKxLdya/aM3ZEJJjCqFyMHp/jVcCnSkNMxxx0ppOaYE9qqu37yVYkH3mPJ/AdTV5bcMVEd3bSBhwRIQfxGMg1iCXHanrcyDpIyj2NFx3L0qXKyhvJlXb0OSASD17cVHeXHmgAQqncjOcH25zj61ULu2SWY57moyAerYH51HKr3NfbTUeW+gp4zkinO6tGhDfNjGO9MJRenP1pN4x05/KrMRMEmggDr+tHmHGOn0plIB5Kj3P5U3J+n0pMUUWAKlCgAcc1FTyeBzTAd+NMJyKMkikwB1P4CgABp2wkZxx6mk3egAppJPJJJoAX5R3z9KNxHTj6UAjcMjjPOK1tbtbBZRPpYkFmwGzzPvdBnPvn/ABpNpDSbV0ZGaKME0cD3piDuMVIsjxnKOyH1BIpmT6Y+lPiheU/IpNACDjpU0AzcR+m8Z+ma0bTQ5pQGkBC+tb1po9vAoJCk/wB5hhR/jWUqqRrGk3udHP4pj8yY6fC1xluJWyqcfqayhHPcoz3VySp5ZFO1B+A69BUZ1C2gP2eKNpJM8YGT/wB8iqsst5KgZIGwDtAcc/l2/E1HM2acqWxo291Z2qKAhP8AeCAKPzrH1rV7qW4U6fM8MIT5lVhkt3OcemKkXTL2dN7zxISeUY8j8hj9aSfRGRDKbpXVRl2ZCoH61C5U9RttooQ69qaoyu6twVVynzA+2KprJ5U6ySseXDOep68mkV1aTOAMccd/erdnpcuqSELtVUIYllJz6Dr3rR2QlJp3R0Ud9pNxIR5sDDPG7HI+lWZbTRvL8wrblPXYR/Suau/Db2sDzzKxiH/LSPgLnoSCDx9PzrKSOePiCeSP2JK5/Lio9lGWqY/aNbo6uW00TJJtCVA6g4z+FMstF0PVXkW1ik3xgFlJ4OfQisEfbE5ukSRNvDFd+M/7pyK0E1m2BiihgaJEH7wo27PHLAYHFHs2lowU4t6o1pPA1meVMqj6VVk8DxjJS6I+oq9p9xNfIZLW4fylOGJJBB9OtdHFaShdy3U11sOHVXKfrz0HPBPvWTqTi7XK5YPocJJ4KlH3LlfxGP6VVk8H3q/dkib/AIEP8a9GNvY7nYbpwUOFdsFeOW6bjz07GljmgAYRJDMQPMMR+YqB04DHB9/f8KarVBOnDseYyeGdTiIXys9xg5/lVeTRdSQ4NpJ9QDXq+y3nVvIgikZR5kkbJlhn3VQR68GoJUgLMY5DGquUZSqqxOODyT+fH0prES6ol0ovY8nawu4xlrdwOnIq5pUzWjSh3aNWxxtzkivSQGtonluVj2ou44YEkH+v1rOuJtOucl9oGehjBrT2qnGxVNOlNTizl1vrfdzKvPYgisW+cPfSupBBbOR34re1S0tlnKRbH3c4TsO30rAnHkzNGrHHvz1rSm0zOq29zqfh7ZpdavdO67hHBtx2+Y9/Tgde1d1YarbRzPb3D/vMFy8iDkk9/fHOfeuL8A3scB1GFHCXckYaMkcFADu/LINdE1tNA7zlYyUT5HIDo5+uevcGrl2MU7G7Pdpaar5zKZIvJGWUZxubP9Kha3tW1KS9iljJmkXLoM4+XgH3wBVewlkvr2WQp/CoYA5GcnP4dCKtrbW7+a1s2IXbex69FH9KzvfRm8WkrnJfEfTgtvZagmdu9oTn0PI/UGub8KDdqd1gkEWj8jtytd74ztXuPCd3n52iKypjBwFOe3+yTXCeEFzqd16/Z8fm60XvBpE7TTPV9FiBt1VRgMA7Y9xwK0F/e3JYfdXiqmnnydHjdeHKbB9SeP51dCCCPA/hHNaGZ5T8ULkS+KYYVbIgs41I9CxZj+hFcOx5rc8XXRu/FuqSnPE5jHsFwo/lWGiPNKsaDLuwVR6k8VRLCWCWFYnlQqsyeZGT/EuSM/mDTBXd/EPRU0620mSFMRwxfZGP+6Mj/wBmrgx1oAdmug8FsR4ssiO28n6bTmuerpPAqeZ4ttR/0zl/9ANAHqepxgWEo9Itx/76H9DWX0rWvGMlh/tPGyH64FZCnNcmJ6HVh9mPAqG9bZYXLekTH9DU1VNWbbpF4f8Api1cy3OhvQ8z/Gk4pWxk/WkNeoeaGaM8UmCeaMcUAGCzBRjLEAZOOtTPbSQqGYxMpOMxzI/6A5qFP9dHjj5hUAAKrwOnWgCwcEdG/KrL6TqKfesLrpn/AFLdPyo0x2gW7ljuPKb7OyjDlS2SOPf6V0UHxK16Lcji0mUkFsxlckd8g+9SnrYdtLnJODExEiMhHZ1I/nQSOxH512MnxC1CUHzdP0+QejqzD9TXLvfzNIHxCDxkGFWBx35BpiKtFWVvGH3rayk/3rVR+oxUi31uHLSaRYOD2BlT+T0wKBpua1HvNMdT/wASbYexjvZBj/voGs9jESdkUq+n7wN/SgBg60+IZMfI6E/TJ/8ArU6MRMsxdpVKRllwqnJHTPPA5pIQTOvFADH5kb60qjFNLfMT6mjOaAK4U55xTw+wYwPqa3JbW2uSxlUqxHDpwaoS6Q6/NC4kX0Iw1SpJgUGfPck/lSBWP0qXywjFTww6j0oLccVQEYjA5J/KkOBwBSnpTDQAppKKXAHU4oASgAmlyOw/OjPPWgBpp2cAU2nfw0AGcmkbrQvWg9eKAAY4z074p8ixiJSkhZz95SuMfjTBRQAmPU1oaZcorm2nBaF/0PtVBVzVyGxeRgWBRRyT34qZpNWZcG07oZeWbWs5RuVPKn2pIbOWYgKh5rat2t7i3k+1TIslqAyBuswJxtB9RnP0zWxp89u1sSlvGpRS3Nwigge7YP8AOo5pJJW1LcItt30Mez8OlxvlPA65/wAK0o47KwkKTYQ71TeRnBxk8fTA/Gmy6jfTxyPbqkcUYyxiIJHf7x+nas2YTSSRKFZhCu5mxnLtycn15qJKT3Li0tjUudXVAVtkOP7zjrWZJczynLSMc/hTRGMDexz6YxSnMa/Lx7kZNHKkO7ZpaHYR39y8czKMKNqBgpZieBjqeM9K7SPS0EaIsThQMhFjCBQOwrzgtIH+VWbYQdydvxrTsfEGpWEoMV1KUB5WWUsjc91Y4xUyg5ApJHeLYWoI+RVxjG992T6EH3rlvHF3DbW0OnQBfMmbzJMDog4UDjucn8BU3/CezyZa50zTZkwAAdwwfXKsPeuNvrt9Q1GaeUhd752qTgDPAHoAOlKnTad2DlfQhtUDzgSHCc98dOn64rvLDW9P0nTgkUckzM2+RipXcx6kcdOw9q4+wW1jk3zMTgZAzjP44rWk1Ey2qxrYWzFcYd97OMenzYH5Vs4qfQfs2tbr7zZTxtFHMFNrLHk43cOR+DGsm/ktb2/DaZA5kZcyAQbQG9h0Ax1zxUVromo39tvi028nlLYSG2tnyMd2cjCjnpyT7VvW/gXWrlYv7XC6dZsyosCNySeMkA/U5JJqfZcnvWsEnC1k7s5ic28UhW8unuH3E+TbEMQT6t90fhmkW3mvlUCElf4UcDI/GvV7Hwj4U0yPbKDKe+6XP/oIq2bbwhESq2Hm9gGBP9aweKj0J9m3ueX6ZbTaW8kiSR+Ww+ZDlkb0/wD15rQt9fgWRWu7aeN1+60TLIo9eGArvpYvCsiFF0VDxjI+X9M1Sn8NeH7mPMETwMQcKRkH06ms5VoS3Rai1sY8ep6TdyiVriUOw2nNkw/HKn+XHNaGNNu0VRIEZRtDeVcM3HQ44H8q5u50mCzllXanyEDgkdahMaIoyrEehc/yzVRUH3C0joL7U7GPLXdzO7dGeGyCE44BO5sZHrjNUpvGEslsLezW/n9HnlReeeSQCc8+uax3aIZYwxK3qRk/zqNpCFLsQoxwB1P0p8sB8sh1zez3caxTiJIU52RLtHHqxyTz+FZ81zkN5Lcd3I/lTJpGkPzkY6hB/WoSSx5//VTSHsRkZJwT7k9TWVdgfan/AA/lVu8v47bKrh5ey9h9azQ7SDe5yzHJNdNNPc5qjvoS21xLaXMdxA5SWM7lYdq9L0PUkvPDm9ZdqM4iuIieFY9AO4JwSD07eteX5IrS0K7SDU4Y5yxtZ2Ecyg44JwG+qk5H41o1cyPQdOkl2v5ce6FH+Y5xlsYVT68g8fStuS48sqFViz7mkCKDkEYAx/hzxVfR4Vh064ErBiLhlY/7QY81G0s0Ls5fbh9u488lTn6ZxmsmzRaIspEtzbvbSv8ALJE8ZyMBsqQPoea818HqV1wowxiPawPbDDP8q7u4ube1gMuoXUcAU/KXfGR14HU81x/hUx3Hii+uUJMe13BIxwWJyaKbTvZFVHdJnqdiu7T4kPVTkn07Crt2yhir8KWGT7dTUWnR4s0dl27sOR7dv0xVXXZfL0a+kPDeRK30+UitWZo8I1K5F5qd5dL92aeSQfRmJ/rWr4HsPt/i2yBUNHAxuHz/ALPI/wDHttc/j5R9K9G+F9iywajqHlBslYFYngAfM3/stNEnReJdIk1fw/ewLlph+8iB6lwcgfiMj8a8VIwf6V9GJC+CTwSc8CvHvH2kR6br5mgUJFdgyBB0DA4bHsTz+JoA5TIrqPh8GPjO025z5cvT/cNcvXSeA5fK8ZWLDuJF/NGoYI9QuJViRQ5KqyPjAzggZ/rWTCxMSH/ZH8q1b+L96o+Uja8nPtg/yzWMsCKSpUZHpXNiFdJnVQLOfWqGuuF0K8OeqgfqKtqoU4BP51leKCV0KXBIBdAR7ZrmgveRvL4WcHnmkpKXtXpHnADijPNJ3pM0AOU7ZVI7ZP8A46aiVfkUewp2cbj/ALDfyx/Wj6UAXrQ2q6fqIlJ84xoIcN3LDP6ZqksYDYLVpW1lYzaRc3Et3FHcxq7JGxYFsYwBgYzWTv3HHXFJKzY73RZaE7eMn6Kaj2YODx9eKjzinpKUYNwwByVbkH6imIcdo/iX8DTSvvR50gx+8Y46EnNHnseoUn1KigBCMDJ703NOZ1ZeUAbPUDjHf8ajwcBscEkD8KAJFIEc/vGFH4sP8KmtY3LM69h0qsDhH9SyD+ZqQ3crzPJKxd2OSxOCaAIzG4/hakww7EfUVKkqqwJU49M0puSCSpI9O9AG4ItxxV3StLbUtUtrNc/vXAY+i9SfyzUCMMfWur8Ey2sN9cSM6+dtEajPKqeSfx4FYN2Lpx5pWOrvvD2kXQAlsLeQDCjdGCR6dqxrn4f6FPnNiIj6wuVx+tb17K0ozAWVh3Heq6W+puhPnxDIzkISf51HOdvsl1POfEXw+NnEs+lSSTAtgxyEZH0P9K4aeCS2lMU0TxyDqrrtI/Cvb0eWIXNkZo5CM/K4IyOoKnPrVe61Hw7NtttaEEUrgErcxkKfXa2MfrVRqPZkTw0d07HioVmBxxgZNNxXpl74K0fUI5bjRrxIwQRhX8xD+vFcNq+hX2iyqt3GNj52SLyr4rWM1LQ550ZwV2tDMNA60u00cA+pqzIbS0HrQKAAdadjinRQySn5FyPXsK1rLRJJ2G88Hp6fnUykluVGDlsZKxlm2qpJ9q6Tw5ogurhTIEEuQUEg+X2Nbdh4btoIw0xPXkLwAP8AGtO5+fxffJKFYeapieM4HlFQYwo6bQhAFQqnNsXKnyWuamofDy9t7W3LywStMhZIYirNgDJPHTgfpXC3T77LyhFGqLwGztJPTt7V7nrYEHhnTmhldpAh27QFxz0yOe9eY22oT6atwkc0IUvvaOSNWHCsAcEHpk1TiiVKzscClnLIwVOQCSfTg4OTXVeDtLR7q4N+GNqsMn+qO8k7SAuPc45PpTPFOjQeHfFFxp1oxa1EEbwsx3bldFbOe/Oea0PC0hEnklVZW7e/X/GmIw5obyzju7eHCx3KBJQFBLKDuxk9OR2/lWx4U+xxWsjXTpumcSKGI9P50awStzKFjCqoAIxjA/8A1VmafL9jtpQwdlCgYQDIBPv74qZ6lQ0OruLCxuWZ1jVjnhmXP15z71Rk8M2sw4RUOCdynv71T09XZRcrNJGjAhUAJx9c96011WaFTGs6ugGSgQNUWRrcwNQ8PGzIZC7bsYAGevtWc0TW4JL7FK/xn7yjnPHbn+VdWzXd7D89sgjUfKSSPcVR1C2nnnFykasAUIiYjA244B9OBVozb7HOBYwwLKzs3IU8Cs64Ui8l4Ay2cDoK2XiupnjjltyixnmQD73P6+1ZupIE1CUBSo44PUcULcfQjjAKsCf4TjjvX15ocUT+H9Mlighy9rExOwAnKD096+Q4DlsA9a+tfCDNP4M0SQSEA2MPQf7ArSOxEy3eedjaJCP9lI8/qc1wviwLHps0jPhkO7fI/wBwDkkn+EV388PyneS5J6Hp+Vcd4sgB0i5TauPLbjHFTJXRMdzgo3E6Fo57ecH/AJ43KNj8N1WoNLupVMkVpPIB6bf57qxF02wLAvbwZ6jahTH5Gplit1BRLXcp4OZHx/KuD2KudnMzSktpLcEXAt7dTyWmu41x9AGNVGv7GKQIl+LrPWOxUyN+JICgVQFvArqkFnbEr1ZlMn57iRTJZZWbyjI/HO1cYH4Cj2cENczFvZRPlUhEK5GQX3u3f5m6dew9OpqgzFWwAM91JzVphgDsQMlmPAFZc9yp3LE2xR95z1NP0KWgs84QBUjBkPbHArOlnbkBiT3P+FEjlgdowvp6/WoThV3N36ep9hTSBsQDgk8e5Nathokt1bxXk4KWbttTs0uPT0X379vWlsdILsst4g9VgPQe7f4fnXW3RxotiRz+8f8ArRKVhJXPFymHYnrk1Kv3aa/32+p/nSg/JXecAuamt2CXETHGA6k59mFQDHengE4VeSeAPXNAHtmhbGjuIZASXlc4PfLE/wBD+K1xXjnWL2y1Z9Ps52gtmVJW8vhmbkZLde3611kUUsFukquyeXHtPGMnOWI98gEe6+9ec+Mbn7V4geQkE+UucdAeT/IilZXuU72MJnZ33uzM3qxyfzrufh5ZecLydgSpkjiIx14JP9K4TNek/CzZKt3Ergyq+8pnnGAAcfmKZJ6Qo/dkLjHcVznjO5Nt4Z1GTu0Rj/Pgfqf0rpNjJHkqRnocVxPxKvPI8NfZwfnuZ0T/AICvzH9QKTGjx9h27V6R4XiNtoFrtJVpAZCVODyeOntivOWUtwOp4FeqwQrDbxQBRiNAnT0GKwxErJJG1CN22aUWq38DEpdyfdC/MFbgfUVxfjtXmt7S6kdndZGQk+hGf6V02xfTH0NY3im1E+gXBGSYisoyfQ4P6E1jTqS5ldm84LldkeefWtfwu6xeJtOZvumYKfxBH9ayKuaRKINXsZWOFS4jYk9sMDXccJ7PqY8qa0Y7sBMEn34rGnMjXcpVlUBtuGXPTj1ro9Yg8xHxk4zj2x0rmd/mTOw/iOfzrCv8J00n7wkEzSJudQGDMpA9iR/SsvxRJ/xKUj7tMP0Bq9bvmHPYsx/8eNYvimXFrbj/AG2P6D/GuamvfRtN+4zlWGDTcmlZhTc16BwDwKaRzTw3HNNNADG+6/8AuH+Yp8bESqdwTB+8RnH4Uwk7X9wB/wCPD/CigB5nZlZSpyTt3Z61JPc3VwkSTyM6RDCBh07fyAqAN8mzJwG3Yzxn6UEk4zz0HPt0oAdkf88/yyKQ7Mcqw+hpvNKGIzxnjH096AA7OxP4ikAG1m3LkDoTgnnHFKWyTx+lNP4UAIelBwKU7cDrnvx0/wAihl2lfdQ30zQAh/1fTgyfyX/69NpdxKqO25j/ACFGaAE6UmaKSgDce8W3haRjnA4HqfSsOG9uYLsXUUrJMDu3g80yS4lljVHYlVOQDTBxUpAnbVHpug/EaCREg1MeS+NplHKn/Cu8ttQgkh3RygxNjaFO4v8AlXzsRn61e0/V9Q0mQSWdw8XPQHKn8KzlSvsdVPE2+JHq+qajFJd+YBsRgYzkDcNpyDnt3/KuD8UeJRqsX2JYeY5ctKec4yAR9axbvVr7UmjV3PynCJHkcn2pkOkajcMwisblyuQ2Im4x1zxTjBR1YqtfnVo7EEFzcWkokgleJx0ZGwau3+valqkEMF5dPNHCSUDAcE96qSQPbybJ43jcfwuuDW/4b8LNrUonnJjs1bBKn5nPcD/Gqk4pczMY8z91GBFbTXEgjijklkPRI1LE/gK6vS/ht4g1JUd4Es4273DYb/vkc16GTZ6HYNY6IscV7Km2KJACd395vYdeakuIPE0biafX4LYIrM0McAdF4wfTJ+vQ9Kx9s5K8RuKi7M56y+FmnWUivruqAhm2oiMsKsfTJySfYVq/2X8M9OQ5NnK6HBG952J9MZxXNSpr2s6i0UIbUmhPNwJNqAH13YC/SqF5oV3E0hd7KV4DiWO2uFc9PTofwzWfNKT95mjSS0R2/wDwkPgmMKYdOSRh0K2CjH51G/jjw4jG2h0WZiR8qCOP5/YCuGs7q1hthFskmnbO7JCgH2/Cr/hu8vdP1Ay2thcXCucyrEu1iO37zGQPYEZrPlet+ho7WSWrfY6JfEWgyMy3+jXFmQ3yZUncPfGOfpUlrbaBd6gH065T7S2SI13ZbA6YPT/61W9N1CPxVIIroWSSqzmUSxq0iKOgRQMnPc7uOe9cTc6DqdpqrWrQwRPuyqxTCQ+oKhSWAxjg4rRQaV72Med3s9T1CfVYpNLjt1BDRuV67gGP4Dj3rjo5rB9UvItRsVuY57dkQlthSRWBDK38Jxu9foa00ja2s4rS8utt7cSKqRlhuAGCScn06ms2S3eK/wDNjVJXjckL1DA8ED862pzlKNyZRSkc7NZNNMqPJI8kEOVGcqIQcY56bSenTn8K09KtZbCRC4KyhlkIJwRxkfoa3tU02U6hDNZ7IXgQjLr9/dww79vUD25FNhstl1slhlSLao3KnmDpxg96pSG0ZHiC4juLo+QuIRGv48dfrmqehr9pmkQHLmMBlIwMZro73wst1OBbzuikAASL5e0e45x9K2dG8LadpLKVklkufmEm7amV64GT0PHqaU2rBC5lWui+eFMcTOo5/c0XXhtrKeN7i1KFfnAZQ2D6/X613qaRDIBJc3MzsBwrSsRge1TIumwkNLYLIpOGLck+vXp+dZXNDzqS3KK0bSKQOd0bZI7/AEqhLbb8JEMOfvOSCAexA+lem3en6PxNHDcWKjrMu0oPwYYb8DWReWGlTpn7dukIwHt7TZuPbOTj+dFxo42LTsODPI8jZ4wNoHtXI+LbYR6ssiR7IWiQKR0JHBxXe6hb2mlxpLemb7S65SLysM/bI7Y965+5vLkoxmjg8o9UZd3HuT/hUqoovUvkc1ocTAmHGRxmvqz4fSeb8P8AQ2Cni0VeB6Ej+leGRaVpk6o8toYmf5gASDjtwOldFZQ2cECW41C8SNBhYhcuFA9Mdq3jWjbUylSbPZNRv7OyjMl5dQW6Dq00gQfqa808S+MLPVopbDQle+lkyrXKLiGMdzuP3j6AVmLpeiLIJfs0MsvZ5T5h+uWzVvfGBhSMDgDHH4DtTlWXRCVLuc/NaXPmfKSuT1HQfhUqWwRh+6B4wSO/1q3cXbmfy4kVcdWIyKgnlfbtAUD1wea5bnRYinZlbAxuPAyOMVTlaKKIyysNoP8AAMbjTri9EKgRfvZycEKD8v19/b+VYV5eNLLncXkAxknIWpbGkJf3jTffOxeqxj+tZrM0h5/AY6fSlcZbJOSepNOt7eW5n8m3Te5GTk4Cj1Y9h+ppoew3azMqIpZ3OFReSx9v8a2rDTBass8+17k/dA5CfT1Pv+VW7LT47FCQfMnYYaUjBI9AOy+351ORk/zanckjH49eT61o3kqf2VaRb18xXYsg6gGqMjiEZOAwHAPRfc0SW8iWaXMpIMr4VT1xjOT6fSpZSPK5P9Y/+8f50o+5RL/rXH+0f50oU7Rwfyr0TzhKcrsjB1OGUgg+hFJjB45owfQ0Aeg6j8Q7dtP2afZv9pkRS7zfdjfHOPXnp0rgHdpGZ3Ys7HJJ6k96aPpxQelFht3EoSWSGcSRSPHIv3WRiCPoRS1H3NAjrtO+JHiWwCK96t5EvRLpA/8A48MN+tQ+LPFjeKBZM1oLZ4d5dVfcrM23kd+i965gGlBoC5d0yH7Rq9nDj70y5+gOT/KvTM5Oe5rhvClsZdZExAxDGzfQn5R/M13PeuPEO8rHXh17rYuar38fn6ddQ/34XX8wanzSZ+YdMVgdB5GvQH2p3QEjrg4xUk8RgupoSOUdl/I03FemjzGrHrF98QdFsLdVgjk1C4Kq2EO2NcqOCx6nOc4FY2lakLyCKZcbpGcugH+rx0579q4Cur8JnbY3pzwHBx6fKaxrr3Lm1F2nY3bXiyhyOqg/nWH4pP7u2HruP8q2rcYtLdP+mSD9BWL4qH7+2TpiMk/i1c9L+Ib1P4ZzOCRmkxipgAowaa3NdxxDRilIpnSgk4oARjyfcr/Olpp+9+I/kaWgAxRRS0AJ2ooooAMgUlFJQAvGMdqHYu2WOTgD8BwKSg0ANyCF47H9TRTmxlcdo1B+uMmm0AIaSlpDQBtWPgvX9Qult49OkjkZN487CZH4/WpJvA+tQMVlhiTnGTIOc/r+lesJaWNwwP8AaKKF+UBhITye2Txx7fnVuOyhGP8AS5ZlAwAZGK/TniuJ4mV9Do9kjy62+HtzsBu7kRuwyqxJv47nnFbcXw4tZIQVS7lYLyWkC598AcV6Va6TGMv5W8uevv7fgK1Ut7ZhkzmNsYOFycdxU+1m+o+WK6HmOk+GLXQbsTRacXlBHzvJuIHsegrrY7m1nAADJKxPyy85J54PTr71utp0DEFIiQvJIGOPWqF/pKO5jj3ZY8pGOv8AjWU23qylbYoXXh+yuovMvYYnB+4XUH6k8HgenrWWND+yp5enWU0lugOX81I+ncL90euM1dlRonxPLGoz8ouZCAQDxhF5Ix6nFXormydVF3rcs4GB5VsnlLkcenp0PWhXtYdkcMnh29tdT+2Wmp7blcukczBHPOOqlhjPtzWfq15rEM7LepcTKICjEgiJCepyMjI75r1FHjuFZLawRoyCDJO4DOehO5snpzjvWdc2k2nq+6FE3MyhYpCwBJxzuJ+X6e3FWpWE0eXWTx3Vmtj5VzKiuzeZHMsZ9s7sgjHrUlnDAbk29lHcGViMyPPvVPQ/IoUfU5rsdTEemCKeHTbCUM2x/NhB2vyRhh+PHtUa+K7sLtFjZxgDAVFbHv3p8w0r621OK/sO5mnnWzs5pkV9pZEJAx749q17XwXr8wiCWgts9ZJrnlfpj+Vbc/irUZowqGGEA9Y05P559qy7u+vbpds11NIp52s2B+QodRiVLudJpBsPCGltBdXMC30gJllhAeVweVUdlXgfU5Oaw9Q8XZaZdNtEhEpJknlAaRvfHTP51iSrtBJwoq/pGnZmW6uYztHMSHjP+0fb0pq8t2HIo7HS+HLqXTLG4eZY3vrs5mmZd0yr2QMeAO59/YCnvOqyMyxN5oz85HI+h/wpkRRdxZnVumMY/wD11Vl1CObzUt4Q/G0tvIQf41td2tcm2t7EwkmlI2ZOepPQfjRcat9iCxBgZBggnI/SqgM7LlXZiByx4A+noK5/UdQjkysREjDrKScfh6/WpRW50Y1u5BH+mFmzkKB+ua2tM8TSRmNJY3muAf8AWfK+O3Hr+NeYxPJe30cVijGZzyqgnYexz6V6Lp/hqdzulcbSPu7Qf8mqbtuTZHTweKbS5IVWWOTj5PLO7HqAMj8Ksf2veywtDbW8SBus08eX54OF6fnn6VDYaNb2UYCx4z3PJNaH2cgcLj36mocgsU47UySB7jfLJ2eRtx/D0/DFaAsoLiJkZRtIwQT+dIy45IPPbNTROBudQcZ+bPalcGeUeMLWTTfElxEFeV3AkDu+cKRgZZjXPmOa4IaWQOo52pwPxJHIr1fxZ4Wj8S2kU8cgjvrUYjcnh0znaf5g9vxriYtJ062H+kahGsmcGN8qSPp60404t3L9o7WM63E4cl2GSCWIP86vwmOKZWkZzGWwxQZYfgcfzpJXsrR0NpLFt9MlvxNVr2+kmjwZlyVxtWPHHbt/9eraRKuyy16ytthjKhicF/lJHTt0qBpi0gVlDMTgEH+WKyWleNwThsdj/hVu2SUiK5ugUteSOmWx6D0zWbRaNiGOWQ4ErRIo3M+dqgepNZuo6r5rNHbEhM8yZIz9M8gdfemahfyXaDcywWwOY4U7e/ufc1lOxdgSMJ2HrWcpdjSMe4juSGweD1Y9TVfByP8A9easSDZkNjgfgKs6bpL34WefdHaH7oHDzD2/ur79T29alalPQpWenzajLiI7IFOHnIyAfRf7zfoO/pXTW1pDZQCGBNq9TnlmP95j3NWAqRIsUaKoQYVFGFUUiqWbA/E1VybEYUtn07mo5pFgUjIBUEkk8L9afczpbRuRIFCjLyE8KO9Z3h2a31+7uZTk2toyBIyOJGOTub2GOB+J9KOl+gPTQ1tK0w3BW8ulPlfehiYcv6Mw9PQfiewqXXSfs8J65k/pWyScEnP41ja6f9GiP/TT+lZ3vIu1keTS2JaZysgzknBHvUJtZgeCpPs2K1pAhlYGIjk9Gx3qNlgDDcXHGcgdK9JSPPcDNNtdDrGx+hzTSk4PMTf981p7oW43MPqtPVExkSL9M0+YOQx8kZGw8detIzr9D7mtraSx2yKxPYMKURseGRW443DNFxcjMTI9aaBmtO8hRLViyquCMFR3rL6E4ORTTuS1YcBRjn2pYyCwycU7kv7CmI7XwtaNbaX5+ELXB3HOQQBwB/M/jW6XcdY/ybNYOn+ItJis4IPtOwxxhTvQjkDn9a04dVsZz+7vIGz/ANNBXBUUnJto76bSikmWxKvdXH4ZoMsYHLY+uRQJVZfkZW+hzS5GOeMe1Zmh574hjU+IbryiDu2vwe5UE1lda3PEqIdbnkgYHCqJPZ8cj8sViFieRXo0/hR59T42OC/KTmup8Ngpol3Jj7xf9E/+vXLoMjbjrXb6XHCvhlfJBAeFi2TzuPDfrUV37pVFe8aVvHtjXP8AdA+mBXO+KTnUUX0hH8zXWInUdK5DxM4/tVwecRqK56OszoraQMJhjilHSkBD8mkY4rtOIXZmo2GDTwxprc5zQBH3/wCBf0pScZNNz8/4n+lLnkeue9AEu1BtBJBIHJHGT25/nTDt7H9KsSTG+kijkkihxu+fBAGee30xUTwiGV4vMSXafvxnIP0oAjxz1FOMTL1xj2Io2EgkFVx6jk0biQMk9c47Z+lADSjDtSbSPWnu5YY4H0oSWRPuu30zQBGeOtIx+U/SpN5aYMVXBbO3tj0qHkx+5FAAOCec80tKeGfHTcaSgBDSUtITQB9B7WikCyJKkZxtW9WPJBH54p8TxwkLNJHKrL5iwxAZXHHVTwa3o7e3nQqsBVGyfmOfryaT7BaRkbQm1MlnIG32GfU15LdtjsMOzvblLk7I5FGDxjJxj1x/Sts394kKs8xjRU4JhU/L6nB6Z/pTbi3DqMKRG3Kx/dJHYkA8miC0+xBXhg/f43MTkkD+XPrQmA2W/MkI26hKQMgM6iJOeccZP4VWjk8mUSNdXLkkri3iJUDJ6O/4cgfrWotvBG3lvHHJuYMRgjHHOD2Puakki2oGjZSgHO05x6/hzjPem7iMeHSbaO+e7jnnlnIO4zwrIrnHY49e/YCrUU98W8u4uZoEJ+X7MQm306joK11vY+ElBY4+b1zjH8qiuxbNGxLogBztJ/l60X8wsUbi1YLGNQc39sMKkzcFcjgYBxWdqFt5SpFa6gZIJQVWJhuZT756fX2q0IZ7lCFX93nO53xj8KydW1ew0K2ZZZy1yyhmhVsFl7Z/z71S97YNjn/F9wLVbK0MxJll7kZIVSSfzx+dYkc8Q4Lg/jUlib3UtUm1252RNcDbArgt5cJ/ujsT6mt2II8rEwqSTwcDOPetHTQ4yaRiqvmcRQu57BVJqzFo1/Pg+SsK5+9IwH6da23uowMYGB1JOQKje9KrlU5PTA5NCpxW5XOzPTQIrdxJO3nMDkFuFH4U+e7gs5Mbd87Y2xhck+/t+NU7zUroSATOsak8Krgsc8AZHT8KqwSBMSKAc/exk5Peqei0Etdy7LLeTqWbZGvXavOPqe9Rx3N5bMCDDIP9oEYqCS4kQhd+MjvyRTPtQjUIoJUd+9SmymkVtW1C4l3eeStuONq/xH3PeodH0SXVrgteSNaWAXfI4XMgXI+6vTJJCjPrSXM8lxKLeJASpG9m4C+59K2YL9hHNFaRq7Tbckr8q4Oc+/0FW5KKuyVFydkdloUWi6eFt9PsFtl6MzEu0mP4mf8Avfhj0ArqrP7PcSukAYSJ99WX3x1rgNKdtoimk8xm53EDrXQ2c8enz29+LgPLNIIxFuwGPYn6cZHesYVnNlTpKJ05jEeCowc+tDJuQNwMn6UllfLqum/a4oJIWDFWhlXDAg8EeoOODTZpVGfKkOW6qFyK1ZkV5gB8u0rnpjkVRaSWBy6q7dielPmn3MQVcnngdP8A61QZBXHm5P8AzzUEgfXtUjIpLjzPmiLxMevzcGqUtq0wZJEcgDLAqCoHrtPFaf2KU/PPKsUfuOcewFV5mQqFDnywcAZ60agYaeHNLF49y9mj7xyqsYwT64XjNZmo6NYx3MVtbJNA8hOzzXD78/wg44P1/Wurfy7WLz7p0hhHAL8bvbJ71ymoa/dz+ZHbkRRbsqVUAqO5Ddc4xzVqTS1Dlu9DOvdNFvenT02vcqQGHYGs+4lcTkMRLJHxs/hjx9aRpRgpHyc5dxwfz7CodgOM7Qg9vlH0HesJTuzeMbLUibe7FmO4n+I9PwprsETcfUDI5JJ6AepqZgWlSKNHkmk4SFPvv/gPc9K39N0lLNhcTlZLr+HbykWeye/+11PsKSXcbfYo2Oh7gtxqCYAOUtjz9C/qf9noO+T02ZCc9TuP6VI7ZJwenU+lRiIueuFHJJ7VQrDEiL9OB61WvLyC2t3cyCOBB88ho1HUILO2aSWTyoE6k9W/z6V5zqmrXOu3OxQY7VDlI/T3PqauEHP0JnNQ9R+sa1NrM/kwBo7RTwvdvdv8K6r4exrFHqKLn/lkSfX71cekSQptX8/Wux8BH95qAwR8sX82rWqkqbSMqd3O7O4PQ1ja5/x7RD/pr/Q1st0rI1sf6LEf+mn9DXHHc6Xseaso8+T733j0PvQVVhjcw+mKfLxNJ/vt/Oo8lTx1rvRxNDWiAOVkJOOhFNeNimMqc9ecVJ8zH/ClxzTuLlRWWCQ8FAfxBpW3xqcKR9AasEt2ppY45zz2p8wuUpXRdrRWdycvnHtVACr99v8AKUdlPI9PSs8fjWi2M3uSAfWrFtB57kHIUDk9/wAKro2OO1aViC4c44XgHtTbsgSuxj6VH1S4OfQrUTaXL1DRkfXFagDdM8etO2jkgfWs+YvkRjC0u4uUDf8AAHqaO+1e2HyT3Sj3JIrTxkYHSmNxwP0o5k90Pla2ZkyXMlyCZTl8lmJ6knqag2gHIOa1J4fNibg7uoPpWWDmrTuZtWHE4PHX2rotI1u1ttJayuX2SBztO0kFSQTnH41zj8HirNrZiaIO5YEnjHpSnFSVmOEnF3R3seuaXJnZfwZ9Gbb/ADrk9fk8/VpmjYMuQAQRggAdKqnTFzxKR7EU9rTKIqvGcLtwwIx7isoU4wd0zSdSUo2aKZRweUYfhTc/3v1qZrSZCcAH3U5ppjmHBD4H1NbXMRgA7UMPWly4PzD8xS7gMcAnuKYEAGWP1NOf/VFMDk5zjn8DUmEyTtIz6N0owvq1ADUiQMyiQHAJyeAcDtmkwueMflSkKO4/EUbfp+dACFd38X4bqUKQOn5UbfQH8DmghiAGLYAwM9h1x+ZNACEEdj+VNoOR3p6SlT8y7xg8E+x70AR96Q8AH/aHFOLcNlQeODjGDSAgMpPQHNADV5XPrzS0i8KPpS0ANNNNPxTDQB9UzQ2jNGYjvkxgBBkfkDQPs1ntaSRWc8qhPC+/HeiCPSS+Y5bcuM/clAP6Gpks9Dx5jTwKB94mYED6/jxXlKOp13IYbi2EplaWMk8tk/eNMk1G3jlzHtOeqxjP5elTtc+GopFRbi1kkYYUIpYn/GrEus+H9LKrJMu/GSsMe4/5/Kq5GHyMwG6kJ+zo08j/ACrhSAg9ye9LDY6uZN3ywN09TUT+O7KEAJb3DyMSyGZs8dgFGc5qCPW9e1t8WkUFhCDgySjLtn2xSdO49TQ/sh45Fa6vCVzztO3Ptk1T1DWNG0qByrpLKq5OH3kc+p9ajn0qe9mWG9vXMO37sXBbB53M2T+VRt4V0aG5DfY94BBxI7ODz3zVqjYnnRx2t+P53jaKyxbgnkofmx9e34VzOlQnXLuRrl/9GQ5kPUuOgXPcsep9AfWvZ5tJ03bGo0+0Vd2MLCo7H0FWZ4YjYiPyo/LAHy7BjqO1bRjYnnPPRtYqFZVHTAx/jxSrcxFJBEWZlJUELxkdTn68V6HdRxixMYjQIFKhQgwBWVq2iaYbUqkFtafLnzVTG0CnYFI4C48sSLJNIzFedp5yP/11QvtSlEflkiJGGQAeTT76SS1vhEH81WG5OOMZxnH4VVKOLkuCpfuCgYg+2ahWNdykpkdgxPlKR94nGa3tKsxqtzBaGGQ3Ln5ZLaQAMB3dW447kGqkNuEBclSXGCvHrWlp6GGfz7e5aKSPDKUzkH6/06UOY+U37nwJc28RkusxRR8s81zFGuP+A7j+Qrkbu1nN81tbpGBwwaMHdgjIyzcjg9q6W68R6t5BU6lLnA2lQN34MBxWHDqtzDEY0teSDuklmxvYnlsYPb6USmre6hRg7+8CaXbxKS5U87iccZ9hUJvC8zQ2ITCnDSN0X6DuagYXt98s8yBO6RZXd9T2FWotMRYQN4VB26DjsBXMqd3eWp0OdlaJdsJPssjusyXUjJj5229euARgfhXZ+HtHiksFu50El7K5dS65RMnPAPfp19PSuLgzAVWNQdxyGK5JrWk1/U7RAyv5Nvj5UwGB/PP862goxdzGfNJWPQre11GKdpTI0u5ejLkfXjmrckIZR51m4z6Kef0ryxPEuoFCxbBblmVQCT+Ap8XiS8Z1XdJkkEfvWP6Hir5kR7Nnfzy6aCR9mYnpjfjNQNEjN/o9j5ee6xOx/Amuci8Y3qQjy/Lyox93oOx61WHinUnneSEoWPDMykj+ePxovEXKzqDpkkjZaKVPUzPt/nVa+v8ASPD6rNcM084yQkbAkn39K5bU9fuGVFecTuwzsibCqfcDH5Zrn3WWNt0xPmOu4Lnkg+tTKUY7FRg3uW9b1y6128We4URQx/LFEnO38T1PvWS5aUbcEoP4AePxNSPnO5+T7nA/KmH5lBbKr2A6t61g5OTuzdRS0REVAIVQWb+6OlOjgnu7j7Paqslx1ZicJCPVj/Tqf1qewtZ9Vci1xDaglZLjGfqq5+8f0Hv0rp7a0gsLcW9tHtQcnnJY9yx6k+9UlbcTfYq2GmwaZG2zMs7jEkzj5n9vZfYVOx5wPvdz6VI52k45Y+namsEjQlyAO59T6ChsEiJUUAl/lQdSaz9V1SCytjLKSsecIgGWkbsAO5puratFYwh5QWZjtigT7zn0H+PasBIJrqcXt64a5PCKp+SJT/Cvv6nvWlOm56vYzqVFDRbmZqtrqGsqLieZUKnK2o5CL9e7VnrGsMYRAR9e9dTFGd+Bxz0NY2oWhWYzqB5EjFVIPcdeK62rLQ5VJt6meE3cn8q63wPxc349Y4+PxauXxjrXUeCCftl7xx5Sf+hGsavwM2p/Ejthk8/pWXrePskf/XQfyNanSs3WsGzT/roP5GuNbnU9jzSfP2iUd97c/jTAvqaszAefL2O89frTSmBXemcbIh1x+tJjueakKdc0FeO9Ahh7ccUpA29/wpdp6DpS7CRjPNMCtIgmRkbuCM+lY5UqxVhgg4NdC0fvn1qtLaxud2wMaqMrEShcyY0LOqjqTgVtRoIkEaD5R+tRxwiEHYAvuBTwFHJz+dEpXCMbEvI7/hRn9aQDjgYpM4NQaEoH0xTSFHvTsE//AFqQocdPrRcLEW7ByBWI48qQow5B71uFR0FNaNSPmUN9RmrjKxnKNzFiXzZ0T+82P8a3EXBAAwBTEiVGJWNVJ7gVKo7CiUrhGNh23PNMK+p/Kpc8Y5qOQ9B61CLZGTzQWUdqds4xSBQCSfyqhDc565xTikZxkA/UCkBABxxmgrtUGi4WQ14ocfcUH6UxbeI5Ozn2Jp+wkZOc0g9O1O7J5SN7aLOBuXjBw1L9ijJP7xwO3ANSEjPWk3E0+ZhyortZddsoPsQRUbWzqeGU/Q1cU/Nz1p2KOZi5UUDBMD90njtzTCjg/Mv4Fa0yQq0gYnrT5hcpl4HdVx+VI0YbAA/I1pFlJwVB+opnlxnrGv5U+YXKzPZQACARnpk5puDWisMIY7ogwIx1PH0pDbQkHCsPT5qOYXKzOI9j+VRtWi1sOzEfUVWuLcpGSGH0p3QWO1C44IwRVuOUqm0EAHtVa3ha4A8ol26BVHJp6KuTk85xz2rzpaHekXDdSFQhlcqPujPSiJmlKRAKue+3+ZqJFTPDc/WplYRklB8w6E81NyuU77w/psWnpHcpJHK03BYLyh64zW63y6gDn76fy/8A11xuk6pM9oiQgxZORlN4B/nXRC8uJfKbyY96dSWIB/SulaLY5Jb7mjKMXMR/2iPzH/1qW44Of9n+RFUxLeybWeGDIII2u3+FOKahO+WkgRMFdqxE9fcmncVi7Nz5X++KZcMFsd7EKoAyScAVFNaGVQLi8m2g5AQrGP05/WljsIGA2xSTY6FiWH5txRdhZEcuo29xblbdmmJ/uKcfmcCqN811cRSPdvHFAcgRqOSPQnufpWuU2DBZI/Zfmb/CszUpPJgdo1w+P9Y5yw+npSs3uPRHnVza3Eur3c68BSsYAHKgLnb/AOPf5NVzAz5DKBtPzE55rasXhNuxd9pLsxOMk5Y804/Z0Zh56DJ5BOTWbZukZMdm0mAGYDrgdqvQwuhWOOMuMffY/wCNaUKxBGZQXwOdq9Pqe1PMLPlmVduc7QMD8fWoKuZ10gtlErIX3HGScgVRumiPzFyCece/t6V0F3JJdFDIscSogQLEgGR71k/2XHIzMyls8jLd6aSuK5QinjBxHtLntjp9TV+ztEkkDsolYHJZm4H0pjaUQ4APlxgYwoGTV2Cz8lcM0hAHfGQB9ab8gT7mrEkMa8ICTycjJ/D/ABpWt0nDPMoCkYKHnP8Ah/OqcF4hBCmSMK3AcZLe55pZLkyqV+QpyCSMHNSBHcWwcMMhFGNqqvTnrTYLC33fOpC8sRnp+P0pj3swgCQpIygEYOPm+npULtMkIuLlhESpURqwZSfU0wHiOz+1FfM22u7G9hhmx1wKrXV+hkMOnNIIMfeYYY5FU2aSdnldljDDDMBgY9APT2pgkTaEjVgnOeeW+pqJVLaI0jDuPDRw4Cld44JHI+gqORXZSchAe5OCafGGc7YogD2PX9agvD9kMaspeaU7Y4o/mdz6AVnqy9ERSSRwKzFl2gfM79APWr2m6JLqeLi+Dw2R5WI5WSce/dU9up9hWhpXhza8d5qiq8wO6O2BykR7En+JvfoO3rW8/wA2eeverSt6kN3IFRI41REVEQYVVGAo7ACoizHhRzUz5Iwe/albZbqCwyx6LRcdiIqsK75PwA71g61rMdhGoZfOuZeILdOrf4D1NGua8LORYIk+06hN/qoAenu3ov8AOsy102W3WS8vFee8uFy0xIAwDyF9FFbUqXNq9jGrV5NFuVLe3mec3d24mvJOCw6Rj+6voP51bPmNlCm0L1LcU9Q68KqoWHHcmo5IyT++cnkAFv1wK7EraI4276sZdTKECW6kseN/TH0rKv7wpt0yNFKwkPK+M4fnC/qa0blzCG8gOu0Y8xuG/Advr1plv4aLW6TQyKTMBIQX5yee9TOSitS6cXJ6GGAQckZNdL4Mb/iYXeehgX/0Kqkvh2/TJERP0Gf5GtDw1Z3FjqE7SxMoaLbyMfxCsJyTi7G8VaSudlWbrI/0NfTzB/WtFOVqhrAzZDPaQY/WuRbnT0POZzi5l9d7fzpo+X5jT7nm6lwDxIc8+9N68dTXcjkY05POB+NA5qVYzjJpyqCcUCItmRTSpB4//XVkjGT096YeufyoCxCVIGT3pmCW4H41YILUgXii4WKxQk4OeacsOMnripwnPAz70hIH0zRcLEW35hnFOCZPHQdeal4AzigkdBigYmcZAUe9IScGlwANv50m3JxnrwKAIWUke1FSFe350w4B6U7isJ1PFOAwaaMk5FSBMnnNDAGOOaZjJ96lZV7n8KaSAeOOcUkA3aRTCCT796m2qB603jr0qhWGbdo6D8aMZB3YAp2QDj8/egnj2+lAEL5Y4A4pypml4IIzTsbVGAOaBWGeUM8fnTQAMk81IPl68ZphGegJpgMBznp9aUKSaXbtOacCOMDmgQ0gDqKQYIOe1OfnrmmUARFRv68U/AB749qTZjOBShSBkj8zTAcvPI/lSlt3B4pgOOlA5NAWHMvHPSq0sfmXEMQ5ywzVoHHv7U2xQz6kW25CL+ppN2VwSu7HYHToixkGEIPG1ufrxU7WazSb5GZnPVgQCfc+9UUvp1ACvuH+2M1Zj1Ahj5kP4qO9cu517FpLK2j5ZnPbBbGasJBZDkoD7nP+NVFvbd+CxU9ty1N5nmKPKcEAdA3NCSEzR0y5SO6aHykaMgMhwVI7EAiuxtXjeNT++H/bQH+lefBpIZY7nDEr94A9RXWaTqtpcrhJ0z3U8EVtF3RzyVmdGmz1nP8AwMCpQIu8TN/vSk1TS5i4+cVL9rgT70ige5Apk2LyShFxHb28Z/viPc35mkctJje7MPQmqH9qWinCyqzeifMf0qK512G3jLupUDqZMIP1Of0pNjUS8+1RwMVzOt3gkb7FA6m5l+VQTgL6s3oBSXmqT3S7VukiU9Qi/N+Z/wAKwNSv49MRUt41eeUbsE5J9z3ap5tS1DuW5YNP0+yVJ3C7PlDqcl8eg9a5XUry8uZXlhieGBRw0rDdjueOlW475wj3CwSNKRgySrgrkYGcjGO4AqCQzXMiQoGklf5mJ4B+vYCs3Kxso3E0m+uI4mMjmODGdm45c+/pXVLsEAdbhGUD5doxnjPrWVZaULcb5R5s56k9F+g/rWqiyMoJyqfxMx/zmo9prsU4K25AsjzqvzbJCPmGc4/WmqlxE52qkin+FTtIP9f0pty0Ylfywjb8Y3LyuP8AE81NAveZ2Q9SA2fpVcyFysuR2RcF2JZ8dKJ7aYWjskAiiAwxx19+TmmpK6oq5BJI3ZB/z+dLLcB9ysNyjsw4NLQVmZLxP5h3vkA9Ezhhjjqf84q5BCkkarNtVFGAoWlZ48kgBAo5b0rOudTdl2WoJQnaZsck+3pRcaVzYuNQtbOARCFJHPKqenHFc9O7TkySkux+6gGP07Co40AAfb944yRnFTGEBdxZgSeCxyprKU29i4xSKjs7Pl1AA4C+lSqCmDtC/UVIVdUGx8jp8rZIpLc3mrSm3sAieWQs12y5SM+g/vP7Dp3qUr6Ipu25E7zSXKWlrGbi8cblToFX+8x/hX3/ACro9I0KLTC1xM4uL5xh5yMBR/dQfwr+p71a0/TbfS7do4AxZjullkOXlb1Y9z7dB2q0zeo47D1rRWWiI1e4xiME9u3vUe1mIJ6elSBSSCeWPb0okkECkA5kI5P93/69K4yOQrD8xAMnYelcp4i8Q/YXFnaKLnVJvux9RGP7zf4fnVfxT4tXTmaw08iXUW4Zuoh+vq3t27+lczoU8MUziUM91OSXuHOdx9K6KVG/vS2MatXl92O50+jaO1sTcOz3F/MvmTzu6jOew68Vq3NjJGsLyCBWlGVXzGY498ACqMU2wshc4xtYD0xzg/Wr2o3BuLVAQNw+XKk+n/1+nSu1WOFsgtbWCRi09zKi7N+6IBQOeev+eaivZ7Wyka2t4Co3HM7HLyD1+ntUUcZFoYkX70kmWz09Pfk/yqjq12pkjl3HzPLXOepPc/jjNAFGWUOrAcgg571t2DW50+3WSLDCNfmV8dq5piX3H0LHHr0rWtG/0SHv8g6VhWimtTeg7PQ3Eu40UKt0wz0DLnFWPtkYyzzKUVc8KQawvlUl5GA45z2FV/O8+XahIQfoPU1zOlE6faM6qx1L7XKsYjAB6MD7ZpdY/wCPA8f8tFrM0/db7ZRgBTkZ71e1K7jl0R7hmCRo43uTwMd6zcbSVi07o4S4Ufap+P4zn86iOB2GBTvNN0xlTIRyWAPoad5ddZzkfJwBkVIAMe9O298Um0nigQEbuuRTCoPfmpTnGD270zGRwPyoAiztB5pobcelSMnGSB+VCRZGRTAQncQB1pCgXqcmpAgUEn8qb1YelICIhicdu1LgqeDUuMH2pNuOnWgdhuO2cn1zT0U4I9O9CnIGeR2pxLkYyuPQigBhGBngio9gPfvzUpBwaQDI6fpTERlMcAClUEdTzUvlZHalOEYDtj0oAiKbjknjPQ0zAB6d6kYk9Rj6VCW54/OgLEuAMdeRUbjGOKA+Dnmhm3HHegQzI4P9KdgEdxSspGDimkLjBP40wG4ww64oIyc9PpS7SF5x9etKp+bjoaBAAcc8ikIAHWpSqtxzTTFkDGTQBXOT0PFKOlSiPA6cCkOCfl/IGncRGATx1pCuD0qUKBz0NBUE807gQqMnmgqF7U9l29BTck/5xQBDnngGndOv51IqnPT9KRlY9qAIt2M4NaXh+AtHLOf4mxn6VmTgJETjBx0rpNOgFnpKqwycZP1qKrtEqmryHlN64PBB44zT1B2kK7Yx0BPB+hpR97Pf2NOJOevHuK5DqTK4JVuQCffirMTjYXKhdvXJxSZyeeR6HmnKFdcYwPQGi7HoXYL045JZeB03cVNutZZDI0UZcjG4cNjrWa0SlsgMvutNaSVRw+8dMEdKFUaB04s6C3kiXhVC9eXy2Pxq9FdOMCJrdm/2VX9e9citzMo7gZ7Gp1unbgjr1JFP2gvZnTvd6kZAjNiPGT82Mn0AFQNLDAnmFsgE5ZecYP8AjWRDezRsSjEn/eyKnh1i5jZg0EbqeCQNp/SpvfqHK0bSLHPIpPcbmOc5qK8s4Li4SVWQsgKEOmQ6/wBKpJqaMfnDqD2xwPyqykqSKPKaMk9i2D+tLVbBZdRktm88RjaQLHuVhhckY9KWOOK2gKCMxp95jkEn6nqTRM0gByCPpxVfM5yowwPUFaLt7jSSLkV4zy7pET0wDjPpT5L2PefmZz0A7Cq8KzMQDlQB3PBNTpZySSAh159M8U9QdhIdgfJRvcBc4p5ZIyG8zZ7cH86JoNr7Xb5cbjjuewpvlRDJ3OR35+X6+lFhXHvqIEY2xyE+q9PxqOS4VYfNkYDI6DqTTftEcTgAB492M46D1GOtZ9zGSd7uVJPBYYJHbAqXoUlcbdTz3ZCoNkI7ZwB7mnw2hJ+fAUHrjBb8O1JHHkD5QBxtHcn/ABqQudxAyPrU3GTOsYOFGAO/1qBsRxsxcIgGWPYe9SXMsdpYG5mbC71AH8Tk8AKO59qsWHh+W+dbvWI9kQO6KwJz9DL6n/Z6DvmhRbfkLmSKNhp1xrzLOzSW2mnjzU+WS6H+z/dX/a6nt611lvbw2dslvbxJDDGNqIgwFHtUztnn8qiz1/lWm2iI82KTjHr2FIqMx9W7+1PjjL5wfqabNMAPLiPHdh3pNlWI5XEeUQ5bu3pXn/ivxibd20vSW33hJWSZTkR+yn+96nt9elfxb41MjPpeiuSxyktwh/NUP82/L1rmLO2itIuTukb7zZ/SumlR+1I56tb7MSOK0e3Qu3zOx+dj1JqWIgMHB2lSWJ9AOtXJmWOLdLIFVv7x5P4dayZrlZFMca4Tux6t/n0rqOax28E5WOGQxN86E5Ixkhc5+lW2uWlglViqF5GC7RkngdM9aq28LCyiO5zGUXnPC5UcD8qt7BEZEEZw5wASRtJA5HPpVIgrbjmONvmDPvVgeg3AYx6is+9iVRG+fkMYDbhj1HT8RWlDJsIlZAiKjbiOCDnA/p71n32Htsbsuu+NlHsQP6UAVniYyFcocgtkHPJPT9K1LCMrYwhs/dBwB/OqttZyXMjF/ljJ+ZsdOucU+e7DqY4twBJUKD2zgD8qyqbGtLcW5l+0sI04XPHv/wDWq7Y2gPX7i9Se9RWdkWYA/e6ufQVa1G/g02zZ24RRwB1J7fjXM3dnUkU9f1ldOtiseDKwxGn9T7V575skkrvI7M0nzMSepzVyWS41S/klILu6n5R/CB2FTwaJcM0ZlCpGep3Ddj6V0wgoLXc5pzcnZbGlYKTZw4H8Ax71aCjbyRTgipEqKNqooApiZ5HBz61m3qapaCu+FxxyOlNQ5GPU8Uu35uhOKesfJ7+1IBuAe560m0Y6fjT8EnJ/IilCZGc/lTCxCYs880HCjAp7qwHGPzpAqqATQAixseWI5odFVSe1Lu3DocdKXAzt64FAEaqCmcEH3NN4z90sffvUpU9OeO9CZ24xhxSGQ7ufX0xThggk4BpWG1tw6k9RxTWjLfNnIPf/AOvTEIzKTwD7jFBHcHipEjzgsucc5z1pzgDrnPpQBEA2OTg+9KF/iNORVXlmUjvz0p5wegOMcY70rhYryqSDwagZNp6cmrm3j5gaif5jkfpTArEccdKeqnHT/wCvUhGMnvTlYZwRxTER4wOQM+lMPHOM1K5yx9aDGwH3cY6kmgCLYxHP5CnKgTHGB61OE2p1H4U1wMdvrRcQwc81J8u3OcVFtAGRjPoaC2R0oAbJlhwDj6VH07Y+lTgFhyetIUC9s+9MBqj1496Rk44/lQM5wDxTi2cZzigRFt45FRtxgYqU8c5FNKE/NnI9KdwEwAvPX0JqM5z1qYxsF56Uwj1BJHagREkXnXlvAejyDOfQc10d/LssZARhsYGKx9JQS6sH/hhXPT1//VV3WLgTMqKenLVnPWaRpDSLZ0MnhxOttd3EXs+JV/Xn9aqyaTqsB+Rbe5X/AGH2H8m4/WukDGpA1YX7mtuxxskjW3/H3bXNuPV4zt/76GRTop4Jv9VKj/7pzXaK3H+FVbjSdMvObiygZv7wTa35jBpWQJs5wKM5HQ9M1JtGOSfx5rSk8LxYP2O+uID/AHXIlX8jz+tVZdI1i3+7Hb3S/wDTOQxsfwbj9alx8y1IrFC45YnnsaPIPXB/CmyXEtrxeWdzbgfxSREr/wB9DIqaG6t7hMxyo49VbP8AKocWi1PsMMGR0z+FJ5ZERI3Y7jOatDDA8k/qKmix5UgIDE4PNStCuYzxM4AXYpA9eDT0mjI5BH60r8g5BB9MVHGQCVHb0qkItozH/VTFD6BsfoasxTXi5L4ce4x/KqjqHTkHPvSRq8cgKMyD/ZOKV2OyNZbx8jNsM98E1KZ3mfEdsR7KSajs5pQF/fMcNitu0ubtRhLmRT22tj+VZurJB7NGW+nanKmfskirjHzLtH5mqx0187ZLhQRyVVt/T6cVvXMc9y4MsjycdXJP86zjbOjYyMdAMZqedsaiiv5CIQFU5GBk+9Upc+Xn73zDn1rUZDsJOTxn8mqrLDtim2j7rf1pxYMqMCMdveopJxFJHEkTzXEpxDbx/fkP9B6k8ClllnnuksLKEXF6w3eXnCxr/ec/wr+p7V1Wj6LFpYeaST7RfzAefcsuC3+yo/hQen51tGPVmUpdEV9I0M28q32oOk+oAfKV/wBXbg/wx57+rdT7CtVyB9KlZgtV2+Y5q7kpDSc8/kKcsW7JJwO5PanqgALMcD1NVbu6RIWeR1jgQFmZzgADqSfSlcpCzXChCFIWJRkk8Ajuc+leXeK/Gb6m76ZpMhW16TXA4Mg9F9F/n9Kq+K/GMuuTNp+nM0dgDh3xgzfX0X279656ArGAqgfUiuqlRt70jmqVb+7EliaO2/1UKBjwWJJJp5mm/gbBP90YoDjoAPrSbz3PFdFzLlIJEZiXdiSepJyajOMYHQGpZCQahxgde4ppktHdWjyy6fBGv3BEGIHfgVbgZ44y2wdcE+nI6elP0SS2Om2RaDL+SgyRkE46nJral1SzUtEY5PNx82zC4PtxTViGmYaWN1NZ7zbStGz5JI4OeaSPTVmLPcOsaiQ5UkDIq7NqkihBFAVYZAaRmd8emW6D6Vz907POXLlxng+nfmk3Yajc0rzUIlia2tkKAHaxxjj0H1qCysj5m7b87Hgf3RUdnbMzeY5Y5Pyg9frW/FCLaHLD5yOT6VyznzHVCFiKUxWVuSWCgDLMTXn+qahLrN8ojyYgdsSdyfU1e8S639snNnC4MSn52B4Yjt9P60/StONtF9olGJXGVBx8q/41dOPKuaRNSV3yxJrGwSxhAyGdh859fb6VZI3KScAdiBSOpPfj371KAfLGBn1olIIxsV2Xnj8gKUdhn6g96U5TKbSD6jqKaEwB0Oam5drClG3YOc/zqcEFcNnGPzphKlec8Hk4zinkYBGTt9+M0CsDKuOG4x160FERdxpACoJGMdvrURPzEHH0x1oAUIHOTwB7Yppi+XhHwfXFOLHbhc7aRcuQvY+tMAEWB0+mGpyxhc9B9acxKr8gXHsab5jfdxwOuaAGsnB4yPfnFRBOBkHdVlkDDNRHjvQAwqpx8x3dxijyyoyDilGFfc20nPGTipDyORgjtRcLEJZiD83PekEZfBOcDsAam8ggZI/TpS7cpz9eaQEDkjOOfducUgMpIy5HsKesQO1ieR2pQqqeaYEbR5U5J6+nFR7Cq4Aq0QMgkcU0RAkn1ouDK2Dnpj3pVHzcgc8dcVYZFXIPXPc01sDgcZ/SncRGI8HLHj3NK+CMcHsM0jyADaBj3pjv82MfQ0BYVc5Ix+lNkLAkjrjtT1JI5BOO9DDIzg5oEQ4xjPU0H5RnBpwU9zQULNxn0NMBit39KX/OM08xkHjOfagjHHt1oERqM9cD2xTZAVOM5+lSDCkZ/SmkbjwP1oBEYAPOPzpduOO1OGNuM0Hj3pgIc9OfwqPb69e+Kdn8qhmk2RMc5OP1oEaWixZtZpsf6yTg+wqjdH/SH5yc+lbtvCtnpsaY+ZY+f61z5/eOWI5Jz1qIaybLlpFI9LDU9WxTMCnD7tc97mxLnNSK2O9QA1IKAJgc/wD1qlV8D/Gq69alWkBMrehIPsaq3OjabetuuLGB3P8Ay0Vdj/8AfS4NTCpATii9gsmY0nhaEDNlqFzAeyy4mX9ef1qsdJ1m2LFoIL5Oxgl8th/wFv8AGunQ5JzUgFK49UcPcTQwAC6W4s3/ALt1EUH4N0/WmxoZCHiYOnqpBH513uSVKnlT1B5B/CsvU/DukvZSXYsY4pxzvgJiP/jpFKyG5uK1MExt5eApzimrHKxXgD61h6Zql61/JbtcM0anADAE/mea6KHlFzUSi4OzNFLmSaL1nBn7zHrnit6zgXzGwMj/APXWNZE5b6V0VsOD9Kwe5TLIhXZjHI9aqvbKCDxjPWroY7Xrj/Euq31vqFraw3DxxSE7gmAT+PUfnThDmlyoi9lc07+e10+MvdTxwqdwXccEnHYdT+FZzw6prJMdpC2n2khy11cr+9K/7Efb6tj6VuW+lWNkYbiC2QXEke55my8hP+82T+tWVJ8we4Oa2hBLzIcmytpek2ej2v2ezjKgndJI5y8rf3mPc1bLbeaUng1Efvn2HFaXJsB68jnsKUIFBdzgCnQjLEmoblj5pXPCjgVLKK1/fRW9tJcXMqQ28Q3MzHAUe/8AhXjXirxdceIZzbW5aHT1PCHgyY/ib+g7Vp/E+9uTq1tY+c32YRCTy+24kjJ9TgVxUQHlD3rsoUklzM5a1R35USJ+72hemRn3qdBjmoPSp16kV0MyiTIfYUrH1pik7sZ4qRuoFSaET/jUGc/nU0vSoT3+tNEyPRNDW2l0awMspYmEKU8snBGQOamCEOzrK+CTg4xkevWs3w982gITyVfYPZSx4rUDHex9N2Pw6VlKbvYpU09SC78pU3yZdyTsQnkj1NUbe3MzZYfID37mkunZ7h9zE/NitmxjT7Qi7RtHQVlKTZrGCRYtrbyQJW+8RwD2rnfFGumBDY2zfvnHzsP4F/xNdJfuywOynBC15VAzXN2jTEu0sg3knk5PNOlHmd30CrJxWnU09I0ssFvJYyVU/uk6biO/0FbbHAIJBOeT9adKdh2phVB2gAdAOlVzxu+taSlczjGw9GLPnGOOtWWkMYwuTnuKgXhVx/nipHAC9B94VDNEIoJyxJA7+1KCuSMj34qRVDIMioWRRMTjnNSOw9n6N2/Sk3DHPSmL94+wqV+qn1FMBu0E5BwB04oKKFP8qlhAZmB5xmkbmmhMhChx6DsM0uzaMDFNX7+P9qnxHKjNADBgMSMZ9qkQAfMQCccCnEDceO2aSQfvMdg3AoENZ1HygDnnpTHXK7hj8TSqMs+f4entTSTsc56UDGrHuyetSgqmQRn6imdJdvbjipB0Ps1DEO4Y+h7jpUTHjA78cVIfvfhSY+ZhQBCFYtz6cAU7IXCkDJNErtgLng9qaf8AXKOxpDHEBeBkGkLlSP0qUDkDt/8Arqq3+sNNCH7Sxz2z1zSFMtw3XoKBxgDv1qYAYJ5znrmmBTMJUZwTk8cUeScAnAHrUzknOaRTuIU9KLiEzwBgkAU1wcf4U9vlVcelRMxPBNNCEOFBOB+NIG5LDGKceCo7HrSRDke5pgPRc8kcd6SXbxzindBgd6rEksM0kA7cBmozjJ4/Kkcnke9NyVXINMQ3POFINOCuSM8D19KEO7Geakl44HFMQznByQTURCvNDEQcM4LfQc0ju2DzUmnKG1VNwzhCf1o6XGld2NW9vQsMtuMbhxkHsaxwdueePpVvUlC3b4GMhTVF+1TBWQ5u7sf/2Q==", + "type": "image", + "xaxis": "x", + "yaxis": "y" + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 0, 255, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fn", + "legendgrouptitle": { + "text": "fn" + }, + "line": { + "color": "rgb(0, 0, 255)" + }, + "mode": "lines", + "name": "", + "showlegend": true, + "text": "FN
id=82445
category=bottle", + "type": "scatter", + "x": [ + 224.24, + 228.29, + 234.91, + 243, + 249.25, + 252.19, + 256.61, + 254.4, + 251.83, + 241.53, + 235.27, + 230.49, + 233.44, + 237.48, + 237.85, + 237.11, + 234.17, + 228.65, + 224.24, + 220.93, + 218.36, + 217.62, + 218.72, + 225.34, + 224.24, + null + ], + "y": [ + 297.18, + 297.18, + 298.29, + 297.55, + 296.45, + 294.98, + 292.4, + 264.08, + 262.61, + 260.04, + 259.67, + 259.67, + 255.25, + 250.47, + 243.85, + 240.54, + 242.01, + 249.37, + 255.62, + 262.61, + 267.39, + 268.5, + 295.71, + 297.55, + 297.18, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 255, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "gt", + "legendgrouptitle": { + "text": "gt" + }, + "line": { + "color": "rgb(0, 255, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": true, + "text": "GT
id=119568
category=dining table", + "type": "scatter", + "x": [ + 292.37, + 340.6, + 347.63, + 198.93, + 4.02, + 1, + 291.36, + 292.37, + null + ], + "y": [ + 425.1, + 373.86, + 256.31, + 240.24, + 311.57, + 427, + 427, + 425.1, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 255, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "gt", + "legendgrouptitle": { + "text": "gt" + }, + "line": { + "color": "rgb(0, 255, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "GT
id=200887
category=person", + "type": "scatter", + "x": [ + 446.71, + 466.07, + 471.28, + 473.51, + 473.51, + 462.34, + 475.74, + 484.67, + 494.35, + 496.58, + 498.07, + 485.42, + 474.25, + 470.53, + 475.74, + 469.04, + 455.65, + 450.44, + 441.5, + 433.32, + 406.52, + 397.59, + 388.66, + 408.01, + 396.85, + 392.38, + 389.4, + 390.89, + 418.43, + 434.06, + 429.6, + 428.85, + 441.5, + 443.74, + 446.71, + null + ], + "y": [ + 70.66, + 72.89, + 78.85, + 88.52, + 98.2, + 111.6, + 126.48, + 136.16, + 157.74, + 174.12, + 182.31, + 189.75, + 189.01, + 202.4, + 337.12, + 347.54, + 343.08, + 323.72, + 255.99, + 250.04, + 340.1, + 344.56, + 330.42, + 182.31, + 186.77, + 177.84, + 166.68, + 147.32, + 119.04, + 111.6, + 98.94, + 81.08, + 72.89, + 69.92, + 70.66, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 0, 255, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fn", + "legendgrouptitle": { + "text": "fn" + }, + "line": { + "color": "rgb(0, 0, 255)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FN
id=693231
category=knife", + "type": "scatter", + "x": [ + 136.18, + 153.89, + 157.89, + 151.73, + 141.73, + 138.65, + 137.11, + 135.57, + 136.18, + 136.18, + null + ], + "y": [ + 253.44, + 277.3, + 278.22, + 269.6, + 252.67, + 249.74, + 249.43, + 249.43, + 253.13, + 253.44, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 255, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "gt", + "legendgrouptitle": { + "text": "gt" + }, + "line": { + "color": "rgb(0, 255, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "GT
id=713388
category=bowl", + "type": "scatter", + "x": [ + 37.61, + 31.28, + 40.15, + 62.3, + 83.19, + 88.75, + 97.11, + 99.4, + 98.89, + 96.61, + 84.69, + 69.48, + 53.5, + 43.61, + 37.78, + 37.61, + null + ], + "y": [ + 381.77, + 360.25, + 352.65, + 345.69, + 346.32, + 344, + 345.78, + 348.57, + 359.47, + 371.14, + 380.26, + 381.79, + 384.83, + 383.81, + 381.53, + 381.77, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 255, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "gt", + "legendgrouptitle": { + "text": "gt" + }, + "line": { + "color": "rgb(0, 255, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "GT
id=716434
category=bowl", + "type": "scatter", + "x": [ + 135.7, + 133.83, + 120.3, + 109.57, + 95.57, + 85.07, + 84.6, + 75.5, + 60.33, + 59.63, + 64.53, + 77.13, + 94.17, + 108.87, + 119.37, + 131.03, + 134.53, + 135.7, + null + ], + "y": [ + 296.93, + 304.16, + 320.72, + 325.86, + 328.66, + 327.26, + 316.29, + 310.69, + 304.86, + 303.69, + 298.09, + 291.56, + 288.76, + 287.36, + 288.99, + 292.03, + 294.36, + 296.93, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 0, 255, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fn", + "legendgrouptitle": { + "text": "fn" + }, + "line": { + "color": "rgb(0, 0, 255)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FN
id=1125079
category=oven", + "type": "scatter", + "x": [ + 1.78, + 193.92, + 166.71, + 142.43, + 136.57, + 2.2, + 1.36, + 1.78, + null + ], + "y": [ + 262.7, + 204.93, + 194.05, + 183.16, + 164.33, + 189.44, + 230.05, + 262.7, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 0, 255, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fn", + "legendgrouptitle": { + "text": "fn" + }, + "line": { + "color": "rgb(0, 0, 255)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FN
id=1218137
category=person", + "type": "scatter", + "x": [ + 0.43, + 2.25, + 9.05, + 32.66, + 39.01, + 48.09, + 43.55, + 62.16, + 61.25, + 37.65, + 18.13, + 0, + 0.43, + null + ], + "y": [ + 299.58, + 299.58, + 287.78, + 299.13, + 296.4, + 290.96, + 286.87, + 291.86, + 286.87, + 279.15, + 272.8, + 262.81, + 299.58, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 255, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "gt", + "legendgrouptitle": { + "text": "gt" + }, + "line": { + "color": "rgb(0, 255, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "GT
id=1878837
category=cup", + "type": "scatter", + "x": [ + 120.89, + 119.4, + 119.4, + 119.65, + 121.14, + 122.13, + 122.87, + 126.6, + 127.59, + 131.31, + 136.77, + 138.51, + 140.49, + 142.23, + 144.22, + 143.97, + 140, + 135.03, + 132.8, + 132.8, + 134.29, + 135.03, + 134.04, + 131.56, + 126.35, + 122.13, + 120.89, + null + ], + "y": [ + 289.63, + 287.15, + 283.18, + 281.44, + 280.45, + 279.21, + 276.73, + 274, + 273.25, + 272.51, + 274, + 279.71, + 295.59, + 299.56, + 301.54, + 302.78, + 305.02, + 306.26, + 306.76, + 304.77, + 301.05, + 298.57, + 294.6, + 292.11, + 289.88, + 289.38, + 289.63, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 255, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "gt", + "legendgrouptitle": { + "text": "gt" + }, + "line": { + "color": "rgb(0, 255, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "GT
id=1883614
category=cup", + "type": "scatter", + "x": [ + 147.29, + 146.13, + 143.41, + 141.47, + 141.47, + 142.06, + 143.41, + 147.87, + 154.27, + 160.47, + 165.13, + 167.84, + 170.17, + 171.33, + 171.72, + 173.66, + 173.27, + 170.17, + 155.82, + 147.29, + null + ], + "y": [ + 299.9, + 295.24, + 290.59, + 287.49, + 282.64, + 278.57, + 273.92, + 269.85, + 269.27, + 268.49, + 267.91, + 268.1, + 268.68, + 270.62, + 272.37, + 294.08, + 297.18, + 300.67, + 303.77, + 299.9, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 255, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "gt", + "legendgrouptitle": { + "text": "gt" + }, + "line": { + "color": "rgb(0, 255, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "GT
id=1902250
category=bowl", + "type": "scatter", + "x": [ + 169.44, + 176.98, + 178.81, + 179.03, + 180.86, + 182, + 182, + 177.43, + 175.84, + 175.61, + 178.12, + 170.13, + 159.85, + 156.65, + 155.97, + 158.71, + 160.99, + 161.68, + 162.13, + 162.36, + 169.44, + null + ], + "y": [ + 186.08, + 185.17, + 183.57, + 182.88, + 177.86, + 173.52, + 170.78, + 171.69, + 171.92, + 171.24, + 168.95, + 168.95, + 169.87, + 171.24, + 173.98, + 180.37, + 181.74, + 183.34, + 184.71, + 186.08, + 186.08, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 255, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "gt", + "legendgrouptitle": { + "text": "gt" + }, + "line": { + "color": "rgb(0, 255, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "GT
id=1902971
category=bowl", + "type": "scatter", + "x": [ + 160.14, + 171.49, + 173.79, + 174.68, + 175.06, + 157.2, + 160.14, + null + ], + "y": [ + 129.97, + 128.95, + 117.73, + 116.71, + 114.15, + 114.66, + 129.97, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 0, 255, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fn", + "legendgrouptitle": { + "text": "fn" + }, + "line": { + "color": "rgb(0, 0, 255)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FN
id=1914453
category=broccoli", + "type": "scatter", + "x": [ + 100.23, + 98.75, + 98.75, + 99.52, + 101.31, + 104.52, + 106.26, + 108.66, + 109.53, + 108, + 105.04, + 102.69, + 101.92, + 101.56, + 100.23, + null + ], + "y": [ + 310.35, + 309.28, + 306.98, + 305.8, + 305.34, + 304.83, + 304.78, + 304.83, + 306.47, + 307.18, + 307.33, + 307.9, + 308.87, + 309.84, + 310.35, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 0, 255, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fn", + "legendgrouptitle": { + "text": "fn" + }, + "line": { + "color": "rgb(0, 0, 255)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FN
id=2105658
category=spoon", + "type": "scatter", + "x": [ + 170.68, + 174.85, + 168.82, + 166.03, + 170.68, + null + ], + "y": [ + 274.94, + 256.36, + 256.36, + 274.94, + 274.94, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 0, 255, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fn", + "legendgrouptitle": { + "text": "fn" + }, + "line": { + "color": "rgb(0, 0, 255)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FN
id=2114911
category=broccoli", + "type": "scatter", + "x": [ + 86.41, + 91.73, + 95.64, + 98.3, + 105.4, + 110.37, + 109.66, + 105.4, + 103.62, + 97.59, + 99.36, + 95.1, + 86.94, + 87.3, + 86.41, + null + ], + "y": [ + 299.65, + 305.15, + 305.15, + 304.44, + 302.66, + 300.36, + 297.16, + 299.47, + 300.89, + 300, + 295.03, + 293.97, + 297.52, + 300.53, + 299.65, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 0, 255, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fn", + "legendgrouptitle": { + "text": "fn" + }, + "line": { + "color": "rgb(0, 0, 255)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FN
id=2114949
category=broccoli", + "type": "scatter", + "x": [ + 79.42, + 74.72, + 72.26, + 70.85, + 70.14, + 73.55, + 77.42, + 79.18, + 79.42, + null + ], + "y": [ + 298.98, + 300.04, + 300.74, + 300.74, + 299.69, + 297.46, + 296.16, + 297.46, + 298.98, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 0, 255, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fn", + "legendgrouptitle": { + "text": "fn" + }, + "line": { + "color": "rgb(0, 0, 255)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FN
id=2139366
category=oven", + "type": "scatter", + "x": [ + 191.36, + 191.36, + 152.31, + 45.92, + 0, + 7.54, + 31.78, + 41.88, + 58.04, + 59.39, + 42.55, + 29.09, + 16.97, + 4.85, + 191.36, + null + ], + "y": [ + 210.9, + 244.56, + 261.4, + 304.49, + 309.88, + 291.02, + 297.76, + 286.98, + 293.04, + 287.66, + 280.92, + 272.84, + 272.17, + 266.11, + 210.9, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 0, 255, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fn", + "legendgrouptitle": { + "text": "fn" + }, + "line": { + "color": "rgb(0, 0, 255)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FN
id=2188144
category=carrot", + "type": "scatter", + "x": [ + 98.2, + 100.47, + 102.38, + 104.05, + 104.53, + 103.97, + 102.78, + 101.54, + 99, + 97.48, + 96.69, + 97.05, + 97.88, + 99.31, + 98.2, + null + ], + "y": [ + 301.59, + 301.79, + 300.79, + 299.84, + 299.16, + 297.89, + 297.13, + 297.09, + 297.81, + 298.76, + 300.23, + 300.91, + 301.87, + 301.95, + 301.59, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(0, 0, 255, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fn", + "legendgrouptitle": { + "text": "fn" + }, + "line": { + "color": "rgb(0, 0, 255)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FN
id=2196309
category=sink", + "type": "scatter", + "x": [ + 506.53, + 609.2, + 619.26, + 497.25, + 506.53, + null + ], + "y": [ + 203.4, + 210.55, + 232.01, + 222.73, + 203.4, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(238, 130, 238, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "tp", + "legendgrouptitle": { + "text": "tp" + }, + "line": { + "color": "rgb(238, 130, 238)" + }, + "mode": "lines", + "name": "", + "showlegend": true, + "text": "DT
id=103663
category=person
score=0.79
IoU=0.92", + "type": "scatter", + "x": [ + 441.6202392578125, + 440.6202392578125, + 438.6202392578125, + 437.6202392578125, + 436.6202392578125, + 432.6202392578125, + 432.6202392578125, + 431.6202392578125, + 431.6202392578125, + 430.6202392578125, + 430.6202392578125, + 429.6202392578125, + 429.6202392578125, + 430.6202392578125, + 430.6202392578125, + 424.6202392578125, + 423.6202392578125, + 422.6202392578125, + 419.6202392578125, + 418.6202392578125, + 417.6202392578125, + 416.6202392578125, + 415.6202392578125, + 414.6202392578125, + 413.6202392578125, + 405.6202392578125, + 405.6202392578125, + 404.6202392578125, + 404.6202392578125, + 401.6202392578125, + 401.6202392578125, + 399.6202392578125, + 399.6202392578125, + 398.6202392578125, + 398.6202392578125, + 396.6202392578125, + 396.6202392578125, + 394.6202392578125, + 394.6202392578125, + 392.6202392578125, + 392.6202392578125, + 391.6202392578125, + 391.6202392578125, + 390.6202392578125, + 390.6202392578125, + 389.6202392578125, + 389.6202392578125, + 390.6202392578125, + 390.6202392578125, + 391.6202392578125, + 391.6202392578125, + 392.6202392578125, + 392.6202392578125, + 395.6202392578125, + 395.6202392578125, + 399.6202392578125, + 400.6202392578125, + 405.6202392578125, + 405.6202392578125, + 406.6202392578125, + 406.6202392578125, + 405.6202392578125, + 405.6202392578125, + 404.6202392578125, + 404.6202392578125, + 403.6202392578125, + 403.6202392578125, + 402.6202392578125, + 402.6202392578125, + 401.6202392578125, + 401.6202392578125, + 400.6202392578125, + 400.6202392578125, + 399.6202392578125, + 399.6202392578125, + 398.6202392578125, + 398.6202392578125, + 397.6202392578125, + 397.6202392578125, + 396.6202392578125, + 396.6202392578125, + 395.6202392578125, + 395.6202392578125, + 394.6202392578125, + 394.6202392578125, + 393.6202392578125, + 393.6202392578125, + 392.6202392578125, + 392.6202392578125, + 391.6202392578125, + 391.6202392578125, + 390.6202392578125, + 390.6202392578125, + 389.6202392578125, + 389.6202392578125, + 388.6202392578125, + 388.6202392578125, + 387.6202392578125, + 387.6202392578125, + 388.6202392578125, + 388.6202392578125, + 389.6202392578125, + 389.6202392578125, + 390.6202392578125, + 390.6202392578125, + 395.6202392578125, + 402.6202392578125, + 403.6202392578125, + 404.6202392578125, + 409.6202392578125, + 409.6202392578125, + 410.6202392578125, + 410.6202392578125, + 411.6202392578125, + 411.6202392578125, + 412.6202392578125, + 412.6202392578125, + 413.6202392578125, + 413.6202392578125, + 414.6202392578125, + 414.6202392578125, + 415.6202392578125, + 415.6202392578125, + 416.6202392578125, + 416.6202392578125, + 417.6202392578125, + 417.6202392578125, + 418.6202392578125, + 418.6202392578125, + 419.6202392578125, + 419.6202392578125, + 420.6202392578125, + 420.6202392578125, + 421.6202392578125, + 421.6202392578125, + 422.6202392578125, + 422.6202392578125, + 423.6202392578125, + 423.6202392578125, + 424.6202392578125, + 424.6202392578125, + 425.6202392578125, + 425.6202392578125, + 426.6202392578125, + 426.6202392578125, + 427.6202392578125, + 427.6202392578125, + 428.6202392578125, + 428.6202392578125, + 429.6202392578125, + 429.6202392578125, + 431.6202392578125, + 431.6202392578125, + 432.6202392578125, + 432.6202392578125, + 435.6202392578125, + 437.6202392578125, + 437.6202392578125, + 438.6202392578125, + 438.6202392578125, + 439.6202392578125, + 439.6202392578125, + 440.6202392578125, + 440.6202392578125, + 441.6202392578125, + 441.6202392578125, + 442.6202392578125, + 442.6202392578125, + 443.6202392578125, + 443.6202392578125, + 444.6202392578125, + 444.6202392578125, + 445.6202392578125, + 445.6202392578125, + 446.6202392578125, + 446.6202392578125, + 447.6202392578125, + 447.6202392578125, + 448.6202392578125, + 448.6202392578125, + 449.6202392578125, + 449.6202392578125, + 448.6202392578125, + 448.6202392578125, + 449.6202392578125, + 449.6202392578125, + 450.6202392578125, + 450.6202392578125, + 452.6202392578125, + 452.6202392578125, + 453.6202392578125, + 453.6202392578125, + 454.6202392578125, + 454.6202392578125, + 455.6202392578125, + 455.6202392578125, + 459.6202392578125, + 468.6202392578125, + 472.6202392578125, + 472.6202392578125, + 473.6202392578125, + 473.6202392578125, + 474.6202392578125, + 474.6202392578125, + 473.6202392578125, + 473.6202392578125, + 474.6202392578125, + 474.6202392578125, + 473.6202392578125, + 473.6202392578125, + 472.6202392578125, + 472.6202392578125, + 471.6202392578125, + 471.6202392578125, + 472.6202392578125, + 472.6202392578125, + 475.6202392578125, + 476.6202392578125, + 477.6202392578125, + 478.6202392578125, + 479.6202392578125, + 480.6202392578125, + 481.6202392578125, + 484.6202392578125, + 485.6202392578125, + 486.6202392578125, + 493.6202392578125, + 493.6202392578125, + 495.6202392578125, + 495.6202392578125, + 496.6202392578125, + 496.6202392578125, + 497.6202392578125, + 497.6202392578125, + 496.6202392578125, + 496.6202392578125, + 495.6202392578125, + 495.6202392578125, + 494.6202392578125, + 494.6202392578125, + 493.6202392578125, + 493.6202392578125, + 492.6202392578125, + 492.6202392578125, + 491.6202392578125, + 491.6202392578125, + 490.6202392578125, + 490.6202392578125, + 489.6202392578125, + 489.6202392578125, + 488.6202392578125, + 488.6202392578125, + 487.6202392578125, + 487.6202392578125, + 485.6202392578125, + 485.6202392578125, + 483.6202392578125, + 483.6202392578125, + 482.6202392578125, + 482.6202392578125, + 481.6202392578125, + 481.6202392578125, + 480.6202392578125, + 480.6202392578125, + 476.6202392578125, + 476.6202392578125, + 475.6202392578125, + 475.6202392578125, + 476.6202392578125, + 476.6202392578125, + 477.6202392578125, + 477.6202392578125, + 478.6202392578125, + 478.6202392578125, + 477.6202392578125, + 477.6202392578125, + 478.6202392578125, + 478.6202392578125, + 475.6202392578125, + 475.6202392578125, + 474.6202392578125, + 474.6202392578125, + 473.6202392578125, + 473.6202392578125, + 472.6202392578125, + 472.6202392578125, + 469.6202392578125, + 468.6202392578125, + 463.6202392578125, + 462.6202392578125, + 461.6202392578125, + 459.6202392578125, + 458.6202392578125, + 455.6202392578125, + 454.6202392578125, + 441.6202392578125, + null + ], + "y": [ + 69.95809936523438, + 70.95809936523438, + 70.95809936523438, + 71.95809936523438, + 71.95809936523438, + 75.95809936523438, + 76.95809936523438, + 77.95809936523438, + 79.95809936523438, + 80.95809936523438, + 81.95809936523438, + 82.95809936523438, + 94.95809936523438, + 95.95809936523438, + 110.95809936523438, + 116.95809936523438, + 116.95809936523438, + 117.95809936523438, + 117.95809936523438, + 118.95809936523438, + 118.95809936523438, + 119.95809936523438, + 119.95809936523438, + 120.95809936523438, + 120.95809936523438, + 128.95809936523438, + 129.95809936523438, + 130.95809936523438, + 131.95809936523438, + 134.95809936523438, + 135.95809936523438, + 137.95809936523438, + 139.95809936523438, + 140.95809936523438, + 141.95809936523438, + 143.95809936523438, + 144.95809936523438, + 146.95809936523438, + 147.95809936523438, + 149.95809936523438, + 150.95809936523438, + 151.95809936523438, + 152.95809936523438, + 153.95809936523438, + 154.95809936523438, + 155.95809936523438, + 163.95809936523438, + 164.95809936523438, + 166.95809936523438, + 167.95809936523438, + 168.95809936523438, + 169.95809936523438, + 170.95809936523438, + 173.95809936523438, + 174.95809936523438, + 178.95809936523438, + 178.95809936523438, + 183.95809936523438, + 185.95809936523438, + 186.95809936523438, + 189.95809936523438, + 190.95809936523438, + 197.95809936523438, + 198.95809936523438, + 201.95809936523438, + 202.95809936523438, + 203.95809936523438, + 204.95809936523438, + 205.95809936523438, + 206.95809936523438, + 210.95809936523438, + 211.95809936523438, + 217.95809936523438, + 218.95809936523438, + 227.95809936523438, + 228.95809936523438, + 244.95809936523438, + 245.95809936523438, + 257.9580993652344, + 258.9580993652344, + 267.9580993652344, + 268.9580993652344, + 273.9580993652344, + 274.9580993652344, + 282.9580993652344, + 283.9580993652344, + 292.9580993652344, + 293.9580993652344, + 301.9580993652344, + 302.9580993652344, + 309.9580993652344, + 310.9580993652344, + 313.9580993652344, + 314.9580993652344, + 318.9580993652344, + 319.9580993652344, + 324.9580993652344, + 325.9580993652344, + 333.9580993652344, + 334.9580993652344, + 335.9580993652344, + 336.9580993652344, + 337.9580993652344, + 338.9580993652344, + 339.9580993652344, + 344.9580993652344, + 344.9580993652344, + 343.9580993652344, + 343.9580993652344, + 338.9580993652344, + 337.9580993652344, + 336.9580993652344, + 334.9580993652344, + 333.9580993652344, + 330.9580993652344, + 329.9580993652344, + 327.9580993652344, + 326.9580993652344, + 324.9580993652344, + 323.9580993652344, + 321.9580993652344, + 320.9580993652344, + 317.9580993652344, + 316.9580993652344, + 314.9580993652344, + 313.9580993652344, + 310.9580993652344, + 309.9580993652344, + 304.9580993652344, + 303.9580993652344, + 299.9580993652344, + 298.9580993652344, + 296.9580993652344, + 295.9580993652344, + 293.9580993652344, + 292.9580993652344, + 289.9580993652344, + 288.9580993652344, + 283.9580993652344, + 282.9580993652344, + 276.9580993652344, + 275.9580993652344, + 271.9580993652344, + 270.9580993652344, + 267.9580993652344, + 266.9580993652344, + 264.9580993652344, + 263.9580993652344, + 262.9580993652344, + 261.9580993652344, + 260.9580993652344, + 258.9580993652344, + 256.9580993652344, + 255.95809936523438, + 253.95809936523438, + 250.95809936523438, + 252.95809936523438, + 259.9580993652344, + 260.9580993652344, + 262.9580993652344, + 263.9580993652344, + 264.9580993652344, + 265.9580993652344, + 266.9580993652344, + 267.9580993652344, + 269.9580993652344, + 270.9580993652344, + 272.9580993652344, + 273.9580993652344, + 275.9580993652344, + 276.9580993652344, + 282.9580993652344, + 283.9580993652344, + 291.9580993652344, + 292.9580993652344, + 298.9580993652344, + 299.9580993652344, + 306.9580993652344, + 307.9580993652344, + 314.9580993652344, + 315.9580993652344, + 320.9580993652344, + 321.9580993652344, + 323.9580993652344, + 324.9580993652344, + 325.9580993652344, + 326.9580993652344, + 327.9580993652344, + 329.9580993652344, + 330.9580993652344, + 331.9580993652344, + 334.9580993652344, + 335.9580993652344, + 336.9580993652344, + 337.9580993652344, + 339.9580993652344, + 343.9580993652344, + 343.9580993652344, + 339.9580993652344, + 338.9580993652344, + 337.9580993652344, + 334.9580993652344, + 333.9580993652344, + 319.9580993652344, + 318.9580993652344, + 311.9580993652344, + 310.9580993652344, + 296.9580993652344, + 295.9580993652344, + 280.9580993652344, + 279.9580993652344, + 256.9580993652344, + 255.95809936523438, + 194.95809936523438, + 193.95809936523438, + 191.95809936523438, + 188.95809936523438, + 188.95809936523438, + 189.95809936523438, + 189.95809936523438, + 190.95809936523438, + 190.95809936523438, + 191.95809936523438, + 191.95809936523438, + 190.95809936523438, + 190.95809936523438, + 183.95809936523438, + 182.95809936523438, + 180.95809936523438, + 179.95809936523438, + 178.95809936523438, + 175.95809936523438, + 174.95809936523438, + 170.95809936523438, + 169.95809936523438, + 166.95809936523438, + 165.95809936523438, + 162.95809936523438, + 161.95809936523438, + 159.95809936523438, + 158.95809936523438, + 156.95809936523438, + 155.95809936523438, + 154.95809936523438, + 153.95809936523438, + 152.95809936523438, + 151.95809936523438, + 149.95809936523438, + 148.95809936523438, + 146.95809936523438, + 145.95809936523438, + 143.95809936523438, + 142.95809936523438, + 141.95809936523438, + 139.95809936523438, + 137.95809936523438, + 135.95809936523438, + 134.95809936523438, + 133.95809936523438, + 132.95809936523438, + 131.95809936523438, + 129.95809936523438, + 128.95809936523438, + 127.95809936523438, + 123.95809936523438, + 118.95809936523438, + 117.95809936523438, + 116.95809936523438, + 115.95809936523438, + 114.95809936523438, + 113.95809936523438, + 111.95809936523438, + 110.95809936523438, + 106.95809936523438, + 105.95809936523438, + 94.95809936523438, + 93.95809936523438, + 92.95809936523438, + 89.95809936523438, + 88.95809936523438, + 87.95809936523438, + 84.95809936523438, + 83.95809936523438, + 82.95809936523438, + 81.95809936523438, + 80.95809936523438, + 77.95809936523438, + 77.95809936523438, + 72.95809936523438, + 72.95809936523438, + 71.95809936523438, + 71.95809936523438, + 70.95809936523438, + 70.95809936523438, + 69.95809936523438, + 69.95809936523438, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(238, 130, 238, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "tp", + "legendgrouptitle": { + "text": "tp" + }, + "line": { + "color": "rgb(238, 130, 238)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "DT
id=103664
category=bowl
score=0.72
IoU=0.90", + "type": "scatter", + "x": [ + 73.43220520019531, + 72.43220520019531, + 60.43220520019531, + 59.43220520019531, + 56.43220520019531, + 55.43220520019531, + 53.43220520019531, + 52.43220520019531, + 46.43220520019531, + 45.43220520019531, + 43.43220520019531, + 42.43220520019531, + 41.43220520019531, + 40.43220520019531, + 39.43220520019531, + 38.43220520019531, + 37.43220520019531, + 36.43220520019531, + 35.43220520019531, + 33.43220520019531, + 32.43220520019531, + 31.432205200195312, + 31.432205200195312, + 32.43220520019531, + 32.43220520019531, + 33.43220520019531, + 33.43220520019531, + 34.43220520019531, + 34.43220520019531, + 35.43220520019531, + 35.43220520019531, + 36.43220520019531, + 36.43220520019531, + 37.43220520019531, + 37.43220520019531, + 40.43220520019531, + 41.43220520019531, + 42.43220520019531, + 56.43220520019531, + 57.43220520019531, + 67.43220520019531, + 68.43220520019531, + 73.43220520019531, + 74.43220520019531, + 77.43220520019531, + 78.43220520019531, + 81.43220520019531, + 82.43220520019531, + 84.43220520019531, + 85.43220520019531, + 86.43220520019531, + 88.43220520019531, + 89.43220520019531, + 91.43220520019531, + 92.43220520019531, + 93.43220520019531, + 93.43220520019531, + 94.43220520019531, + 94.43220520019531, + 95.43220520019531, + 95.43220520019531, + 96.43220520019531, + 96.43220520019531, + 97.43220520019531, + 97.43220520019531, + 98.43220520019531, + 98.43220520019531, + 96.43220520019531, + 94.43220520019531, + 93.43220520019531, + 90.43220520019531, + 89.43220520019531, + 76.43220520019531, + 75.43220520019531, + 73.43220520019531, + null + ], + "y": [ + 343.38714599609375, + 344.38714599609375, + 344.38714599609375, + 345.38714599609375, + 345.38714599609375, + 346.38714599609375, + 346.38714599609375, + 347.38714599609375, + 347.38714599609375, + 348.38714599609375, + 348.38714599609375, + 349.38714599609375, + 349.38714599609375, + 350.38714599609375, + 350.38714599609375, + 351.38714599609375, + 351.38714599609375, + 352.38714599609375, + 352.38714599609375, + 354.38714599609375, + 354.38714599609375, + 355.38714599609375, + 364.38714599609375, + 365.38714599609375, + 369.38714599609375, + 370.38714599609375, + 372.38714599609375, + 373.38714599609375, + 374.38714599609375, + 375.38714599609375, + 376.38714599609375, + 377.38714599609375, + 378.38714599609375, + 379.38714599609375, + 380.38714599609375, + 383.38714599609375, + 383.38714599609375, + 384.38714599609375, + 384.38714599609375, + 383.38714599609375, + 383.38714599609375, + 382.38714599609375, + 382.38714599609375, + 381.38714599609375, + 381.38714599609375, + 380.38714599609375, + 380.38714599609375, + 379.38714599609375, + 379.38714599609375, + 378.38714599609375, + 378.38714599609375, + 376.38714599609375, + 376.38714599609375, + 374.38714599609375, + 374.38714599609375, + 373.38714599609375, + 372.38714599609375, + 371.38714599609375, + 369.38714599609375, + 368.38714599609375, + 365.38714599609375, + 364.38714599609375, + 360.38714599609375, + 359.38714599609375, + 357.38714599609375, + 356.38714599609375, + 348.38714599609375, + 346.38714599609375, + 346.38714599609375, + 345.38714599609375, + 345.38714599609375, + 344.38714599609375, + 344.38714599609375, + 343.38714599609375, + 343.38714599609375, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(238, 130, 238, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "tp", + "legendgrouptitle": { + "text": "tp" + }, + "line": { + "color": "rgb(238, 130, 238)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "DT
id=103665
category=bowl
score=0.67
IoU=0.93", + "type": "scatter", + "x": [ + 94.12870788574219, + 93.12870788574219, + 88.12870788574219, + 87.12870788574219, + 84.12870788574219, + 83.12870788574219, + 79.12870788574219, + 78.12870788574219, + 76.12870788574219, + 75.12870788574219, + 73.12870788574219, + 72.12870788574219, + 70.12870788574219, + 69.12870788574219, + 67.12870788574219, + 66.12870788574219, + 65.12870788574219, + 64.12870788574219, + 62.12870788574219, + 61.12870788574219, + 60.12870788574219, + 58.12870788574219, + 59.12870788574219, + 59.12870788574219, + 62.12870788574219, + 63.12870788574219, + 64.12870788574219, + 65.12870788574219, + 66.12870788574219, + 68.12870788574219, + 69.12870788574219, + 71.12870788574219, + 72.12870788574219, + 74.12870788574219, + 75.12870788574219, + 76.12870788574219, + 77.12870788574219, + 78.12870788574219, + 80.12870788574219, + 81.12870788574219, + 82.12870788574219, + 82.12870788574219, + 83.12870788574219, + 83.12870788574219, + 84.12870788574219, + 84.12870788574219, + 85.12870788574219, + 85.12870788574219, + 86.12870788574219, + 88.12870788574219, + 89.12870788574219, + 95.12870788574219, + 96.12870788574219, + 101.12870788574219, + 102.12870788574219, + 105.12870788574219, + 106.12870788574219, + 108.12870788574219, + 109.12870788574219, + 110.12870788574219, + 111.12870788574219, + 112.12870788574219, + 113.12870788574219, + 114.12870788574219, + 115.12870788574219, + 117.12870788574219, + 118.12870788574219, + 119.12870788574219, + 122.12870788574219, + 122.12870788574219, + 128.1287078857422, + 128.1287078857422, + 130.1287078857422, + 130.1287078857422, + 131.1287078857422, + 131.1287078857422, + 132.1287078857422, + 132.1287078857422, + 133.1287078857422, + 132.1287078857422, + 132.1287078857422, + 131.1287078857422, + 131.1287078857422, + 130.1287078857422, + 130.1287078857422, + 128.1287078857422, + 127.12870788574219, + 126.12870788574219, + 124.12870788574219, + 123.12870788574219, + 116.12870788574219, + 115.12870788574219, + 94.12870788574219, + null + ], + "y": [ + 288.7354736328125, + 289.7354736328125, + 289.7354736328125, + 290.7354736328125, + 290.7354736328125, + 291.7354736328125, + 291.7354736328125, + 292.7354736328125, + 292.7354736328125, + 293.7354736328125, + 293.7354736328125, + 294.7354736328125, + 294.7354736328125, + 295.7354736328125, + 295.7354736328125, + 296.7354736328125, + 296.7354736328125, + 297.7354736328125, + 297.7354736328125, + 298.7354736328125, + 298.7354736328125, + 300.7354736328125, + 301.7354736328125, + 302.7354736328125, + 305.7354736328125, + 305.7354736328125, + 306.7354736328125, + 306.7354736328125, + 307.7354736328125, + 307.7354736328125, + 308.7354736328125, + 308.7354736328125, + 309.7354736328125, + 309.7354736328125, + 310.7354736328125, + 310.7354736328125, + 311.7354736328125, + 311.7354736328125, + 313.7354736328125, + 313.7354736328125, + 314.7354736328125, + 315.7354736328125, + 316.7354736328125, + 318.7354736328125, + 319.7354736328125, + 323.7354736328125, + 324.7354736328125, + 325.7354736328125, + 326.7354736328125, + 326.7354736328125, + 327.7354736328125, + 327.7354736328125, + 326.7354736328125, + 326.7354736328125, + 325.7354736328125, + 325.7354736328125, + 324.7354736328125, + 324.7354736328125, + 323.7354736328125, + 323.7354736328125, + 322.7354736328125, + 322.7354736328125, + 321.7354736328125, + 321.7354736328125, + 320.7354736328125, + 320.7354736328125, + 319.7354736328125, + 319.7354736328125, + 316.7354736328125, + 315.7354736328125, + 309.7354736328125, + 308.7354736328125, + 306.7354736328125, + 304.7354736328125, + 303.7354736328125, + 302.7354736328125, + 301.7354736328125, + 300.7354736328125, + 299.7354736328125, + 298.7354736328125, + 297.7354736328125, + 296.7354736328125, + 295.7354736328125, + 294.7354736328125, + 293.7354736328125, + 291.7354736328125, + 291.7354736328125, + 290.7354736328125, + 290.7354736328125, + 289.7354736328125, + 289.7354736328125, + 288.7354736328125, + 288.7354736328125, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(238, 130, 238, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "tp", + "legendgrouptitle": { + "text": "tp" + }, + "line": { + "color": "rgb(238, 130, 238)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "DT
id=103666
category=bowl
score=0.59
IoU=0.79", + "type": "scatter", + "x": [ + 157.6298828125, + 156.6298828125, + 155.6298828125, + 155.6298828125, + 154.6298828125, + 154.6298828125, + 155.6298828125, + 155.6298828125, + 156.6298828125, + 156.6298828125, + 157.6298828125, + 157.6298828125, + 161.6298828125, + 162.6298828125, + 163.6298828125, + 172.6298828125, + 173.6298828125, + 175.6298828125, + 177.6298828125, + 178.6298828125, + 179.6298828125, + 179.6298828125, + 180.6298828125, + 180.6298828125, + 181.6298828125, + 181.6298828125, + 179.6298828125, + 157.6298828125, + null + ], + "y": [ + 168.99095153808594, + 169.99095153808594, + 169.99095153808594, + 170.99095153808594, + 171.99095153808594, + 172.99095153808594, + 173.99095153808594, + 175.99095153808594, + 176.99095153808594, + 177.99095153808594, + 178.99095153808594, + 179.99095153808594, + 183.99095153808594, + 183.99095153808594, + 184.99095153808594, + 184.99095153808594, + 183.99095153808594, + 183.99095153808594, + 181.99095153808594, + 181.99095153808594, + 180.99095153808594, + 179.99095153808594, + 178.99095153808594, + 175.99095153808594, + 174.99095153808594, + 170.99095153808594, + 168.99095153808594, + 168.99095153808594, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": true, + "text": "FP
id=103667
category=oven
score=0.54", + "type": "scatter", + "x": [ + 183, + 182, + 181, + 179, + 177, + 176, + 174, + 173, + 159, + 158, + 148, + 147, + 139, + 138, + 137, + 135, + 134, + 133, + 131, + 129, + 128, + 127, + 121, + 120, + 119, + 118, + 117, + 116, + 115, + 114, + 110, + 109, + 107, + 106, + 105, + 104, + 102, + 101, + 79, + 78, + 74, + 73, + 70, + 69, + 66, + 65, + 60, + 59, + 57, + 56, + 54, + 53, + 51, + 50, + 47, + 46, + 44, + 43, + 42, + 40, + 39, + 37, + 36, + 35, + 34, + 33, + 32, + 31, + 30, + 29, + 27, + 26, + 23, + 22, + 19, + 18, + 16, + 15, + 14, + 13, + 12, + 11, + 9, + 8, + 7, + 6, + 4, + 3, + 0, + 0, + 3, + 4, + 5, + 10, + 11, + 12, + 22, + 23, + 30, + 31, + 35, + 40, + 41, + 42, + 44, + 45, + 48, + 49, + 51, + 52, + 52, + 47, + 46, + 45, + 45, + 48, + 49, + 53, + 54, + 57, + 58, + 60, + 62, + 63, + 64, + 66, + 67, + 73, + 74, + 80, + 81, + 85, + 86, + 90, + 91, + 98, + 99, + 101, + 102, + 103, + 104, + 105, + 106, + 107, + 108, + 111, + 112, + 114, + 115, + 116, + 117, + 118, + 119, + 119, + 123, + 125, + 126, + 128, + 129, + 130, + 131, + 132, + 133, + 134, + 137, + 137, + 138, + 138, + 140, + 149, + 150, + 151, + 152, + 155, + 156, + 161, + 162, + 166, + 167, + 169, + 170, + 171, + 173, + 174, + 177, + 178, + 179, + 181, + 182, + 183, + 184, + 185, + 187, + 188, + 190, + 190, + 191, + 191, + 192, + 192, + 193, + 193, + 192, + 192, + 191, + 191, + 190, + 190, + 189, + 189, + 188, + 183, + null + ], + "y": [ + 188.86636352539062, + 189.86636352539062, + 189.86636352539062, + 191.86636352539062, + 191.86636352539062, + 192.86636352539062, + 192.86636352539062, + 193.86636352539062, + 193.86636352539062, + 194.86636352539062, + 194.86636352539062, + 193.86636352539062, + 193.86636352539062, + 194.86636352539062, + 194.86636352539062, + 196.86636352539062, + 196.86636352539062, + 197.86636352539062, + 197.86636352539062, + 195.86636352539062, + 195.86636352539062, + 194.86636352539062, + 194.86636352539062, + 195.86636352539062, + 195.86636352539062, + 196.86636352539062, + 196.86636352539062, + 197.86636352539062, + 197.86636352539062, + 198.86636352539062, + 198.86636352539062, + 199.86636352539062, + 199.86636352539062, + 200.86636352539062, + 200.86636352539062, + 201.86636352539062, + 201.86636352539062, + 202.86636352539062, + 202.86636352539062, + 203.86636352539062, + 203.86636352539062, + 204.86636352539062, + 204.86636352539062, + 205.86636352539062, + 205.86636352539062, + 206.86636352539062, + 206.86636352539062, + 207.86636352539062, + 207.86636352539062, + 208.86636352539062, + 208.86636352539062, + 209.86636352539062, + 209.86636352539062, + 210.86636352539062, + 210.86636352539062, + 211.86636352539062, + 211.86636352539062, + 212.86636352539062, + 212.86636352539062, + 214.86636352539062, + 214.86636352539062, + 216.86636352539062, + 216.86636352539062, + 217.86636352539062, + 217.86636352539062, + 218.86636352539062, + 218.86636352539062, + 219.86636352539062, + 219.86636352539062, + 220.86636352539062, + 220.86636352539062, + 221.86636352539062, + 221.86636352539062, + 222.86636352539062, + 222.86636352539062, + 223.86636352539062, + 223.86636352539062, + 224.86636352539062, + 224.86636352539062, + 225.86636352539062, + 225.86636352539062, + 226.86636352539062, + 226.86636352539062, + 227.86636352539062, + 227.86636352539062, + 228.86636352539062, + 228.86636352539062, + 229.86636352539062, + 229.86636352539062, + 266.8663635253906, + 266.8663635253906, + 267.8663635253906, + 267.8663635253906, + 272.8663635253906, + 272.8663635253906, + 273.8663635253906, + 273.8663635253906, + 274.8663635253906, + 274.8663635253906, + 275.8663635253906, + 275.8663635253906, + 280.8663635253906, + 280.8663635253906, + 281.8663635253906, + 281.8663635253906, + 282.8663635253906, + 282.8663635253906, + 283.8663635253906, + 283.8663635253906, + 284.8663635253906, + 285.8663635253906, + 290.8663635253906, + 290.8663635253906, + 291.8663635253906, + 292.8663635253906, + 292.8663635253906, + 293.8663635253906, + 293.8663635253906, + 294.8663635253906, + 294.8663635253906, + 295.8663635253906, + 295.8663635253906, + 293.8663635253906, + 293.8663635253906, + 292.8663635253906, + 292.8663635253906, + 291.8663635253906, + 291.8663635253906, + 290.8663635253906, + 290.8663635253906, + 289.8663635253906, + 289.8663635253906, + 288.8663635253906, + 288.8663635253906, + 287.8663635253906, + 287.8663635253906, + 286.8663635253906, + 286.8663635253906, + 285.8663635253906, + 285.8663635253906, + 284.8663635253906, + 284.8663635253906, + 283.8663635253906, + 283.8663635253906, + 282.8663635253906, + 282.8663635253906, + 281.8663635253906, + 281.8663635253906, + 280.8663635253906, + 280.8663635253906, + 279.8663635253906, + 279.8663635253906, + 278.8663635253906, + 277.8663635253906, + 273.8663635253906, + 273.8663635253906, + 272.8663635253906, + 272.8663635253906, + 271.8663635253906, + 271.8663635253906, + 270.8663635253906, + 270.8663635253906, + 269.8663635253906, + 269.8663635253906, + 266.8663635253906, + 265.8663635253906, + 264.8663635253906, + 263.8663635253906, + 261.8663635253906, + 261.8663635253906, + 260.8663635253906, + 260.8663635253906, + 259.8663635253906, + 259.8663635253906, + 258.8663635253906, + 258.8663635253906, + 257.8663635253906, + 257.8663635253906, + 256.8663635253906, + 256.8663635253906, + 255.86636352539062, + 255.86636352539062, + 253.86636352539062, + 253.86636352539062, + 250.86636352539062, + 250.86636352539062, + 249.86636352539062, + 249.86636352539062, + 248.86636352539062, + 248.86636352539062, + 247.86636352539062, + 247.86636352539062, + 245.86636352539062, + 245.86636352539062, + 243.86636352539062, + 234.86636352539062, + 233.86636352539062, + 223.86636352539062, + 222.86636352539062, + 207.86636352539062, + 206.86636352539062, + 202.86636352539062, + 201.86636352539062, + 197.86636352539062, + 196.86636352539062, + 193.86636352539062, + 192.86636352539062, + 191.86636352539062, + 190.86636352539062, + 189.86636352539062, + 188.86636352539062, + 188.86636352539062, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103668
category=oven
score=0.49", + "type": "scatter", + "x": [ + 507.9568786621094, + 505.9568786621094, + 504.9568786621094, + 503.9568786621094, + 503.9568786621094, + 501.9568786621094, + 501.9568786621094, + 500.9568786621094, + 500.9568786621094, + 499.9568786621094, + 499.9568786621094, + 498.9568786621094, + 498.9568786621094, + 497.9568786621094, + 497.9568786621094, + 496.9568786621094, + 496.9568786621094, + 495.9568786621094, + 495.9568786621094, + 494.9568786621094, + 494.9568786621094, + 493.9568786621094, + 493.9568786621094, + 492.9568786621094, + 492.9568786621094, + 491.9568786621094, + 491.9568786621094, + 490.9568786621094, + 490.9568786621094, + 489.9568786621094, + 489.9568786621094, + 488.9568786621094, + 488.9568786621094, + 487.9568786621094, + 487.9568786621094, + 488.9568786621094, + 488.9568786621094, + 490.9568786621094, + 490.9568786621094, + 492.9568786621094, + 494.9568786621094, + 495.9568786621094, + 500.9568786621094, + 501.9568786621094, + 505.9568786621094, + 506.9568786621094, + 513.9568786621094, + 514.9568786621094, + 526.9568786621094, + 527.9568786621094, + 538.9568786621094, + 539.9568786621094, + 554.9568786621094, + 555.9568786621094, + 560.9568786621094, + 561.9568786621094, + 574.9568786621094, + 575.9568786621094, + 588.9568786621094, + 589.9568786621094, + 600.9568786621094, + 601.9568786621094, + 604.9568786621094, + 605.9568786621094, + 605.9568786621094, + 606.9568786621094, + 606.9568786621094, + 607.9568786621094, + 607.9568786621094, + 608.9568786621094, + 608.9568786621094, + 609.9568786621094, + 609.9568786621094, + 610.9568786621094, + 610.9568786621094, + 611.9568786621094, + 611.9568786621094, + 612.9568786621094, + 612.9568786621094, + 613.9568786621094, + 613.9568786621094, + 614.9568786621094, + 614.9568786621094, + 615.9568786621094, + 615.9568786621094, + 616.9568786621094, + 616.9568786621094, + 615.9568786621094, + 615.9568786621094, + 614.9568786621094, + 614.9568786621094, + 613.9568786621094, + 613.9568786621094, + 612.9568786621094, + 612.9568786621094, + 611.9568786621094, + 611.9568786621094, + 609.9568786621094, + 608.9568786621094, + 607.9568786621094, + 606.9568786621094, + 605.9568786621094, + 602.9568786621094, + 601.9568786621094, + 595.9568786621094, + 594.9568786621094, + 589.9568786621094, + 588.9568786621094, + 582.9568786621094, + 581.9568786621094, + 567.9568786621094, + 566.9568786621094, + 543.9568786621094, + 542.9568786621094, + 531.9568786621094, + 530.9568786621094, + 516.9568786621094, + 515.9568786621094, + 507.9568786621094, + null + ], + "y": [ + 200.38796997070312, + 202.38796997070312, + 202.38796997070312, + 203.38796997070312, + 204.38796997070312, + 206.38796997070312, + 207.38796997070312, + 208.38796997070312, + 209.38796997070312, + 210.38796997070312, + 211.38796997070312, + 212.38796997070312, + 215.38796997070312, + 216.38796997070312, + 218.38796997070312, + 219.38796997070312, + 222.38796997070312, + 223.38796997070312, + 231.38796997070312, + 232.38796997070312, + 243.38796997070312, + 244.38796997070312, + 257.3879699707031, + 258.3879699707031, + 280.3879699707031, + 281.3879699707031, + 292.3879699707031, + 293.3879699707031, + 302.3879699707031, + 303.3879699707031, + 311.3879699707031, + 312.3879699707031, + 320.3879699707031, + 321.3879699707031, + 324.3879699707031, + 325.3879699707031, + 326.3879699707031, + 328.3879699707031, + 329.3879699707031, + 331.3879699707031, + 331.3879699707031, + 332.3879699707031, + 332.3879699707031, + 333.3879699707031, + 333.3879699707031, + 334.3879699707031, + 334.3879699707031, + 335.3879699707031, + 335.3879699707031, + 336.3879699707031, + 336.3879699707031, + 337.3879699707031, + 337.3879699707031, + 338.3879699707031, + 338.3879699707031, + 339.3879699707031, + 339.3879699707031, + 340.3879699707031, + 340.3879699707031, + 341.3879699707031, + 341.3879699707031, + 340.3879699707031, + 340.3879699707031, + 339.3879699707031, + 329.3879699707031, + 328.3879699707031, + 322.3879699707031, + 321.3879699707031, + 317.3879699707031, + 316.3879699707031, + 310.3879699707031, + 309.3879699707031, + 302.3879699707031, + 301.3879699707031, + 288.3879699707031, + 287.3879699707031, + 274.3879699707031, + 273.3879699707031, + 269.3879699707031, + 268.3879699707031, + 261.3879699707031, + 260.3879699707031, + 255.38796997070312, + 254.38796997070312, + 247.38796997070312, + 246.38796997070312, + 232.38796997070312, + 231.38796997070312, + 228.38796997070312, + 227.38796997070312, + 224.38796997070312, + 223.38796997070312, + 219.38796997070312, + 218.38796997070312, + 214.38796997070312, + 213.38796997070312, + 212.38796997070312, + 210.38796997070312, + 210.38796997070312, + 209.38796997070312, + 209.38796997070312, + 208.38796997070312, + 208.38796997070312, + 207.38796997070312, + 207.38796997070312, + 206.38796997070312, + 206.38796997070312, + 205.38796997070312, + 205.38796997070312, + 204.38796997070312, + 204.38796997070312, + 203.38796997070312, + 203.38796997070312, + 202.38796997070312, + 202.38796997070312, + 201.38796997070312, + 201.38796997070312, + 200.38796997070312, + 200.38796997070312, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(238, 130, 238, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "tp", + "legendgrouptitle": { + "text": "tp" + }, + "line": { + "color": "rgb(238, 130, 238)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "DT
id=103669
category=cup
score=0.49
IoU=0.81", + "type": "scatter", + "x": [ + 152.09190368652344, + 151.09190368652344, + 148.09190368652344, + 147.09190368652344, + 147.09190368652344, + 145.09190368652344, + 145.09190368652344, + 144.09190368652344, + 144.09190368652344, + 145.09190368652344, + 145.09190368652344, + 146.09190368652344, + 146.09190368652344, + 147.09190368652344, + 147.09190368652344, + 148.09190368652344, + 148.09190368652344, + 149.09190368652344, + 149.09190368652344, + 150.09190368652344, + 152.09190368652344, + 153.09190368652344, + 162.09190368652344, + 163.09190368652344, + 168.09190368652344, + 169.09190368652344, + 170.09190368652344, + 170.09190368652344, + 171.09190368652344, + 171.09190368652344, + 170.09190368652344, + 170.09190368652344, + 169.09190368652344, + 169.09190368652344, + 168.09190368652344, + 167.09190368652344, + 166.09190368652344, + 152.09190368652344, + null + ], + "y": [ + 267.4145202636719, + 268.4145202636719, + 268.4145202636719, + 269.4145202636719, + 270.4145202636719, + 272.4145202636719, + 273.4145202636719, + 274.4145202636719, + 281.4145202636719, + 282.4145202636719, + 285.4145202636719, + 286.4145202636719, + 289.4145202636719, + 290.4145202636719, + 292.4145202636719, + 293.4145202636719, + 296.4145202636719, + 297.4145202636719, + 298.4145202636719, + 299.4145202636719, + 299.4145202636719, + 300.4145202636719, + 300.4145202636719, + 299.4145202636719, + 299.4145202636719, + 298.4145202636719, + 298.4145202636719, + 297.4145202636719, + 296.4145202636719, + 287.4145202636719, + 286.4145202636719, + 272.4145202636719, + 271.4145202636719, + 269.4145202636719, + 268.4145202636719, + 268.4145202636719, + 267.4145202636719, + 267.4145202636719, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103670
category=bowl
score=0.48", + "type": "scatter", + "x": [ + 42, + 41, + 37, + 36, + 33, + 32, + 28, + 27, + 23, + 22, + 14, + 13, + 8, + 7, + 0, + 0, + 3, + 4, + 6, + 7, + 10, + 11, + 12, + 13, + 21, + 22, + 26, + 27, + 28, + 29, + 29, + 31, + 32, + 33, + 34, + 35, + 37, + 38, + 39, + 40, + 41, + 42, + 43, + 44, + 46, + 47, + 49, + 50, + 54, + 55, + 59, + 60, + 65, + 66, + 69, + 70, + 71, + 73, + 74, + 81, + 81, + 82, + 82, + 83, + 83, + 84, + 84, + 81, + 80, + 79, + 78, + 77, + 75, + 74, + 72, + 71, + 69, + 68, + 66, + 65, + 63, + 62, + 59, + 58, + 55, + 54, + 47, + 46, + 42, + null + ], + "y": [ + 303.7321472167969, + 304.7321472167969, + 304.7321472167969, + 305.7321472167969, + 305.7321472167969, + 306.7321472167969, + 306.7321472167969, + 307.7321472167969, + 307.7321472167969, + 308.7321472167969, + 308.7321472167969, + 309.7321472167969, + 309.7321472167969, + 310.7321472167969, + 310.7321472167969, + 365.7321472167969, + 365.7321472167969, + 366.7321472167969, + 366.7321472167969, + 367.7321472167969, + 367.7321472167969, + 368.7321472167969, + 368.7321472167969, + 367.7321472167969, + 367.7321472167969, + 366.7321472167969, + 366.7321472167969, + 365.7321472167969, + 365.7321472167969, + 364.7321472167969, + 355.7321472167969, + 353.7321472167969, + 353.7321472167969, + 352.7321472167969, + 352.7321472167969, + 351.7321472167969, + 351.7321472167969, + 350.7321472167969, + 350.7321472167969, + 349.7321472167969, + 349.7321472167969, + 348.7321472167969, + 348.7321472167969, + 347.7321472167969, + 347.7321472167969, + 346.7321472167969, + 346.7321472167969, + 345.7321472167969, + 345.7321472167969, + 344.7321472167969, + 344.7321472167969, + 343.7321472167969, + 343.7321472167969, + 342.7321472167969, + 342.7321472167969, + 341.7321472167969, + 341.7321472167969, + 339.7321472167969, + 339.7321472167969, + 332.7321472167969, + 331.7321472167969, + 330.7321472167969, + 329.7321472167969, + 328.7321472167969, + 326.7321472167969, + 325.7321472167969, + 316.7321472167969, + 313.7321472167969, + 313.7321472167969, + 312.7321472167969, + 312.7321472167969, + 311.7321472167969, + 311.7321472167969, + 310.7321472167969, + 310.7321472167969, + 309.7321472167969, + 309.7321472167969, + 308.7321472167969, + 308.7321472167969, + 307.7321472167969, + 307.7321472167969, + 306.7321472167969, + 306.7321472167969, + 305.7321472167969, + 305.7321472167969, + 304.7321472167969, + 304.7321472167969, + 303.7321472167969, + 303.7321472167969, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(238, 130, 238, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "tp", + "legendgrouptitle": { + "text": "tp" + }, + "line": { + "color": "rgb(238, 130, 238)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "DT
id=103671
category=dining table
score=0.48
IoU=0.80", + "type": "scatter", + "x": [ + 218, + 217, + 214, + 213, + 210, + 209, + 207, + 206, + 203, + 202, + 201, + 200, + 199, + 197, + 194, + 193, + 188, + 187, + 184, + 183, + 181, + 180, + 179, + 178, + 178, + 172, + 167, + 166, + 164, + 162, + 162, + 158, + 151, + 150, + 149, + 148, + 147, + 141, + 139, + 138, + 136, + 135, + 134, + 133, + 131, + 130, + 127, + 126, + 124, + 123, + 122, + 122, + 121, + 121, + 119, + 118, + 117, + 114, + 113, + 107, + 106, + 105, + 104, + 103, + 102, + 101, + 100, + 98, + 97, + 95, + 94, + 88, + 87, + 81, + 80, + 77, + 76, + 73, + 72, + 70, + 69, + 66, + 65, + 64, + 62, + 61, + 59, + 57, + 56, + 51, + 48, + 47, + 46, + 44, + 43, + 41, + 40, + 36, + 35, + 29, + 28, + 25, + 24, + 22, + 20, + 19, + 18, + 13, + 12, + 0, + 0, + 6, + 7, + 12, + 13, + 16, + 17, + 18, + 19, + 39, + 40, + 46, + 47, + 59, + 60, + 75, + 76, + 87, + 88, + 145, + 146, + 152, + 153, + 196, + 197, + 199, + 200, + 201, + 202, + 203, + 204, + 205, + 208, + 208, + 211, + 212, + 221, + 222, + 229, + 230, + 234, + 234, + 236, + 237, + 245, + 246, + 249, + 250, + 256, + 257, + 260, + 261, + 266, + 267, + 269, + 270, + 271, + 271, + 276, + 277, + 280, + 280, + 282, + 283, + 284, + 285, + 286, + 287, + 288, + 288, + 289, + 289, + 290, + 291, + 292, + 296, + 297, + 300, + 300, + 301, + 301, + 303, + 304, + 308, + 312, + 312, + 311, + 311, + 310, + 310, + 309, + 309, + 307, + 306, + 304, + 304, + 303, + 303, + 302, + 302, + 297, + 298, + 298, + 299, + 299, + 300, + 307, + 308, + 315, + 317, + 318, + 319, + 322, + 325, + 325, + 327, + 327, + 331, + 332, + 332, + 333, + 333, + 334, + 334, + 335, + 335, + 334, + 334, + 335, + 335, + 336, + 336, + 337, + 337, + 338, + 338, + 339, + 339, + 341, + 341, + 342, + 342, + 343, + 343, + 344, + 344, + 343, + 343, + 342, + 342, + 338, + 335, + 334, + 328, + 327, + 320, + 319, + 314, + 313, + 307, + 306, + 302, + 301, + 299, + 298, + 295, + 294, + 286, + 285, + 280, + 279, + 271, + 270, + 252, + 251, + 248, + 247, + 245, + 244, + 237, + 236, + 232, + 231, + 230, + 226, + 225, + 218, + null, + 42, + 43, + 49, + 50, + 66, + 67, + 68, + 69, + 69, + 70, + 70, + 67, + 59, + 58, + 46, + 45, + 38, + 37, + 36, + 34, + 34, + 33, + 38, + 39, + 41, + 42, + null, + 74, + 75, + 76, + 76, + 75, + 73, + 72, + 73, + 74, + null, + 52, + 53, + 56, + 57, + 68, + 69, + 79, + 80, + 84, + 88, + 88, + 90, + 90, + 89, + 87, + 86, + 84, + 83, + 82, + 81, + 79, + 77, + 77, + 76, + 76, + 73, + 72, + 64, + 63, + 61, + 60, + 57, + 56, + 54, + 53, + 52, + 49, + 49, + 48, + 49, + 49, + 52, + null + ], + "y": [ + 239.69749450683594, + 240.69749450683594, + 240.69749450683594, + 241.69749450683594, + 241.69749450683594, + 242.69749450683594, + 242.69749450683594, + 243.69749450683594, + 243.69749450683594, + 244.69749450683594, + 244.69749450683594, + 245.69749450683594, + 245.69749450683594, + 247.69749450683594, + 247.69749450683594, + 248.69749450683594, + 248.69749450683594, + 249.69749450683594, + 249.69749450683594, + 250.69749450683594, + 250.69749450683594, + 251.69749450683594, + 251.69749450683594, + 252.69749450683594, + 253.69749450683594, + 259.69749450683594, + 259.69749450683594, + 258.69749450683594, + 258.69749450683594, + 260.69749450683594, + 261.69749450683594, + 265.69749450683594, + 265.69749450683594, + 264.69749450683594, + 264.69749450683594, + 263.69749450683594, + 263.69749450683594, + 269.69749450683594, + 269.69749450683594, + 270.69749450683594, + 270.69749450683594, + 271.69749450683594, + 271.69749450683594, + 272.69749450683594, + 272.69749450683594, + 273.69749450683594, + 273.69749450683594, + 274.69749450683594, + 274.69749450683594, + 275.69749450683594, + 275.69749450683594, + 276.69749450683594, + 277.69749450683594, + 278.69749450683594, + 280.69749450683594, + 280.69749450683594, + 281.69749450683594, + 281.69749450683594, + 282.69749450683594, + 282.69749450683594, + 283.69749450683594, + 283.69749450683594, + 284.69749450683594, + 284.69749450683594, + 285.69749450683594, + 285.69749450683594, + 286.69749450683594, + 286.69749450683594, + 287.69749450683594, + 287.69749450683594, + 288.69749450683594, + 288.69749450683594, + 289.69749450683594, + 289.69749450683594, + 290.69749450683594, + 290.69749450683594, + 291.69749450683594, + 291.69749450683594, + 292.69749450683594, + 292.69749450683594, + 293.69749450683594, + 293.69749450683594, + 294.69749450683594, + 294.69749450683594, + 296.69749450683594, + 296.69749450683594, + 298.69749450683594, + 298.69749450683594, + 299.69749450683594, + 299.69749450683594, + 302.69749450683594, + 302.69749450683594, + 303.69749450683594, + 303.69749450683594, + 304.69749450683594, + 304.69749450683594, + 305.69749450683594, + 305.69749450683594, + 306.69749450683594, + 306.69749450683594, + 307.69749450683594, + 307.69749450683594, + 308.69749450683594, + 308.69749450683594, + 310.69749450683594, + 310.69749450683594, + 311.69749450683594, + 311.69749450683594, + 312.69749450683594, + 312.69749450683594, + 415.69749450683594, + 415.69749450683594, + 416.69749450683594, + 416.69749450683594, + 417.69749450683594, + 417.69749450683594, + 418.69749450683594, + 418.69749450683594, + 419.69749450683594, + 419.69749450683594, + 418.69749450683594, + 418.69749450683594, + 419.69749450683594, + 419.69749450683594, + 420.69749450683594, + 420.69749450683594, + 421.69749450683594, + 421.69749450683594, + 422.69749450683594, + 422.69749450683594, + 421.69749450683594, + 421.69749450683594, + 420.69749450683594, + 420.69749450683594, + 419.69749450683594, + 419.69749450683594, + 418.69749450683594, + 418.69749450683594, + 417.69749450683594, + 417.69749450683594, + 416.69749450683594, + 416.69749450683594, + 413.69749450683594, + 412.69749450683594, + 409.69749450683594, + 409.69749450683594, + 400.69749450683594, + 400.69749450683594, + 393.69749450683594, + 393.69749450683594, + 389.69749450683594, + 388.69749450683594, + 386.69749450683594, + 386.69749450683594, + 378.69749450683594, + 378.69749450683594, + 375.69749450683594, + 375.69749450683594, + 369.69749450683594, + 369.69749450683594, + 366.69749450683594, + 366.69749450683594, + 361.69749450683594, + 361.69749450683594, + 359.69749450683594, + 359.69749450683594, + 358.69749450683594, + 357.69749450683594, + 352.69749450683594, + 352.69749450683594, + 349.69749450683594, + 348.69749450683594, + 346.69749450683594, + 346.69749450683594, + 345.69749450683594, + 345.69749450683594, + 344.69749450683594, + 344.69749450683594, + 343.69749450683594, + 342.69749450683594, + 341.69749450683594, + 340.69749450683594, + 339.69749450683594, + 339.69749450683594, + 338.69749450683594, + 338.69749450683594, + 339.69749450683594, + 339.69749450683594, + 337.69749450683594, + 336.69749450683594, + 332.69749450683594, + 330.69749450683594, + 330.69749450683594, + 326.69749450683594, + 330.69749450683594, + 337.69749450683594, + 338.69749450683594, + 342.69749450683594, + 343.69749450683594, + 344.69749450683594, + 345.69749450683594, + 346.69749450683594, + 348.69749450683594, + 348.69749450683594, + 350.69749450683594, + 352.69749450683594, + 353.69749450683594, + 357.69749450683594, + 358.69749450683594, + 359.69749450683594, + 364.69749450683594, + 365.69749450683594, + 366.69749450683594, + 367.69749450683594, + 368.69749450683594, + 369.69749450683594, + 369.69749450683594, + 368.69749450683594, + 368.69749450683594, + 370.69749450683594, + 370.69749450683594, + 371.69749450683594, + 371.69749450683594, + 374.69749450683594, + 375.69749450683594, + 377.69749450683594, + 378.69749450683594, + 382.69749450683594, + 381.69749450683594, + 380.69749450683594, + 379.69749450683594, + 377.69749450683594, + 376.69749450683594, + 374.69749450683594, + 373.69749450683594, + 366.69749450683594, + 365.69749450683594, + 315.69749450683594, + 314.69749450683594, + 292.69749450683594, + 291.69749450683594, + 276.69749450683594, + 275.69749450683594, + 274.69749450683594, + 273.69749450683594, + 272.69749450683594, + 271.69749450683594, + 269.69749450683594, + 267.69749450683594, + 266.69749450683594, + 265.69749450683594, + 264.69749450683594, + 263.69749450683594, + 262.69749450683594, + 261.69749450683594, + 258.69749450683594, + 257.69749450683594, + 254.69749450683594, + 253.69749450683594, + 252.69749450683594, + 248.69749450683594, + 248.69749450683594, + 247.69749450683594, + 247.69749450683594, + 248.69749450683594, + 248.69749450683594, + 247.69749450683594, + 247.69749450683594, + 246.69749450683594, + 246.69749450683594, + 245.69749450683594, + 245.69749450683594, + 244.69749450683594, + 244.69749450683594, + 243.69749450683594, + 243.69749450683594, + 242.69749450683594, + 242.69749450683594, + 241.69749450683594, + 241.69749450683594, + 240.69749450683594, + 240.69749450683594, + 241.69749450683594, + 241.69749450683594, + 242.69749450683594, + 242.69749450683594, + 243.69749450683594, + 243.69749450683594, + 244.69749450683594, + 244.69749450683594, + 245.69749450683594, + 241.69749450683594, + 241.69749450683594, + 240.69749450683594, + 240.69749450683594, + 239.69749450683594, + 239.69749450683594, + null, + 333.69749450683594, + 332.69749450683594, + 332.69749450683594, + 333.69749450683594, + 333.69749450683594, + 332.69749450683594, + 332.69749450683594, + 333.69749450683594, + 334.69749450683594, + 335.69749450683594, + 339.69749450683594, + 342.69749450683594, + 342.69749450683594, + 343.69749450683594, + 343.69749450683594, + 344.69749450683594, + 344.69749450683594, + 345.69749450683594, + 345.69749450683594, + 343.69749450683594, + 341.69749450683594, + 340.69749450683594, + 335.69749450683594, + 335.69749450683594, + 333.69749450683594, + 333.69749450683594, + null, + 330.69749450683594, + 329.69749450683594, + 330.69749450683594, + 331.69749450683594, + 332.69749450683594, + 332.69749450683594, + 331.69749450683594, + 330.69749450683594, + 330.69749450683594, + null, + 311.69749450683594, + 312.69749450683594, + 312.69749450683594, + 313.69749450683594, + 313.69749450683594, + 314.69749450683594, + 314.69749450683594, + 315.69749450683594, + 315.69749450683594, + 319.69749450683594, + 320.69749450683594, + 322.69749450683594, + 323.69749450683594, + 324.69749450683594, + 324.69749450683594, + 325.69749450683594, + 325.69749450683594, + 326.69749450683594, + 326.69749450683594, + 325.69749450683594, + 325.69749450683594, + 323.69749450683594, + 322.69749450683594, + 321.69749450683594, + 320.69749450683594, + 320.69749450683594, + 319.69749450683594, + 319.69749450683594, + 320.69749450683594, + 320.69749450683594, + 321.69749450683594, + 321.69749450683594, + 322.69749450683594, + 322.69749450683594, + 323.69749450683594, + 323.69749450683594, + 320.69749450683594, + 317.69749450683594, + 316.69749450683594, + 315.69749450683594, + 314.69749450683594, + 311.69749450683594, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103672
category=spoon
score=0.47", + "type": "scatter", + "x": [ + 492.0787048339844, + 491.0787048339844, + 491.0787048339844, + 490.0787048339844, + 490.0787048339844, + 491.0787048339844, + 492.0787048339844, + 493.0787048339844, + 494.0787048339844, + 494.0787048339844, + 495.0787048339844, + 495.0787048339844, + 494.0787048339844, + 494.0787048339844, + 495.0787048339844, + 495.0787048339844, + 496.0787048339844, + 496.0787048339844, + 499.0787048339844, + 499.0787048339844, + 498.0787048339844, + 498.0787048339844, + 497.0787048339844, + 497.0787048339844, + 496.0787048339844, + 496.0787048339844, + 492.0787048339844, + null + ], + "y": [ + 44.03786849975586, + 45.03786849975586, + 79.03786849975586, + 80.03786849975586, + 89.03786849975586, + 90.03786849975586, + 90.03786849975586, + 89.03786849975586, + 89.03786849975586, + 78.03786849975586, + 77.03786849975586, + 73.03786849975586, + 72.03786849975586, + 63.03786849975586, + 62.03786849975586, + 56.03786849975586, + 55.03786849975586, + 54.03786849975586, + 51.03786849975586, + 50.03786849975586, + 49.03786849975586, + 48.03786849975586, + 47.03786849975586, + 46.03786849975586, + 45.03786849975586, + 44.03786849975586, + 44.03786849975586, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103673
category=person
score=0.45", + "type": "scatter", + "x": [ + 379.17919921875, + 378.17919921875, + 377.17919921875, + 376.17919921875, + 375.17919921875, + 374.17919921875, + 373.17919921875, + 372.17919921875, + 371.17919921875, + 370.17919921875, + 369.17919921875, + 368.17919921875, + 367.17919921875, + 366.17919921875, + 365.17919921875, + 361.17919921875, + 361.17919921875, + 360.17919921875, + 360.17919921875, + 359.17919921875, + 359.17919921875, + 358.17919921875, + 358.17919921875, + 359.17919921875, + 359.17919921875, + 360.17919921875, + 360.17919921875, + 362.17919921875, + 362.17919921875, + 363.17919921875, + 368.17919921875, + 366.17919921875, + 366.17919921875, + 365.17919921875, + 365.17919921875, + 364.17919921875, + 364.17919921875, + 362.17919921875, + 361.17919921875, + 357.17919921875, + 357.17919921875, + 356.17919921875, + 356.17919921875, + 357.17919921875, + 357.17919921875, + 361.17919921875, + 362.17919921875, + 363.17919921875, + 364.17919921875, + 366.17919921875, + 366.17919921875, + 367.17919921875, + 367.17919921875, + 368.17919921875, + 368.17919921875, + 367.17919921875, + 367.17919921875, + 366.17919921875, + 366.17919921875, + 365.17919921875, + 365.17919921875, + 364.17919921875, + 364.17919921875, + 363.17919921875, + 363.17919921875, + 362.17919921875, + 362.17919921875, + 361.17919921875, + 361.17919921875, + 360.17919921875, + 360.17919921875, + 359.17919921875, + 359.17919921875, + 358.17919921875, + 358.17919921875, + 357.17919921875, + 357.17919921875, + 356.17919921875, + 356.17919921875, + 357.17919921875, + 357.17919921875, + 359.17919921875, + 359.17919921875, + 360.17919921875, + 360.17919921875, + 361.17919921875, + 361.17919921875, + 362.17919921875, + 362.17919921875, + 363.17919921875, + 363.17919921875, + 364.17919921875, + 364.17919921875, + 365.17919921875, + 365.17919921875, + 366.17919921875, + 366.17919921875, + 369.17919921875, + 368.17919921875, + 366.17919921875, + 365.17919921875, + 364.17919921875, + 363.17919921875, + 363.17919921875, + 361.17919921875, + 361.17919921875, + 379.17919921875, + 380.17919921875, + 382.17919921875, + 383.17919921875, + 384.17919921875, + 387.17919921875, + 388.17919921875, + 388.17919921875, + 389.17919921875, + 389.17919921875, + 390.17919921875, + 390.17919921875, + 391.17919921875, + 391.17919921875, + 392.17919921875, + 392.17919921875, + 393.17919921875, + 393.17919921875, + 394.17919921875, + 394.17919921875, + 393.17919921875, + 393.17919921875, + 392.17919921875, + 392.17919921875, + 391.17919921875, + 392.17919921875, + 392.17919921875, + 393.17919921875, + 393.17919921875, + 394.17919921875, + 394.17919921875, + 395.17919921875, + 395.17919921875, + 396.17919921875, + 396.17919921875, + 397.17919921875, + 397.17919921875, + 398.17919921875, + 398.17919921875, + 399.17919921875, + 399.17919921875, + 400.17919921875, + 400.17919921875, + 399.17919921875, + 399.17919921875, + 398.17919921875, + 398.17919921875, + 395.17919921875, + 395.17919921875, + 394.17919921875, + 394.17919921875, + 393.17919921875, + 393.17919921875, + 392.17919921875, + 392.17919921875, + 391.17919921875, + 391.17919921875, + 389.17919921875, + 389.17919921875, + 388.17919921875, + 388.17919921875, + 389.17919921875, + 389.17919921875, + 391.17919921875, + 391.17919921875, + 392.17919921875, + 392.17919921875, + 393.17919921875, + 393.17919921875, + 394.17919921875, + 394.17919921875, + 395.17919921875, + 395.17919921875, + 396.17919921875, + 396.17919921875, + 397.17919921875, + 397.17919921875, + 398.17919921875, + 398.17919921875, + 399.17919921875, + 399.17919921875, + 400.17919921875, + 400.17919921875, + 399.17919921875, + 399.17919921875, + 398.17919921875, + 398.17919921875, + 397.17919921875, + 397.17919921875, + 396.17919921875, + 396.17919921875, + 395.17919921875, + 395.17919921875, + 394.17919921875, + 394.17919921875, + 390.17919921875, + 389.17919921875, + 388.17919921875, + 385.17919921875, + 384.17919921875, + 379.17919921875, + null, + 379.17919921875, + 380.17919921875, + 381.17919921875, + 381.17919921875, + 382.17919921875, + 382.17919921875, + 381.17919921875, + 381.17919921875, + 380.17919921875, + 377.17919921875, + 375.17919921875, + 374.17919921875, + 373.17919921875, + 374.17919921875, + 375.17919921875, + 376.17919921875, + 377.17919921875, + 378.17919921875, + 378.17919921875, + 379.17919921875, + 379.17919921875, + null + ], + "y": [ + 95.8208236694336, + 96.8208236694336, + 96.8208236694336, + 97.8208236694336, + 97.8208236694336, + 98.8208236694336, + 98.8208236694336, + 99.8208236694336, + 99.8208236694336, + 100.8208236694336, + 100.8208236694336, + 101.8208236694336, + 101.8208236694336, + 102.8208236694336, + 102.8208236694336, + 106.8208236694336, + 107.8208236694336, + 108.8208236694336, + 110.8208236694336, + 111.8208236694336, + 115.8208236694336, + 116.8208236694336, + 127.8208236694336, + 128.8208236694336, + 130.8208236694336, + 131.8208236694336, + 132.8208236694336, + 134.8208236694336, + 135.8208236694336, + 135.8208236694336, + 140.8208236694336, + 142.8208236694336, + 143.8208236694336, + 144.8208236694336, + 145.8208236694336, + 146.8208236694336, + 147.8208236694336, + 149.8208236694336, + 149.8208236694336, + 153.8208236694336, + 154.8208236694336, + 155.8208236694336, + 159.8208236694336, + 160.8208236694336, + 162.8208236694336, + 166.8208236694336, + 166.8208236694336, + 167.8208236694336, + 167.8208236694336, + 169.8208236694336, + 170.8208236694336, + 171.8208236694336, + 178.8208236694336, + 179.8208236694336, + 197.8208236694336, + 198.8208236694336, + 202.8208236694336, + 203.8208236694336, + 204.8208236694336, + 205.8208236694336, + 207.8208236694336, + 208.8208236694336, + 209.8208236694336, + 210.8208236694336, + 211.8208236694336, + 212.8208236694336, + 214.8208236694336, + 215.8208236694336, + 220.8208236694336, + 221.8208236694336, + 223.8208236694336, + 224.8208236694336, + 227.8208236694336, + 228.8208236694336, + 230.8208236694336, + 231.8208236694336, + 234.8208236694336, + 235.8208236694336, + 253.8208236694336, + 254.8208236694336, + 256.8208236694336, + 258.8208236694336, + 259.8208236694336, + 260.8208236694336, + 262.8208236694336, + 263.8208236694336, + 264.8208236694336, + 265.8208236694336, + 266.8208236694336, + 267.8208236694336, + 269.8208236694336, + 270.8208236694336, + 273.8208236694336, + 274.8208236694336, + 280.8208236694336, + 281.8208236694336, + 289.8208236694336, + 292.8208236694336, + 293.8208236694336, + 293.8208236694336, + 294.8208236694336, + 294.8208236694336, + 295.8208236694336, + 296.8208236694336, + 298.8208236694336, + 307.8208236694336, + 307.8208236694336, + 308.8208236694336, + 308.8208236694336, + 309.8208236694336, + 309.8208236694336, + 312.8208236694336, + 311.8208236694336, + 309.8208236694336, + 308.8208236694336, + 295.8208236694336, + 294.8208236694336, + 276.8208236694336, + 275.8208236694336, + 274.8208236694336, + 273.8208236694336, + 271.8208236694336, + 270.8208236694336, + 268.8208236694336, + 267.8208236694336, + 266.8208236694336, + 265.8208236694336, + 255.8208236694336, + 254.8208236694336, + 252.8208236694336, + 251.8208236694336, + 250.8208236694336, + 247.8208236694336, + 246.8208236694336, + 244.8208236694336, + 243.8208236694336, + 239.8208236694336, + 238.8208236694336, + 230.8208236694336, + 229.8208236694336, + 214.8208236694336, + 213.8208236694336, + 207.8208236694336, + 206.8208236694336, + 203.8208236694336, + 202.8208236694336, + 199.8208236694336, + 198.8208236694336, + 187.8208236694336, + 186.8208236694336, + 184.8208236694336, + 183.8208236694336, + 181.8208236694336, + 178.8208236694336, + 177.8208236694336, + 176.8208236694336, + 174.8208236694336, + 173.8208236694336, + 171.8208236694336, + 170.8208236694336, + 169.8208236694336, + 168.8208236694336, + 167.8208236694336, + 165.8208236694336, + 162.8208236694336, + 161.8208236694336, + 156.8208236694336, + 155.8208236694336, + 154.8208236694336, + 152.8208236694336, + 151.8208236694336, + 150.8208236694336, + 149.8208236694336, + 148.8208236694336, + 146.8208236694336, + 145.8208236694336, + 143.8208236694336, + 142.8208236694336, + 141.8208236694336, + 140.8208236694336, + 139.8208236694336, + 138.8208236694336, + 137.8208236694336, + 136.8208236694336, + 135.8208236694336, + 134.8208236694336, + 132.8208236694336, + 131.8208236694336, + 127.8208236694336, + 126.8208236694336, + 113.8208236694336, + 112.8208236694336, + 110.8208236694336, + 109.8208236694336, + 108.8208236694336, + 107.8208236694336, + 106.8208236694336, + 105.8208236694336, + 103.8208236694336, + 102.8208236694336, + 101.8208236694336, + 97.8208236694336, + 97.8208236694336, + 96.8208236694336, + 96.8208236694336, + 95.8208236694336, + 95.8208236694336, + null, + 281.8208236694336, + 280.8208236694336, + 281.8208236694336, + 286.8208236694336, + 287.8208236694336, + 292.8208236694336, + 293.8208236694336, + 294.8208236694336, + 295.8208236694336, + 295.8208236694336, + 293.8208236694336, + 293.8208236694336, + 292.8208236694336, + 291.8208236694336, + 291.8208236694336, + 290.8208236694336, + 290.8208236694336, + 289.8208236694336, + 286.8208236694336, + 285.8208236694336, + 281.8208236694336, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103674
category=spoon
score=0.44", + "type": "scatter", + "x": [ + 539.1817016601562, + 539.1817016601562, + 538.1817016601562, + 538.1817016601562, + 537.1817016601562, + 537.1817016601562, + 536.1817016601562, + 536.1817016601562, + 537.1817016601562, + 537.1817016601562, + 538.1817016601562, + 538.1817016601562, + 539.1817016601562, + 539.1817016601562, + 540.1817016601562, + 540.1817016601562, + 539.1817016601562, + 539.1817016601562, + 538.1817016601562, + 538.1817016601562, + 537.1817016601562, + 537.1817016601562, + 533.1817016601562, + 533.1817016601562, + 532.1817016601562, + 532.1817016601562, + 531.1817016601562, + 531.1817016601562, + 532.1817016601562, + 532.1817016601562, + 535.1817016601562, + 537.1817016601562, + 538.1817016601562, + 539.1817016601562, + 540.1817016601562, + 542.1817016601562, + 543.1817016601562, + 547.1817016601562, + 548.1817016601562, + 548.1817016601562, + 549.1817016601562, + 549.1817016601562, + 550.1817016601562, + 550.1817016601562, + 552.1817016601562, + 552.1817016601562, + 551.1817016601562, + 551.1817016601562, + 550.1817016601562, + 550.1817016601562, + 549.1817016601562, + 549.1817016601562, + 548.1817016601562, + 548.1817016601562, + 547.1817016601562, + 547.1817016601562, + 545.1817016601562, + 544.1817016601562, + 542.1817016601562, + 541.1817016601562, + 541.1817016601562, + 542.1817016601562, + 542.1817016601562, + 543.1817016601562, + 543.1817016601562, + 544.1817016601562, + 544.1817016601562, + 543.1817016601562, + 543.1817016601562, + 542.1817016601562, + 542.1817016601562, + 541.1817016601562, + 541.1817016601562, + 540.1817016601562, + 540.1817016601562, + 541.1817016601562, + 541.1817016601562, + 540.1817016601562, + 539.1817016601562, + null + ], + "y": [ + 51.44798278808594, + 67.44798278808594, + 68.44798278808594, + 69.44798278808594, + 70.44798278808594, + 72.44798278808594, + 73.44798278808594, + 84.44798278808594, + 85.44798278808594, + 88.44798278808594, + 89.44798278808594, + 91.44798278808594, + 92.44798278808594, + 96.44798278808594, + 97.44798278808594, + 100.44798278808594, + 101.44798278808594, + 102.44798278808594, + 103.44798278808594, + 104.44798278808594, + 105.44798278808594, + 106.44798278808594, + 110.44798278808594, + 111.44798278808594, + 112.44798278808594, + 113.44798278808594, + 114.44798278808594, + 117.44798278808594, + 118.44798278808594, + 122.44798278808594, + 125.44798278808594, + 125.44798278808594, + 126.44798278808594, + 126.44798278808594, + 125.44798278808594, + 125.44798278808594, + 124.44798278808594, + 124.44798278808594, + 123.44798278808594, + 122.44798278808594, + 121.44798278808594, + 120.44798278808594, + 119.44798278808594, + 118.44798278808594, + 116.44798278808594, + 112.44798278808594, + 111.44798278808594, + 109.44798278808594, + 108.44798278808594, + 107.44798278808594, + 106.44798278808594, + 105.44798278808594, + 104.44798278808594, + 103.44798278808594, + 102.44798278808594, + 101.44798278808594, + 101.44798278808594, + 100.44798278808594, + 100.44798278808594, + 99.44798278808594, + 98.44798278808594, + 97.44798278808594, + 92.44798278808594, + 91.44798278808594, + 88.44798278808594, + 87.44798278808594, + 74.44798278808594, + 73.44798278808594, + 71.44798278808594, + 70.44798278808594, + 69.44798278808594, + 68.44798278808594, + 61.44798278808594, + 60.44798278808594, + 58.44798278808594, + 57.44798278808594, + 52.44798278808594, + 51.44798278808594, + 51.44798278808594, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103675
category=bowl
score=0.42", + "type": "scatter", + "x": [ + 274.95367431640625, + 273.95367431640625, + 269.95367431640625, + 268.95367431640625, + 258.95367431640625, + 257.95367431640625, + 255.95367431640625, + 254.95367431640625, + 254.95367431640625, + 255.95367431640625, + 255.95367431640625, + 256.95367431640625, + 256.95367431640625, + 258.95367431640625, + 273.95367431640625, + 274.95367431640625, + 275.95367431640625, + 276.95367431640625, + 278.95367431640625, + 279.95367431640625, + 281.95367431640625, + 282.95367431640625, + 284.95367431640625, + 285.95367431640625, + 286.95367431640625, + 287.95367431640625, + 290.95367431640625, + 291.95367431640625, + 291.95367431640625, + 289.95367431640625, + 288.95367431640625, + 287.95367431640625, + 285.95367431640625, + 284.95367431640625, + 281.95367431640625, + 280.95367431640625, + 277.95367431640625, + 276.95367431640625, + 274.95367431640625, + null + ], + "y": [ + 263.1748962402344, + 264.1748962402344, + 264.1748962402344, + 265.1748962402344, + 265.1748962402344, + 266.1748962402344, + 266.1748962402344, + 267.1748962402344, + 271.1748962402344, + 272.1748962402344, + 276.1748962402344, + 277.1748962402344, + 278.1748962402344, + 280.1748962402344, + 280.1748962402344, + 281.1748962402344, + 281.1748962402344, + 280.1748962402344, + 280.1748962402344, + 279.1748962402344, + 279.1748962402344, + 278.1748962402344, + 278.1748962402344, + 277.1748962402344, + 277.1748962402344, + 276.1748962402344, + 276.1748962402344, + 275.1748962402344, + 269.1748962402344, + 267.1748962402344, + 267.1748962402344, + 266.1748962402344, + 266.1748962402344, + 265.1748962402344, + 265.1748962402344, + 264.1748962402344, + 264.1748962402344, + 263.1748962402344, + 263.1748962402344, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103676
category=oven
score=0.41", + "type": "scatter", + "x": [ + 379.16368103027344, + 379.16368103027344, + 378.16368103027344, + 378.16368103027344, + 377.16368103027344, + 377.16368103027344, + 376.16368103027344, + 376.16368103027344, + 377.16368103027344, + 377.16368103027344, + 378.16368103027344, + 379.16368103027344, + 380.16368103027344, + 381.16368103027344, + 382.16368103027344, + 382.16368103027344, + 383.16368103027344, + 383.16368103027344, + 384.16368103027344, + 384.16368103027344, + 383.16368103027344, + 383.16368103027344, + 381.16368103027344, + 381.16368103027344, + 380.16368103027344, + 380.16368103027344, + 379.16368103027344, + null, + 275.16368103027344, + 274.16368103027344, + 258.16368103027344, + 257.16368103027344, + 247.16368103027344, + 246.16368103027344, + 241.16368103027344, + 240.16368103027344, + 238.16368103027344, + 235.16368103027344, + 235.16368103027344, + 234.16368103027344, + 234.16368103027344, + 233.16368103027344, + 234.16368103027344, + 234.16368103027344, + 235.16368103027344, + 235.16368103027344, + 236.16368103027344, + 236.16368103027344, + 239.16368103027344, + 239.16368103027344, + 240.16368103027344, + 240.16368103027344, + 241.16368103027344, + 241.16368103027344, + 244.16368103027344, + 246.16368103027344, + 247.16368103027344, + 249.16368103027344, + 250.16368103027344, + 256.16368103027344, + 257.16368103027344, + 260.16368103027344, + 261.16368103027344, + 278.16368103027344, + 279.16368103027344, + 283.16368103027344, + 284.16368103027344, + 290.16368103027344, + 291.16368103027344, + 292.16368103027344, + 295.16368103027344, + 296.16368103027344, + 298.16368103027344, + 299.16368103027344, + 303.16368103027344, + 304.16368103027344, + 313.16368103027344, + 314.16368103027344, + 319.16368103027344, + 320.16368103027344, + 329.16368103027344, + 330.16368103027344, + 332.16368103027344, + 333.16368103027344, + 335.16368103027344, + 336.16368103027344, + 338.16368103027344, + 339.16368103027344, + 340.16368103027344, + 342.16368103027344, + 342.16368103027344, + 343.16368103027344, + 343.16368103027344, + 344.16368103027344, + 344.16368103027344, + 343.16368103027344, + 343.16368103027344, + 342.16368103027344, + 342.16368103027344, + 340.16368103027344, + 340.16368103027344, + 339.16368103027344, + 339.16368103027344, + 338.16368103027344, + 338.16368103027344, + 337.16368103027344, + 337.16368103027344, + 338.16368103027344, + 338.16368103027344, + 339.16368103027344, + 339.16368103027344, + 340.16368103027344, + 348.16368103027344, + 349.16368103027344, + 353.16368103027344, + 354.16368103027344, + 375.16368103027344, + 376.16368103027344, + 382.16368103027344, + 383.16368103027344, + 386.16368103027344, + 388.16368103027344, + 388.16368103027344, + 389.16368103027344, + 389.16368103027344, + 390.16368103027344, + 390.16368103027344, + 391.16368103027344, + 391.16368103027344, + 392.16368103027344, + 392.16368103027344, + 391.16368103027344, + 391.16368103027344, + 390.16368103027344, + 390.16368103027344, + 389.16368103027344, + 389.16368103027344, + 388.16368103027344, + 388.16368103027344, + 387.16368103027344, + 385.16368103027344, + 384.16368103027344, + 379.16368103027344, + 378.16368103027344, + 377.16368103027344, + 374.16368103027344, + 373.16368103027344, + 372.16368103027344, + 369.16368103027344, + 369.16368103027344, + 368.16368103027344, + 366.16368103027344, + 365.16368103027344, + 364.16368103027344, + 363.16368103027344, + 363.16368103027344, + 362.16368103027344, + 362.16368103027344, + 361.16368103027344, + 361.16368103027344, + 358.16368103027344, + 358.16368103027344, + 359.16368103027344, + 359.16368103027344, + 360.16368103027344, + 360.16368103027344, + 361.16368103027344, + 361.16368103027344, + 362.16368103027344, + 362.16368103027344, + 363.16368103027344, + 363.16368103027344, + 364.16368103027344, + 364.16368103027344, + 366.16368103027344, + 366.16368103027344, + 367.16368103027344, + 366.16368103027344, + 365.16368103027344, + 364.16368103027344, + 361.16368103027344, + 360.16368103027344, + 356.16368103027344, + 355.16368103027344, + 353.16368103027344, + 352.16368103027344, + 336.16368103027344, + 335.16368103027344, + 332.16368103027344, + 331.16368103027344, + 329.16368103027344, + 328.16368103027344, + 327.16368103027344, + 326.16368103027344, + 325.16368103027344, + 323.16368103027344, + 322.16368103027344, + 321.16368103027344, + 319.16368103027344, + 318.16368103027344, + 313.16368103027344, + 312.16368103027344, + 306.16368103027344, + 305.16368103027344, + 299.16368103027344, + 298.16368103027344, + 277.16368103027344, + 276.16368103027344, + 275.16368103027344, + null + ], + "y": [ + 235.0535888671875, + 237.0535888671875, + 238.0535888671875, + 240.0535888671875, + 241.0535888671875, + 242.0535888671875, + 243.0535888671875, + 248.0535888671875, + 249.0535888671875, + 250.0535888671875, + 250.0535888671875, + 251.0535888671875, + 251.0535888671875, + 250.0535888671875, + 250.0535888671875, + 249.0535888671875, + 248.0535888671875, + 246.0535888671875, + 245.0535888671875, + 244.0535888671875, + 243.0535888671875, + 242.0535888671875, + 240.0535888671875, + 239.0535888671875, + 238.0535888671875, + 236.0535888671875, + 235.0535888671875, + null, + 191.0535888671875, + 192.0535888671875, + 192.0535888671875, + 193.0535888671875, + 193.0535888671875, + 194.0535888671875, + 194.0535888671875, + 195.0535888671875, + 195.0535888671875, + 198.0535888671875, + 200.0535888671875, + 201.0535888671875, + 203.0535888671875, + 204.0535888671875, + 205.0535888671875, + 221.0535888671875, + 222.0535888671875, + 223.0535888671875, + 224.0535888671875, + 225.0535888671875, + 228.0535888671875, + 229.0535888671875, + 230.0535888671875, + 234.0535888671875, + 235.0535888671875, + 236.0535888671875, + 239.0535888671875, + 239.0535888671875, + 240.0535888671875, + 240.0535888671875, + 241.0535888671875, + 241.0535888671875, + 240.0535888671875, + 240.0535888671875, + 241.0535888671875, + 241.0535888671875, + 242.0535888671875, + 242.0535888671875, + 243.0535888671875, + 243.0535888671875, + 242.0535888671875, + 243.0535888671875, + 243.0535888671875, + 244.0535888671875, + 244.0535888671875, + 245.0535888671875, + 245.0535888671875, + 246.0535888671875, + 246.0535888671875, + 247.0535888671875, + 247.0535888671875, + 248.0535888671875, + 248.0535888671875, + 247.0535888671875, + 247.0535888671875, + 248.0535888671875, + 248.0535888671875, + 249.0535888671875, + 249.0535888671875, + 250.0535888671875, + 250.0535888671875, + 252.0535888671875, + 254.0535888671875, + 255.0535888671875, + 256.0535888671875, + 257.0535888671875, + 263.0535888671875, + 264.0535888671875, + 266.0535888671875, + 267.0535888671875, + 268.0535888671875, + 270.0535888671875, + 271.0535888671875, + 272.0535888671875, + 273.0535888671875, + 274.0535888671875, + 275.0535888671875, + 276.0535888671875, + 285.0535888671875, + 286.0535888671875, + 305.0535888671875, + 306.0535888671875, + 308.0535888671875, + 309.0535888671875, + 309.0535888671875, + 310.0535888671875, + 310.0535888671875, + 311.0535888671875, + 311.0535888671875, + 312.0535888671875, + 312.0535888671875, + 311.0535888671875, + 311.0535888671875, + 309.0535888671875, + 307.0535888671875, + 306.0535888671875, + 297.0535888671875, + 296.0535888671875, + 290.0535888671875, + 289.0535888671875, + 285.0535888671875, + 284.0535888671875, + 283.0535888671875, + 282.0535888671875, + 276.0535888671875, + 275.0535888671875, + 270.0535888671875, + 269.0535888671875, + 267.0535888671875, + 266.0535888671875, + 262.0535888671875, + 261.0535888671875, + 263.0535888671875, + 263.0535888671875, + 268.0535888671875, + 268.0535888671875, + 269.0535888671875, + 269.0535888671875, + 270.0535888671875, + 270.0535888671875, + 267.0535888671875, + 265.0535888671875, + 264.0535888671875, + 264.0535888671875, + 263.0535888671875, + 263.0535888671875, + 262.0535888671875, + 261.0535888671875, + 260.0535888671875, + 255.0535888671875, + 254.0535888671875, + 253.0535888671875, + 250.0535888671875, + 235.0535888671875, + 234.0535888671875, + 230.0535888671875, + 229.0535888671875, + 226.0535888671875, + 225.0535888671875, + 222.0535888671875, + 221.0535888671875, + 212.0535888671875, + 211.0535888671875, + 210.0535888671875, + 209.0535888671875, + 208.0535888671875, + 206.0535888671875, + 205.0535888671875, + 204.0535888671875, + 203.0535888671875, + 203.0535888671875, + 202.0535888671875, + 202.0535888671875, + 203.0535888671875, + 203.0535888671875, + 204.0535888671875, + 204.0535888671875, + 203.0535888671875, + 203.0535888671875, + 202.0535888671875, + 202.0535888671875, + 201.0535888671875, + 201.0535888671875, + 200.0535888671875, + 200.0535888671875, + 199.0535888671875, + 199.0535888671875, + 197.0535888671875, + 197.0535888671875, + 196.0535888671875, + 196.0535888671875, + 195.0535888671875, + 195.0535888671875, + 194.0535888671875, + 194.0535888671875, + 193.0535888671875, + 193.0535888671875, + 192.0535888671875, + 192.0535888671875, + 191.0535888671875, + 191.0535888671875, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103677
category=spoon
score=0.41", + "type": "scatter", + "x": [ + 524.091552734375, + 524.091552734375, + 523.091552734375, + 523.091552734375, + 522.091552734375, + 522.091552734375, + 521.091552734375, + 521.091552734375, + 520.091552734375, + 520.091552734375, + 522.091552734375, + 529.091552734375, + 530.091552734375, + 531.091552734375, + 531.091552734375, + 532.091552734375, + 532.091552734375, + 533.091552734375, + 533.091552734375, + 534.091552734375, + 534.091552734375, + 535.091552734375, + 535.091552734375, + 534.091552734375, + 534.091552734375, + 533.091552734375, + 533.091552734375, + 529.091552734375, + 529.091552734375, + 527.091552734375, + 526.091552734375, + 525.091552734375, + 524.091552734375, + null, + 531.091552734375, + 531.091552734375, + 530.091552734375, + 530.091552734375, + 529.091552734375, + 529.091552734375, + 528.091552734375, + 528.091552734375, + 529.091552734375, + 529.091552734375, + 531.091552734375, + 531.091552734375, + 532.091552734375, + 532.091552734375, + 533.091552734375, + 533.091552734375, + 534.091552734375, + 533.091552734375, + 533.091552734375, + 532.091552734375, + 532.091552734375, + 531.091552734375, + null + ], + "y": [ + 85.9859504699707, + 87.9859504699707, + 88.9859504699707, + 92.9859504699707, + 93.9859504699707, + 95.9859504699707, + 96.9859504699707, + 98.9859504699707, + 99.9859504699707, + 108.9859504699707, + 110.9859504699707, + 110.9859504699707, + 109.9859504699707, + 109.9859504699707, + 108.9859504699707, + 107.9859504699707, + 106.9859504699707, + 105.9859504699707, + 104.9859504699707, + 103.9859504699707, + 101.9859504699707, + 100.9859504699707, + 99.9859504699707, + 98.9859504699707, + 97.9859504699707, + 96.9859504699707, + 95.9859504699707, + 91.9859504699707, + 88.9859504699707, + 86.9859504699707, + 86.9859504699707, + 85.9859504699707, + 85.9859504699707, + null, + 43.9859504699707, + 44.9859504699707, + 45.9859504699707, + 48.9859504699707, + 49.9859504699707, + 68.9859504699707, + 69.9859504699707, + 77.9859504699707, + 78.9859504699707, + 79.9859504699707, + 81.9859504699707, + 78.9859504699707, + 77.9859504699707, + 68.9859504699707, + 67.9859504699707, + 53.9859504699707, + 52.9859504699707, + 51.9859504699707, + 46.9859504699707, + 45.9859504699707, + 43.9859504699707, + 43.9859504699707, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103678
category=bowl
score=0.39", + "type": "scatter", + "x": [ + 61.61267852783203, + 60.61267852783203, + 57.61267852783203, + 56.61267852783203, + 53.61267852783203, + 52.61267852783203, + 44.61267852783203, + 43.61267852783203, + 42.61267852783203, + 39.61267852783203, + 38.61267852783203, + 35.61267852783203, + 34.61267852783203, + 33.61267852783203, + 33.61267852783203, + 34.61267852783203, + 34.61267852783203, + 37.61267852783203, + 38.61267852783203, + 39.61267852783203, + 43.61267852783203, + 44.61267852783203, + 48.61267852783203, + 49.61267852783203, + 60.61267852783203, + 61.61267852783203, + 64.61267852783203, + 65.61267852783203, + 67.61267852783203, + 68.61267852783203, + 70.61267852783203, + 71.61267852783203, + 74.61267852783203, + 75.61267852783203, + 78.61267852783203, + 79.61267852783203, + 81.61267852783203, + 82.61267852783203, + 84.61267852783203, + 85.61267852783203, + 88.61267852783203, + 89.61267852783203, + 91.61267852783203, + 92.61267852783203, + 93.61267852783203, + 96.61267852783203, + 96.61267852783203, + 97.61267852783203, + 97.61267852783203, + 96.61267852783203, + 95.61267852783203, + 93.61267852783203, + 92.61267852783203, + 87.61267852783203, + 86.61267852783203, + 61.61267852783203, + null + ], + "y": [ + 344.17852783203125, + 345.17852783203125, + 345.17852783203125, + 346.17852783203125, + 346.17852783203125, + 347.17852783203125, + 347.17852783203125, + 348.17852783203125, + 348.17852783203125, + 351.17852783203125, + 351.17852783203125, + 354.17852783203125, + 354.17852783203125, + 355.17852783203125, + 357.17852783203125, + 358.17852783203125, + 360.17852783203125, + 363.17852783203125, + 363.17852783203125, + 364.17852783203125, + 364.17852783203125, + 365.17852783203125, + 365.17852783203125, + 366.17852783203125, + 366.17852783203125, + 365.17852783203125, + 365.17852783203125, + 364.17852783203125, + 364.17852783203125, + 363.17852783203125, + 363.17852783203125, + 362.17852783203125, + 362.17852783203125, + 361.17852783203125, + 361.17852783203125, + 360.17852783203125, + 360.17852783203125, + 359.17852783203125, + 359.17852783203125, + 358.17852783203125, + 358.17852783203125, + 357.17852783203125, + 357.17852783203125, + 356.17852783203125, + 356.17852783203125, + 353.17852783203125, + 352.17852783203125, + 351.17852783203125, + 347.17852783203125, + 347.17852783203125, + 346.17852783203125, + 346.17852783203125, + 345.17852783203125, + 345.17852783203125, + 344.17852783203125, + 344.17852783203125, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103679
category=spoon
score=0.37", + "type": "scatter", + "x": [ + 515.3973693847656, + 515.3973693847656, + 514.3973693847656, + 514.3973693847656, + 513.3973693847656, + 513.3973693847656, + 514.3973693847656, + 514.3973693847656, + 513.3973693847656, + 513.3973693847656, + 512.3973693847656, + 512.3973693847656, + 511.3973693847656, + 511.3973693847656, + 512.3973693847656, + 512.3973693847656, + 513.3973693847656, + 513.3973693847656, + 514.3973693847656, + 515.3973693847656, + 516.3973693847656, + 517.3973693847656, + 518.3973693847656, + 520.3973693847656, + 520.3973693847656, + 521.3973693847656, + 521.3973693847656, + 520.3973693847656, + 520.3973693847656, + 519.3973693847656, + 519.3973693847656, + 518.3973693847656, + 518.3973693847656, + 517.3973693847656, + 517.3973693847656, + 518.3973693847656, + 518.3973693847656, + 517.3973693847656, + 517.3973693847656, + 516.3973693847656, + 516.3973693847656, + 515.3973693847656, + null + ], + "y": [ + 38.80537033081055, + 39.80537033081055, + 40.80537033081055, + 41.80537033081055, + 42.80537033081055, + 46.80537033081055, + 47.80537033081055, + 68.80537033081055, + 69.80537033081055, + 74.80537033081055, + 75.80537033081055, + 79.80537033081055, + 80.80537033081055, + 87.80537033081055, + 88.80537033081055, + 89.80537033081055, + 90.80537033081055, + 91.80537033081055, + 91.80537033081055, + 92.80537033081055, + 92.80537033081055, + 91.80537033081055, + 91.80537033081055, + 89.80537033081055, + 87.80537033081055, + 86.80537033081055, + 81.80537033081055, + 80.80537033081055, + 78.80537033081055, + 77.80537033081055, + 75.80537033081055, + 74.80537033081055, + 71.80537033081055, + 70.80537033081055, + 54.80537033081055, + 53.80537033081055, + 42.80537033081055, + 41.80537033081055, + 40.80537033081055, + 39.80537033081055, + 38.80537033081055, + 38.80537033081055, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(238, 130, 238, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "tp", + "legendgrouptitle": { + "text": "tp" + }, + "line": { + "color": "rgb(238, 130, 238)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "DT
id=103680
category=bowl
score=0.37
IoU=0.70", + "type": "scatter", + "x": [ + 159.01950073242188, + 158.01950073242188, + 156.01950073242188, + 156.01950073242188, + 155.01950073242188, + 155.01950073242188, + 156.01950073242188, + 156.01950073242188, + 157.01950073242188, + 157.01950073242188, + 158.01950073242188, + 158.01950073242188, + 159.01950073242188, + 160.01950073242188, + 161.01950073242188, + 165.01950073242188, + 166.01950073242188, + 168.01950073242188, + 171.01950073242188, + 171.01950073242188, + 172.01950073242188, + 172.01950073242188, + 173.01950073242188, + 173.01950073242188, + 171.01950073242188, + 170.01950073242188, + 169.01950073242188, + 159.01950073242188, + null + ], + "y": [ + 112.55740356445312, + 113.55740356445312, + 113.55740356445312, + 114.55740356445312, + 115.55740356445312, + 117.55740356445312, + 118.55740356445312, + 119.55740356445312, + 120.55740356445312, + 124.55740356445312, + 125.55740356445312, + 126.55740356445312, + 127.55740356445312, + 127.55740356445312, + 128.55740356445312, + 128.55740356445312, + 127.55740356445312, + 127.55740356445312, + 124.55740356445312, + 122.55740356445312, + 121.55740356445312, + 118.55740356445312, + 117.55740356445312, + 115.55740356445312, + 113.55740356445312, + 113.55740356445312, + 112.55740356445312, + 112.55740356445312, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103681
category=bottle
score=0.37", + "type": "scatter", + "x": [ + 236.92779541015625, + 235.92779541015625, + 235.92779541015625, + 234.92779541015625, + 234.92779541015625, + 230.92779541015625, + 229.92779541015625, + 227.92779541015625, + 227.92779541015625, + 226.92779541015625, + 226.92779541015625, + 225.92779541015625, + 225.92779541015625, + 224.92779541015625, + 224.92779541015625, + 223.92779541015625, + 223.92779541015625, + 219.92779541015625, + 219.92779541015625, + 218.92779541015625, + 218.92779541015625, + 217.92779541015625, + 217.92779541015625, + 216.92779541015625, + 217.92779541015625, + 217.92779541015625, + 218.92779541015625, + 218.92779541015625, + 219.92779541015625, + 219.92779541015625, + 220.92779541015625, + 221.92779541015625, + 223.92779541015625, + 224.92779541015625, + 228.92779541015625, + 231.92779541015625, + 231.92779541015625, + 230.92779541015625, + 230.92779541015625, + 229.92779541015625, + 229.92779541015625, + 230.92779541015625, + 230.92779541015625, + 231.92779541015625, + 231.92779541015625, + 232.92779541015625, + 232.92779541015625, + 233.92779541015625, + 233.92779541015625, + 234.92779541015625, + 234.92779541015625, + 235.92779541015625, + 235.92779541015625, + 236.92779541015625, + 236.92779541015625, + 237.92779541015625, + 237.92779541015625, + 236.92779541015625, + 236.92779541015625, + null + ], + "y": [ + 234.35934448242188, + 235.35934448242188, + 237.35934448242188, + 238.35934448242188, + 239.35934448242188, + 243.35934448242188, + 243.35934448242188, + 245.35934448242188, + 246.35934448242188, + 247.35934448242188, + 248.35934448242188, + 249.35934448242188, + 250.35934448242188, + 251.35934448242188, + 252.35934448242188, + 253.35934448242188, + 254.35934448242188, + 258.3593444824219, + 259.3593444824219, + 260.3593444824219, + 265.3593444824219, + 266.3593444824219, + 267.3593444824219, + 268.3593444824219, + 269.3593444824219, + 289.3593444824219, + 290.3593444824219, + 292.3593444824219, + 293.3593444824219, + 294.3593444824219, + 294.3593444824219, + 295.3593444824219, + 295.3593444824219, + 296.3593444824219, + 296.3593444824219, + 293.3593444824219, + 283.3593444824219, + 282.3593444824219, + 272.3593444824219, + 271.3593444824219, + 265.3593444824219, + 264.3593444824219, + 261.3593444824219, + 260.3593444824219, + 258.3593444824219, + 257.3593444824219, + 255.35934448242188, + 254.35934448242188, + 253.35934448242188, + 252.35934448242188, + 251.35934448242188, + 250.35934448242188, + 249.35934448242188, + 248.35934448242188, + 246.35934448242188, + 245.35934448242188, + 237.35934448242188, + 236.35934448242188, + 234.35934448242188, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103682
category=cup
score=0.36", + "type": "scatter", + "x": [ + 136.45643615722656, + 138.45643615722656, + 138.45643615722656, + 139.45643615722656, + 139.45643615722656, + 140.45643615722656, + 140.45643615722656, + 142.45643615722656, + 144.45643615722656, + 144.45643615722656, + 143.45643615722656, + 143.45643615722656, + 142.45643615722656, + 142.45643615722656, + 143.45643615722656, + 143.45643615722656, + 144.45643615722656, + 144.45643615722656, + 145.45643615722656, + 145.45643615722656, + 146.45643615722656, + 146.45643615722656, + 148.45643615722656, + 148.45643615722656, + 149.45643615722656, + 149.45643615722656, + 150.45643615722656, + 151.45643615722656, + 152.45643615722656, + 154.45643615722656, + 155.45643615722656, + 156.45643615722656, + 157.45643615722656, + 161.45643615722656, + 162.45643615722656, + 169.45643615722656, + 170.45643615722656, + 171.45643615722656, + 171.45643615722656, + 170.45643615722656, + 170.45643615722656, + 169.45643615722656, + 153.45643615722656, + 152.45643615722656, + 151.45643615722656, + 150.45643615722656, + 149.45643615722656, + 148.45643615722656, + 148.45643615722656, + 147.45643615722656, + 147.45643615722656, + 146.45643615722656, + 144.45643615722656, + 142.45643615722656, + 142.45643615722656, + 141.45643615722656, + 141.45643615722656, + 136.45643615722656, + null + ], + "y": [ + 253.393310546875, + 255.393310546875, + 256.393310546875, + 257.393310546875, + 260.393310546875, + 261.393310546875, + 262.393310546875, + 262.393310546875, + 264.393310546875, + 270.393310546875, + 271.393310546875, + 273.393310546875, + 274.393310546875, + 279.393310546875, + 280.393310546875, + 283.393310546875, + 284.393310546875, + 288.393310546875, + 289.393310546875, + 291.393310546875, + 292.393310546875, + 293.393310546875, + 295.393310546875, + 296.393310546875, + 297.393310546875, + 298.393310546875, + 299.393310546875, + 299.393310546875, + 300.393310546875, + 300.393310546875, + 301.393310546875, + 301.393310546875, + 300.393310546875, + 300.393310546875, + 299.393310546875, + 299.393310546875, + 298.393310546875, + 298.393310546875, + 282.393310546875, + 281.393310546875, + 268.393310546875, + 267.393310546875, + 267.393310546875, + 266.393310546875, + 266.393310546875, + 265.393310546875, + 265.393310546875, + 264.393310546875, + 263.393310546875, + 262.393310546875, + 261.393310546875, + 260.393310546875, + 260.393310546875, + 258.393310546875, + 257.393310546875, + 256.393310546875, + 253.393310546875, + 253.393310546875, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(238, 130, 238, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "tp", + "legendgrouptitle": { + "text": "tp" + }, + "line": { + "color": "rgb(238, 130, 238)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "DT
id=103683
category=cup
score=0.36
IoU=0.78", + "type": "scatter", + "x": [ + 128.8713150024414, + 127.8713150024414, + 125.8713150024414, + 124.8713150024414, + 123.8713150024414, + 121.8713150024414, + 121.8713150024414, + 120.8713150024414, + 120.8713150024414, + 123.8713150024414, + 124.8713150024414, + 125.8713150024414, + 126.8713150024414, + 127.8713150024414, + 128.8713150024414, + 131.8713150024414, + 131.8713150024414, + 132.8713150024414, + 132.8713150024414, + 133.8713150024414, + 133.8713150024414, + 135.8713150024414, + 140.8713150024414, + 142.8713150024414, + 142.8713150024414, + 141.8713150024414, + 141.8713150024414, + 140.8713150024414, + 140.8713150024414, + 138.8713150024414, + 138.8713150024414, + 137.8713150024414, + 137.8713150024414, + 136.8713150024414, + 136.8713150024414, + 134.8713150024414, + 128.8713150024414, + null + ], + "y": [ + 272.9745178222656, + 273.9745178222656, + 273.9745178222656, + 274.9745178222656, + 274.9745178222656, + 276.9745178222656, + 279.9745178222656, + 280.9745178222656, + 285.9745178222656, + 288.9745178222656, + 288.9745178222656, + 289.9745178222656, + 289.9745178222656, + 290.9745178222656, + 290.9745178222656, + 293.9745178222656, + 295.9745178222656, + 296.9745178222656, + 299.9745178222656, + 300.9745178222656, + 301.9745178222656, + 303.9745178222656, + 303.9745178222656, + 301.9745178222656, + 296.9745178222656, + 295.9745178222656, + 293.9745178222656, + 292.9745178222656, + 290.9745178222656, + 288.9745178222656, + 285.9745178222656, + 284.9745178222656, + 277.9745178222656, + 276.9745178222656, + 274.9745178222656, + 272.9745178222656, + 272.9745178222656, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103684
category=handbag
score=0.34", + "type": "scatter", + "x": [ + 371.40179443359375, + 367.40179443359375, + 367.40179443359375, + 366.40179443359375, + 366.40179443359375, + 365.40179443359375, + 365.40179443359375, + 364.40179443359375, + 364.40179443359375, + 363.40179443359375, + 363.40179443359375, + 362.40179443359375, + 362.40179443359375, + 361.40179443359375, + 361.40179443359375, + 360.40179443359375, + 360.40179443359375, + 359.40179443359375, + 359.40179443359375, + 358.40179443359375, + 358.40179443359375, + 357.40179443359375, + 357.40179443359375, + 356.40179443359375, + 356.40179443359375, + 355.40179443359375, + 355.40179443359375, + 356.40179443359375, + 356.40179443359375, + 358.40179443359375, + 358.40179443359375, + 360.40179443359375, + 360.40179443359375, + 361.40179443359375, + 361.40179443359375, + 362.40179443359375, + 362.40179443359375, + 363.40179443359375, + 363.40179443359375, + 364.40179443359375, + 364.40179443359375, + 365.40179443359375, + 365.40179443359375, + 366.40179443359375, + 366.40179443359375, + 367.40179443359375, + 367.40179443359375, + 368.40179443359375, + 368.40179443359375, + 369.40179443359375, + 370.40179443359375, + 371.40179443359375, + 372.40179443359375, + 377.40179443359375, + 377.40179443359375, + 378.40179443359375, + 378.40179443359375, + 380.40179443359375, + 381.40179443359375, + 382.40179443359375, + 384.40179443359375, + 385.40179443359375, + 388.40179443359375, + 389.40179443359375, + 390.40179443359375, + 393.40179443359375, + 393.40179443359375, + 392.40179443359375, + 392.40179443359375, + 391.40179443359375, + 391.40179443359375, + 390.40179443359375, + 390.40179443359375, + 389.40179443359375, + 389.40179443359375, + 388.40179443359375, + 388.40179443359375, + 387.40179443359375, + 387.40179443359375, + 386.40179443359375, + 386.40179443359375, + 385.40179443359375, + 385.40179443359375, + 384.40179443359375, + 384.40179443359375, + 385.40179443359375, + 385.40179443359375, + 391.40179443359375, + 391.40179443359375, + 389.40179443359375, + 385.40179443359375, + 384.40179443359375, + 376.40179443359375, + 375.40179443359375, + 371.40179443359375, + null + ], + "y": [ + 199.22523498535156, + 203.22523498535156, + 204.22523498535156, + 205.22523498535156, + 206.22523498535156, + 207.22523498535156, + 208.22523498535156, + 209.22523498535156, + 210.22523498535156, + 211.22523498535156, + 213.22523498535156, + 214.22523498535156, + 216.22523498535156, + 217.22523498535156, + 221.22523498535156, + 222.22523498535156, + 224.22523498535156, + 225.22523498535156, + 227.22523498535156, + 228.22523498535156, + 231.22523498535156, + 232.22523498535156, + 236.22523498535156, + 237.22523498535156, + 242.22523498535156, + 243.22523498535156, + 251.22523498535156, + 252.22523498535156, + 253.22523498535156, + 255.22523498535156, + 256.22523498535156, + 258.22523498535156, + 259.22523498535156, + 260.22523498535156, + 261.22523498535156, + 262.22523498535156, + 263.22523498535156, + 264.22523498535156, + 265.22523498535156, + 266.22523498535156, + 267.22523498535156, + 268.22523498535156, + 271.22523498535156, + 272.22523498535156, + 284.22523498535156, + 285.22523498535156, + 288.22523498535156, + 289.22523498535156, + 290.22523498535156, + 291.22523498535156, + 291.22523498535156, + 292.22523498535156, + 292.22523498535156, + 287.22523498535156, + 285.22523498535156, + 284.22523498535156, + 276.22523498535156, + 274.22523498535156, + 274.22523498535156, + 273.22523498535156, + 273.22523498535156, + 272.22523498535156, + 272.22523498535156, + 271.22523498535156, + 271.22523498535156, + 268.22523498535156, + 260.22523498535156, + 259.22523498535156, + 256.22523498535156, + 255.22523498535156, + 253.22523498535156, + 252.22523498535156, + 251.22523498535156, + 250.22523498535156, + 248.22523498535156, + 247.22523498535156, + 245.22523498535156, + 244.22523498535156, + 239.22523498535156, + 238.22523498535156, + 234.22523498535156, + 233.22523498535156, + 230.22523498535156, + 229.22523498535156, + 214.22523498535156, + 213.22523498535156, + 211.22523498535156, + 205.22523498535156, + 203.22523498535156, + 201.22523498535156, + 201.22523498535156, + 200.22523498535156, + 200.22523498535156, + 199.22523498535156, + 199.22523498535156, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103685
category=potted plant
score=0.32", + "type": "scatter", + "x": [ + 18, + 17, + 14, + 13, + 12, + 20, + 20, + 19, + 18, + null, + 0, + 0, + 4, + 5, + 7, + 8, + 9, + 10, + 16, + 17, + 26, + 27, + 30, + 31, + 35, + 36, + 37, + 40, + 40, + 41, + 41, + 42, + 42, + 43, + 43, + 44, + 44, + 46, + 46, + 47, + 47, + 48, + 48, + 49, + 49, + 50, + 50, + 51, + 51, + 52, + 52, + 55, + 55, + 56, + 56, + 57, + 57, + 58, + 58, + 59, + 59, + 58, + 58, + 57, + 57, + 56, + 56, + 55, + 55, + 51, + 51, + 45, + 45, + 44, + 44, + 43, + 43, + 42, + 42, + 41, + 41, + 34, + 34, + 30, + 30, + 29, + 29, + 28, + 29, + 29, + 30, + 30, + 31, + 31, + 29, + 28, + 25, + 24, + 22, + 22, + 0, + null + ], + "y": [ + 177, + 178, + 178, + 179, + 179, + 179, + 178, + 177, + 177, + null, + 0, + 150, + 150, + 149, + 149, + 148, + 148, + 147, + 147, + 146, + 146, + 145, + 145, + 144, + 144, + 143, + 143, + 140, + 139, + 138, + 135, + 134, + 130, + 129, + 127, + 126, + 125, + 123, + 122, + 121, + 119, + 118, + 115, + 114, + 113, + 112, + 110, + 109, + 108, + 107, + 106, + 103, + 102, + 101, + 100, + 99, + 98, + 97, + 94, + 93, + 75, + 74, + 70, + 69, + 66, + 65, + 64, + 63, + 62, + 58, + 57, + 51, + 50, + 49, + 48, + 47, + 45, + 44, + 42, + 41, + 40, + 33, + 32, + 28, + 26, + 25, + 21, + 20, + 19, + 17, + 16, + 15, + 14, + 10, + 8, + 8, + 5, + 5, + 3, + 0, + 0, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103686
category=spoon
score=0.31", + "type": "scatter", + "x": [ + 331.6103515625, + 331.6103515625, + 330.6103515625, + 330.6103515625, + 329.6103515625, + 329.6103515625, + 328.6103515625, + 328.6103515625, + 326.6103515625, + 326.6103515625, + 324.6103515625, + 324.6103515625, + 323.6103515625, + 323.6103515625, + 324.6103515625, + 333.6103515625, + 334.6103515625, + 335.6103515625, + 335.6103515625, + 336.6103515625, + 335.6103515625, + 335.6103515625, + 334.6103515625, + 334.6103515625, + 333.6103515625, + 333.6103515625, + 332.6103515625, + 332.6103515625, + 331.6103515625, + null + ], + "y": [ + 44.93133544921875, + 45.93133544921875, + 46.93133544921875, + 52.93133544921875, + 53.93133544921875, + 57.93133544921875, + 58.93133544921875, + 59.93133544921875, + 61.93133544921875, + 62.93133544921875, + 64.93133544921875, + 65.93133544921875, + 66.93133544921875, + 75.93133544921875, + 76.93133544921875, + 76.93133544921875, + 75.93133544921875, + 75.93133544921875, + 69.93133544921875, + 68.93133544921875, + 67.93133544921875, + 65.93133544921875, + 64.93133544921875, + 63.93133544921875, + 62.93133544921875, + 60.93133544921875, + 59.93133544921875, + 44.93133544921875, + 44.93133544921875, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103687
category=spoon
score=0.31", + "type": "scatter", + "x": [ + 315.6052551269531, + 315.6052551269531, + 314.6052551269531, + 314.6052551269531, + 313.6052551269531, + 313.6052551269531, + 314.6052551269531, + 314.6052551269531, + 315.6052551269531, + 315.6052551269531, + 316.6052551269531, + 316.6052551269531, + 317.6052551269531, + 318.6052551269531, + 319.6052551269531, + 320.6052551269531, + 321.6052551269531, + 322.6052551269531, + 323.6052551269531, + 324.6052551269531, + 324.6052551269531, + 323.6052551269531, + 323.6052551269531, + 322.6052551269531, + 322.6052551269531, + 321.6052551269531, + 321.6052551269531, + 320.6052551269531, + 320.6052551269531, + 319.6052551269531, + 319.6052551269531, + 318.6052551269531, + 318.6052551269531, + 316.6052551269531, + 315.6052551269531, + null + ], + "y": [ + 41.29359436035156, + 42.29359436035156, + 43.29359436035156, + 58.29359436035156, + 59.29359436035156, + 61.29359436035156, + 62.29359436035156, + 68.29359436035156, + 69.29359436035156, + 71.29359436035156, + 72.29359436035156, + 73.29359436035156, + 73.29359436035156, + 74.29359436035156, + 74.29359436035156, + 75.29359436035156, + 75.29359436035156, + 76.29359436035156, + 76.29359436035156, + 75.29359436035156, + 70.29359436035156, + 69.29359436035156, + 65.29359436035156, + 64.29359436035156, + 63.29359436035156, + 62.29359436035156, + 60.29359436035156, + 59.29359436035156, + 58.29359436035156, + 57.29359436035156, + 55.29359436035156, + 54.29359436035156, + 43.29359436035156, + 41.29359436035156, + 41.29359436035156, + null + ] + }, + { + "fill": "toself", + "fillcolor": "rgba(255, 0, 0, 0.1)", + "hovertemplate": "{text}", + "legendgroup": "fp", + "legendgrouptitle": { + "text": "fp" + }, + "line": { + "color": "rgb(255, 0, 0)" + }, + "mode": "lines", + "name": "", + "showlegend": false, + "text": "FP
id=103688
category=knife
score=0.30", + "type": "scatter", + "x": [ + 236.0730438232422, + 235.0730438232422, + 235.0730438232422, + 234.0730438232422, + 234.0730438232422, + 233.0730438232422, + 233.0730438232422, + 227.0730438232422, + 227.0730438232422, + 226.0730438232422, + 226.0730438232422, + 225.0730438232422, + 225.0730438232422, + 224.0730438232422, + 224.0730438232422, + 223.0730438232422, + 223.0730438232422, + 219.0730438232422, + 219.0730438232422, + 218.0730438232422, + 218.0730438232422, + 217.0730438232422, + 217.0730438232422, + 218.0730438232422, + 218.0730438232422, + 220.0730438232422, + 223.0730438232422, + 224.0730438232422, + 228.0730438232422, + 229.0730438232422, + 229.0730438232422, + 230.0730438232422, + 230.0730438232422, + 231.0730438232422, + 230.0730438232422, + 230.0730438232422, + 229.0730438232422, + 229.0730438232422, + 228.0730438232422, + 228.0730438232422, + 229.0730438232422, + 229.0730438232422, + 230.0730438232422, + 230.0730438232422, + 231.0730438232422, + 231.0730438232422, + 232.0730438232422, + 232.0730438232422, + 233.0730438232422, + 233.0730438232422, + 235.0730438232422, + 235.0730438232422, + 236.0730438232422, + 236.0730438232422, + 237.0730438232422, + 237.0730438232422, + 238.0730438232422, + 238.0730438232422, + 239.0730438232422, + 239.0730438232422, + 240.0730438232422, + 240.0730438232422, + 236.0730438232422, + null + ], + "y": [ + 224.45143127441406, + 225.45143127441406, + 226.45143127441406, + 227.45143127441406, + 236.45143127441406, + 237.45143127441406, + 239.45143127441406, + 245.45143127441406, + 246.45143127441406, + 247.45143127441406, + 248.45143127441406, + 249.45143127441406, + 250.45143127441406, + 251.45143127441406, + 252.45143127441406, + 253.45143127441406, + 254.45143127441406, + 258.45143127441406, + 259.45143127441406, + 260.45143127441406, + 265.45143127441406, + 266.45143127441406, + 291.45143127441406, + 292.45143127441406, + 293.45143127441406, + 295.45143127441406, + 295.45143127441406, + 296.45143127441406, + 296.45143127441406, + 295.45143127441406, + 294.45143127441406, + 293.45143127441406, + 292.45143127441406, + 291.45143127441406, + 290.45143127441406, + 282.45143127441406, + 281.45143127441406, + 274.45143127441406, + 273.45143127441406, + 266.45143127441406, + 265.45143127441406, + 264.45143127441406, + 263.45143127441406, + 261.45143127441406, + 260.45143127441406, + 258.45143127441406, + 257.45143127441406, + 256.45143127441406, + 255.45143127441406, + 254.45143127441406, + 252.45143127441406, + 251.45143127441406, + 250.45143127441406, + 248.45143127441406, + 247.45143127441406, + 244.45143127441406, + 243.45143127441406, + 237.45143127441406, + 236.45143127441406, + 230.45143127441406, + 229.45143127441406, + 228.45143127441406, + 224.45143127441406, + null + ] + } + ], + "layout": { + "autosize": true, + "height": 700, + "margin": { + "t": 60 + }, + "template": { + "data": { + "bar": [ + { + "error_x": { + "color": "#2a3f5f" + }, + "error_y": { + "color": "#2a3f5f" + }, + "marker": { + "line": { + "color": "#E5ECF6", + "width": 0.5 + }, + "pattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + } + }, + "type": "bar" + } + ], + "barpolar": [ + { + "marker": { + "line": { + "color": "#E5ECF6", + "width": 0.5 + }, + "pattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + } + }, + "type": "barpolar" + } + ], + "carpet": [ + { + "aaxis": { + "endlinecolor": "#2a3f5f", + "gridcolor": "white", + "linecolor": "white", + "minorgridcolor": "white", + "startlinecolor": "#2a3f5f" + }, + "baxis": { + "endlinecolor": "#2a3f5f", + "gridcolor": "white", + "linecolor": "white", + "minorgridcolor": "white", + "startlinecolor": "#2a3f5f" + }, + "type": "carpet" + } + ], + "choropleth": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "choropleth" + } + ], + "contour": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "contour" + } + ], + "contourcarpet": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "contourcarpet" + } + ], + "heatmap": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "heatmap" + } + ], + "heatmapgl": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "heatmapgl" + } + ], + "histogram": [ + { + "marker": { + "pattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + } + }, + "type": "histogram" + } + ], + "histogram2d": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "histogram2d" + } + ], + "histogram2dcontour": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "histogram2dcontour" + } + ], + "mesh3d": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "mesh3d" + } + ], + "parcoords": [ + { + "line": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "parcoords" + } + ], + "pie": [ + { + "automargin": true, + "type": "pie" + } + ], + "scatter": [ + { + "fillpattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + }, + "type": "scatter" + } + ], + "scatter3d": [ + { + "line": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatter3d" + } + ], + "scattercarpet": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattercarpet" + } + ], + "scattergeo": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattergeo" + } + ], + "scattergl": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattergl" + } + ], + "scattermapbox": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattermapbox" + } + ], + "scatterpolar": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterpolar" + } + ], + "scatterpolargl": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterpolargl" + } + ], + "scatterternary": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterternary" + } + ], + "surface": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "surface" + } + ], + "table": [ + { + "cells": { + "fill": { + "color": "#EBF0F8" + }, + "line": { + "color": "white" + } + }, + "header": { + "fill": { + "color": "#C8D4E3" + }, + "line": { + "color": "white" + } + }, + "type": "table" + } + ] + }, + "layout": { + "annotationdefaults": { + "arrowcolor": "#2a3f5f", + "arrowhead": 0, + "arrowwidth": 1 + }, + "autotypenumbers": "strict", + "coloraxis": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "colorscale": { + "diverging": [ + [ + 0, + "#8e0152" + ], + [ + 0.1, + "#c51b7d" + ], + [ + 0.2, + "#de77ae" + ], + [ + 0.3, + "#f1b6da" + ], + [ + 0.4, + "#fde0ef" + ], + [ + 0.5, + "#f7f7f7" + ], + [ + 0.6, + "#e6f5d0" + ], + [ + 0.7, + "#b8e186" + ], + [ + 0.8, + "#7fbc41" + ], + [ + 0.9, + "#4d9221" + ], + [ + 1, + "#276419" + ] + ], + "sequential": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "sequentialminus": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ] + }, + "colorway": [ + "#636efa", + "#EF553B", + "#00cc96", + "#ab63fa", + "#FFA15A", + "#19d3f3", + "#FF6692", + "#B6E880", + "#FF97FF", + "#FECB52" + ], + "font": { + "color": "#2a3f5f" + }, + "geo": { + "bgcolor": "white", + "lakecolor": "white", + "landcolor": "#E5ECF6", + "showlakes": true, + "showland": true, + "subunitcolor": "white" + }, + "hoverlabel": { + "align": "left" + }, + "hovermode": "closest", + "mapbox": { + "style": "light" + }, + "paper_bgcolor": "white", + "plot_bgcolor": "#E5ECF6", + "polar": { + "angularaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "bgcolor": "#E5ECF6", + "radialaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + } + }, + "scene": { + "xaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + }, + "yaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + }, + "zaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + } + }, + "shapedefaults": { + "line": { + "color": "#2a3f5f" + } + }, + "ternary": { + "aaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "baxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "bgcolor": "#E5ECF6", + "caxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + } + }, + "title": { + "x": 0.05 + }, + "xaxis": { + "automargin": true, + "gridcolor": "white", + "linecolor": "white", + "ticks": "", + "title": { + "standoff": 15 + }, + "zerolinecolor": "white", + "zerolinewidth": 2 + }, + "yaxis": { + "automargin": true, + "gridcolor": "white", + "linecolor": "white", + "ticks": "", + "title": { + "standoff": 15 + }, + "zerolinecolor": "white", + "zerolinewidth": 2 + } + } + }, + "title": { + "text": "image_id=397133
image_fn=000000397133.jpg" + }, + "width": 900, + "xaxis": { + "anchor": "y", + "domain": [ + 0, + 1 + ], + "range": [ + 0, + 640 + ] + }, + "yaxis": { + "anchor": "x", + "domain": [ + 0, + 1 + ], + "range": [ + 427, + 0 + ] + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "from faster_coco_eval.extra import PreviewResults\n", + "\n", + "image_preview_count = 1\n", + "preview = PreviewResults(\n", + " cocoGt, cocoDt, iouType=\"segm\", iou_tresh=0.5, min_score=0.3\n", + ")\n", + "preview.display_tp_fp_fn(\n", + " data_folder=dataset.data_prefix[\"img\"],\n", + " image_ids=list(cocoGt.imgs.keys())[:image_preview_count],\n", + " display_gt=True,\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "id": "c42047ee", + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "config": { + "plotlyServerURL": "https://plot.ly" + }, + "data": [ + { + "colorscale": [ + [ + 0, + "rgb(247,251,255)" + ], + [ + 0.125, + "rgb(222,235,247)" + ], + [ + 0.25, + "rgb(198,219,239)" + ], + [ + 0.375, + "rgb(158,202,225)" + ], + [ + 0.5, + "rgb(107,174,214)" + ], + [ + 0.625, + "rgb(66,146,198)" + ], + [ + 0.75, + "rgb(33,113,181)" + ], + [ + 0.875, + "rgb(8,81,156)" + ], + [ + 1, + "rgb(8,48,107)" + ] + ], + "hovertemplate": "Real: %{y}
Predict: %{x}
Percent: %{z:.0f}", + "showscale": false, + "type": "heatmap", + "x": [ + "person", + "bicycle", + "car", + "motorcycle", + "airplane", + "bus", + "train", + "truck", + "boat", + "traffic light", + "fire hydrant", + "stop sign", + "parking meter", + "bench", + "bird", + "cat", + "dog", + "horse", + "sheep", + "cow", + "elephant", + "bear", + "zebra", + "giraffe", + "backpack", + "umbrella", + "handbag", + "tie", + "suitcase", + "frisbee", + "skis", + "snowboard", + "sports ball", + "kite", + "baseball bat", + "baseball glove", + "skateboard", + "surfboard", + "tennis racket", + "bottle", + "wine glass", + "cup", + "fork", + "knife", + "spoon", + "bowl", + "banana", + "apple", + "sandwich", + "orange", + "broccoli", + "carrot", + "hot dog", + "pizza", + "donut", + "cake", + "chair", + "couch", + "potted plant", + "bed", + "dining table", + "toilet", + "tv", + "laptop", + "mouse", + "remote", + "keyboard", + "cell phone", + "microwave", + "oven", + "toaster", + "sink", + "refrigerator", + "book", + "clock", + "vase", + "scissors", + "teddy bear", + "hair drier", + "toothbrush", + "fp", + "fn" + ], + "y": [ + "person", + "bicycle", + "car", + "motorcycle", + "airplane", + "bus", + "train", + "truck", + "boat", + "traffic light", + "fire hydrant", + "stop sign", + "parking meter", + "bench", + "bird", + "cat", + "dog", + "horse", + "sheep", + "cow", + "elephant", + "bear", + "zebra", + "giraffe", + "backpack", + "umbrella", + "handbag", + "tie", + "suitcase", + "frisbee", + "skis", + "snowboard", + "sports ball", + "kite", + "baseball bat", + "baseball glove", + "skateboard", + "surfboard", + "tennis racket", + "bottle", + "wine glass", + "cup", + "fork", + "knife", + "spoon", + "bowl", + "banana", + "apple", + "sandwich", + "orange", + "broccoli", + "carrot", + "hot dog", + "pizza", + "donut", + "cake", + "chair", + "couch", + "potted plant", + "bed", + "dining table", + "toilet", + "tv", + "laptop", + "mouse", + "remote", + "keyboard", + "cell phone", + "microwave", + "oven", + "toaster", + "sink", + "refrigerator", + "book", + "clock", + "vase", + "scissors", + "teddy bear", + "hair drier", + "toothbrush" + ], + "z": [ + [ + 50.07161, + 0, + 0.018681113, + 0.018681113, + 0, + 0, + 0, + 0, + 0.006227038, + 0.012454076, + 0, + 0, + 0, + 0, + 0.006227038, + 0.006227038, + 0.018681113, + 0.018681113, + 0.006227038, + 0, + 0, + 0, + 0.006227038, + 0, + 0.018681113, + 0.006227038, + 0, + 0.006227038, + 0.006227038, + 0, + 0, + 0.006227038, + 0.006227038, + 0, + 0, + 0, + 0.006227038, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.043589264, + 0.006227038, + 0.006227038, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.006227038, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.018681113, + 0, + 0, + 31.477674, + 18.195404 + ], + [ + 0.18621974, + 24.394787, + 0, + 1.1173184, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.18621974, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.37243947, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 41.154564, + 32.588455 + ], + [ + 0.066533595, + 0, + 38.290085, + 0.033266798, + 0.033266798, + 0.033266798, + 0, + 1.0978044, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.033266798, + 0, + 0, + 0.033266798, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 35.728542, + 24.6507 + ], + [ + 0.88809943, + 0.88809943, + 0.3552398, + 43.161633, + 0, + 0, + 0, + 0.1776199, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.1776199, + 0, + 0, + 0.1776199, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 34.10302, + 20.071047 + ], + [ + 0, + 0, + 0, + 0, + 58.333332, + 0, + 0, + 0, + 0.4901961, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 29.90196, + 11.274509 + ], + [ + 0, + 0, + 0.5012531, + 0, + 0, + 50.877197, + 1.5037594, + 4.7619047, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 28.57143, + 13.784461 + ], + [ + 0, + 0, + 0.40650403, + 0, + 0, + 2.0325203, + 61.78862, + 0.40650403, + 0, + 0, + 0, + 0.40650403, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.40650403, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 22.764229, + 11.788618 + ], + [ + 0, + 0, + 11.519608, + 0.24509805, + 0, + 1.3480393, + 0, + 23.406864, + 0.12254903, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.12254903, + 0, + 0, + 0, + 0, + 0, + 0.12254903, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 49.14216, + 13.970588 + ], + [ + 0.1438849, + 0, + 0.4316547, + 0, + 0.1438849, + 0.1438849, + 0.2877698, + 0.1438849, + 26.906475, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.1438849, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 38.129498, + 33.52518 + ], + [ + 0.108342364, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 32.827736, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 30.985916, + 36.078007 + ], + [ + 1.459854, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 57.664234, + 0, + 0.729927, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 26.277372, + 13.868613 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 40.310078, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 41.860466, + 17.829456 + ], + [ + 0, + 0, + 0, + 0, + 0.9803922, + 0, + 0, + 0, + 0, + 0.9803922, + 0.9803922, + 2.9411764, + 35.294117, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.9803922, + 0, + 0, + 0.9803922, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.9803922, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 41.17647, + 14.705883 + ], + [ + 0, + 0, + 0.15600625, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 20.436817, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.3120125, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.15600625, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1.4040562, + 0.15600625, + 0, + 0, + 0.3120125, + 0, + 0.15600625, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 35.569424, + 41.341652 + ], + [ + 0.6015038, + 0, + 0, + 0, + 0.15037595, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 27.06767, + 0, + 0.15037595, + 0.15037595, + 0.45112783, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.7518797, + 0.15037595, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.15037595, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.15037595, + 0, + 0, + 33.834587, + 36.39098 + ], + [ + 0.37453184, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 65.9176, + 4.494382, + 0, + 0, + 0, + 0, + 0.37453184, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.37453184, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 24.34457, + 4.11985 + ], + [ + 1.7191976, + 0.28653297, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.28653297, + 2.0057306, + 46.991405, + 0.57306594, + 1.7191976, + 0.28653297, + 0.28653297, + 0.28653297, + 0, + 0, + 0, + 0.28653297, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.28653297, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.28653297, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.28653297, + 0, + 0.57306594, + 0, + 0, + 37.535816, + 6.303725 + ], + [ + 0.49261084, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.24630542, + 47.29064, + 2.955665, + 1.2315271, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.24630542, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 32.75862, + 14.778325 + ], + [ + 0.16977929, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.33955857, + 0, + 42.6146, + 3.3955858, + 0.16977929, + 0.16977929, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 38.709675, + 14.43124 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.16891892, + 0.16891892, + 0.84459454, + 1.0135134, + 2.7027028, + 42.736485, + 0, + 0, + 0.5067567, + 0.16891892, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 35.81081, + 15.878378 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.26809654, + 0.26809654, + 0, + 0.26809654, + 0, + 0, + 60.32172, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 31.63539, + 7.2386055 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 2.0618556, + 0, + 4.123711, + 0, + 2.0618556, + 59.79381, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 26.804123, + 5.1546392 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 57.108433, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 35.421688, + 7.4698796 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 72.98245, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 18.59649, + 8.421053 + ], + [ + 1.275917, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 15.470494, + 0, + 3.508772, + 0, + 0.7974481, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.4784689, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 40.829346, + 37.639553 + ], + [ + 0.29542097, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 40.177254, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.44313148, + 0.14771049, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 38.99557, + 19.940916 + ], + [ + 0.4634994, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 2.6651216, + 0.11587485, + 13.789108, + 0.34762457, + 1.506373, + 0, + 0, + 0, + 0, + 0, + 0, + 0.11587485, + 0.11587485, + 0, + 0.11587485, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.2317497, + 0, + 0.11587485, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 37.427578, + 42.98957 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 32.697548, + 0, + 0, + 0, + 0, + 0, + 0, + 0.27247956, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 30.790192, + 36.23978 + ], + [ + 0.1904762, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.1904762, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 2.4761903, + 0, + 0.57142854, + 0, + 33.714287, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.57142854, + 0, + 0, + 0, + 0, + 0, + 0, + 0.3809524, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 42.285713, + 19.619047 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 54.11765, + 0, + 0, + 1.764706, + 0, + 0, + 0, + 0, + 0, + 0.5882353, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.5882353, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 32.352943, + 10.588236 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 11.111112, + 0.60606056, + 0, + 0, + 0, + 0, + 0, + 0.40404043, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 51.313133, + 36.565655 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1.5037594, + 26.31579, + 0, + 0, + 0, + 0, + 0.7518797, + 0.7518797, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 48.1203, + 22.55639 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.27173913, + 0, + 0, + 35.326088, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.27173913, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 28.53261, + 35.597824 + ], + [ + 0.18796992, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.18796992, + 0.7518797, + 0, + 0, + 0, + 0.37593985, + 0, + 0, + 0.18796992, + 34.210526, + 0, + 0, + 0, + 0.56390977, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 36.842106, + 26.691729 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.37593985, + 0, + 0, + 0.37593985, + 0, + 27.81955, + 0.37593985, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.37593985, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 45.11278, + 25.563911 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 38.034187, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 36.752136, + 25.213676 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.34965035, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 40.909092, + 0, + 0.34965035, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 37.412586, + 20.979021 + ], + [ + 0.24449879, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.24449879, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.24449879, + 0.24449879, + 0.24449879, + 0, + 0, + 0.24449879, + 36.919315, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.24449879, + 0, + 0, + 0, + 0, + 0, + 0, + 34.22983, + 27.139366 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.6369427, + 0, + 0, + 0, + 0.31847134, + 0, + 0, + 0, + 0, + 55.732483, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.31847134, + 0, + 0, + 0, + 28.343948, + 14.649682 + ], + [ + 0.05446623, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.05446623, + 0, + 0, + 0, + 0.05446623, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.05446623, + 0, + 0, + 0.05446623, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 29.793028, + 0.1633987, + 1.8518518, + 0, + 0, + 0.05446623, + 0.05446623, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.05446623, + 0, + 0.10893246, + 0, + 0, + 0, + 0, + 0, + 0.05446623, + 0.05446623, + 0.5446623, + 0, + 0, + 0, + 0.10893246, + 44.172115, + 22.712418 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.1923077, + 28.846153, + 6.5384617, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.1923077, + 0, + 0, + 0, + 0, + 34.03846, + 30.192307 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1.1329756, + 1.2522361, + 30.59034, + 0, + 0, + 0, + 1.3118665, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.05963029, + 0.05963029, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.05963029, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.17889087, + 0, + 0.47704232, + 0, + 0, + 0, + 0, + 46.392365, + 18.485392 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.26455027, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 23.280424, + 2.1164021, + 2.6455026, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.26455027, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 43.121693, + 28.306877 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1.7421603, + 14.45993, + 1.0452962, + 0, + 0, + 0, + 0.17421603, + 0, + 0, + 0, + 0, + 0, + 0, + 0.17421603, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.34843206, + 0, + 0, + 0, + 43.205574, + 38.850174 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.22222222, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 2.6666667, + 1.1111112, + 12.444445, + 0.22222222, + 0, + 0, + 0, + 0, + 0, + 0.22222222, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.22222222, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.22222222, + 0, + 0, + 0.22222222, + 43.77778, + 38.666664 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.08920606, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.08920606, + 0, + 1.9625334, + 0, + 0, + 0, + 31.31133, + 0, + 0.35682425, + 0.08920606, + 0.2676182, + 0.17841212, + 0, + 0, + 0.2676182, + 0.08920606, + 0.2676182, + 0.17841212, + 0, + 0, + 0, + 0.2676182, + 0.08920606, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.08920606, + 0.08920606, + 0.17841212, + 0, + 0, + 0, + 0, + 44.157, + 19.982159 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.13947001, + 0.13947001, + 24.965134, + 0.13947001, + 0.27894002, + 0.13947001, + 0, + 0, + 0, + 0, + 0.13947001, + 0, + 0.13947001, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 47.140865, + 26.778242 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.6198347, + 18.38843, + 0, + 1.6528925, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.20661156, + 0, + 0, + 0, + 0, + 0, + 50.619835, + 28.512398 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.28089887, + 0, + 0.28089887, + 0, + 0.56179774, + 0, + 0, + 27.52809, + 0, + 0.28089887, + 0, + 0.28089887, + 1.4044944, + 0.28089887, + 3.6516852, + 0, + 0, + 0, + 0, + 0.56179774, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 50.2809, + 14.606741 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1.0452962, + 0, + 2.0905924, + 0.17421603, + 25.261324, + 0, + 0.17421603, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 50, + 21.254354 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.16366613, + 0, + 0, + 0, + 0, + 29.132568, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 48.281506, + 22.422258 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.24813895, + 0, + 0.124069475, + 0, + 0.124069475, + 0, + 24.317617, + 0.37220845, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 53.970222, + 20.843674 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 6.030151, + 0, + 0, + 0.5025126, + 30.150753, + 1.5075377, + 3.517588, + 0.5025126, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 36.180904, + 21.60804 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.20876828, + 0, + 1.0438414, + 0, + 0, + 0, + 0.41753656, + 45.093945, + 0, + 0.20876828, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 40.50104, + 12.526096 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.1669449, + 0, + 0, + 0, + 0.1669449, + 0, + 0.1669449, + 0.3338898, + 0, + 0, + 0, + 0.1669449, + 0.3338898, + 37.228714, + 1.5025042, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.1669449, + 0, + 0, + 43.57262, + 16.193657 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.17889087, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.8944544, + 0, + 0, + 0, + 0.7155635, + 0.17889087, + 0, + 1.6100179, + 0, + 0, + 0, + 0, + 0.35778174, + 1.9677997, + 30.232557, + 0.17889087, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.17889087, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.17889087, + 0, + 0, + 43.470486, + 19.856886 + ], + [ + 0.40272614, + 0.030978935, + 0.12391574, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.58859974, + 0, + 0, + 0, + 0.030978935, + 0, + 0, + 0, + 0, + 0, + 0, + 0.030978935, + 0, + 0, + 0, + 0.06195787, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.030978935, + 0, + 0, + 0, + 0.030978935, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.030978935, + 25.216854, + 1.0223049, + 0, + 0.0929368, + 0.0929368, + 0, + 0, + 0.15489466, + 0, + 0, + 0, + 0, + 0, + 0.030978935, + 0, + 0, + 0, + 0, + 0, + 0.030978935, + 0, + 0, + 0, + 0, + 44.516727, + 27.478313 + ], + [ + 0.21978024, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.21978024, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.21978024, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 4.6153846, + 32.967033, + 0, + 2.1978023, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 42.637363, + 16.923077 + ], + [ + 0, + 0, + 0.15974441, + 0, + 0, + 0, + 0, + 0, + 0.15974441, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.31948882, + 0, + 0, + 0, + 0.31948882, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 27.635782, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.63897765, + 0, + 0, + 0, + 0, + 45.20767, + 25.559107 + ], + [ + 0.37878788, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.37878788, + 0, + 0, + 0, + 0, + 0.37878788, + 0, + 0, + 0.37878788, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.37878788, + 2.6515152, + 0, + 37.121212, + 0.37878788, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 38.257576, + 19.69697 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.6056018, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.07570022, + 0, + 0.07570022, + 0, + 0.07570022, + 0, + 0, + 0.07570022, + 0, + 0, + 0, + 0, + 0.07570022, + 0, + 0, + 0.37850115, + 0, + 0, + 0.07570022, + 22.255867, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.07570022, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 47.23694, + 28.993187 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.3546099, + 0, + 0, + 0, + 0, + 52.12766, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1.7730497, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 36.524822, + 9.219858 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.46189377, + 0, + 0, + 0, + 0, + 0, + 49.65358, + 1.616628, + 0, + 0, + 0, + 0, + 0.23094688, + 0, + 0, + 0.23094688, + 0.23094688, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 33.4873, + 14.087761 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1.347709, + 44.743935, + 0, + 0.26954177, + 0.8086253, + 0.53908354, + 0, + 0, + 0, + 0, + 0, + 0.8086253, + 0, + 0, + 0, + 0, + 0, + 0, + 37.73585, + 13.746632 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 50.617283, + 0.61728394, + 0.61728394, + 0.61728394, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 34.5679, + 12.962963 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.20325202, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.20325202, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.20325202, + 29.268291, + 0.20325202, + 2.4390242, + 0, + 0, + 0, + 0, + 0, + 1.0162601, + 0, + 0, + 0, + 0, + 0, + 0, + 42.479675, + 23.98374 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1.048951, + 0, + 0.6993007, + 40.55944, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 46.503494, + 11.188811 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.21881838, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.21881838, + 0, + 0.21881838, + 0, + 0.21881838, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.65645516, + 0.43763676, + 2.1881838, + 0.21881838, + 26.258205, + 0, + 0, + 0, + 0, + 0, + 0.21881838, + 0, + 0, + 0, + 0, + 0, + 0.21881838, + 42.669586, + 26.258205 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 4, + 0, + 0, + 0, + 0, + 0, + 39, + 3, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 45, + 9 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.77220076, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.38610038, + 0, + 0.38610038, + 0, + 0, + 0, + 0, + 0, + 1.9305018, + 29.343628, + 0, + 0.77220076, + 0.38610038, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 44.787643, + 21.235521 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 4.347826, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 21.73913, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 60.869564, + 13.043478 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.2604167, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.2604167, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.2604167, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 35.9375, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 41.40625, + 21.875 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.4761905, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.4761905, + 0, + 0, + 0, + 0, + 0, + 0, + 0.952381, + 0, + 0, + 42.857143, + 0.4761905, + 0, + 0, + 0, + 0, + 0, + 0, + 40, + 14.761906 + ], + [ + 0.04361099, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.04361099, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.04361099, + 0.08722198, + 0, + 0, + 0, + 0, + 0, + 0.08722198, + 0.3924989, + 0, + 0, + 0.08722198, + 0.08722198, + 0, + 0, + 0, + 0, + 0, + 14.871347, + 0, + 0, + 0, + 0, + 0, + 0, + 49.367638, + 34.888794 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.25641027, + 0, + 0, + 0, + 0.25641027, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.51282054, + 0, + 0, + 0, + 0, + 0.25641027, + 0, + 0, + 0, + 0, + 0, + 0.51282054, + 47.692307, + 0, + 0, + 0, + 0, + 0, + 31.538464, + 18.97436 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.1996008, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1.1976049, + 0.1996008, + 1.3972056, + 0, + 0, + 0, + 0.7984032, + 0, + 0, + 0, + 0.1996008, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.1996008, + 0.1996008, + 29.940119, + 0, + 0, + 0, + 0, + 44.71058, + 20.958084 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1.8867924, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1.8867924, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 24.528303, + 0, + 0, + 0, + 32.07547, + 39.622643 + ], + [ + 0.952381, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.63492066, + 0.63492066, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.31746033, + 0, + 0.31746033, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.31746033, + 0, + 0, + 0, + 0.31746033, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 42.22222, + 0, + 0, + 39.36508, + 14.920635 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 7.692308, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 15.384616, + 76.92308 + ], + [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0.8403362, + 0, + 0, + 0, + 0, + 0.8403362, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 18.487396, + 52.10084, + 27.731094 + ] + ] + } + ], + "layout": { + "annotations": [ + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "50%", + "x": "person", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "31%", + "x": "fp", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "18%", + "x": "fn", + "xref": "x", + "y": "person", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "24%", + "x": "bicycle", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "motorcycle", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "41%", + "x": "fp", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "33%", + "x": "fn", + "xref": "x", + "y": "bicycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "38%", + "x": "car", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "truck", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "36%", + "x": "fp", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "25%", + "x": "fn", + "xref": "x", + "y": "car", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "person", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "bicycle", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "43%", + "x": "motorcycle", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "34%", + "x": "fp", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "20%", + "x": "fn", + "xref": "x", + "y": "motorcycle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "58%", + "x": "airplane", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "30%", + "x": "fp", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "11%", + "x": "fn", + "xref": "x", + "y": "airplane", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "car", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "51%", + "x": "bus", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "train", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "5%", + "x": "truck", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "29%", + "x": "fp", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "14%", + "x": "fn", + "xref": "x", + "y": "bus", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "bus", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "62%", + "x": "train", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "23%", + "x": "fp", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "12%", + "x": "fn", + "xref": "x", + "y": "train", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "12%", + "x": "car", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "bus", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "23%", + "x": "truck", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "49%", + "x": "fp", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "14%", + "x": "fn", + "xref": "x", + "y": "truck", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "27%", + "x": "boat", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "38%", + "x": "fp", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "34%", + "x": "fn", + "xref": "x", + "y": "boat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "33%", + "x": "traffic light", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "31%", + "x": "fp", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "36%", + "x": "fn", + "xref": "x", + "y": "traffic light", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "person", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "58%", + "x": "fire hydrant", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "parking meter", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "26%", + "x": "fp", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "14%", + "x": "fn", + "xref": "x", + "y": "fire hydrant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "40%", + "x": "stop sign", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "42%", + "x": "fp", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "18%", + "x": "fn", + "xref": "x", + "y": "stop sign", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "airplane", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "traffic light", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "fire hydrant", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "3%", + "x": "stop sign", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "35%", + "x": "parking meter", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "surfboard", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "wine glass", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "refrigerator", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "41%", + "x": "fp", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "15%", + "x": "fn", + "xref": "x", + "y": "parking meter", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "20%", + "x": "bench", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "chair", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "36%", + "x": "fp", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "41%", + "x": "fn", + "xref": "x", + "y": "bench", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "person", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "27%", + "x": "bird", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "kite", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "34%", + "x": "fp", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "36%", + "x": "fn", + "xref": "x", + "y": "bird", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "66%", + "x": "cat", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "4%", + "x": "dog", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "24%", + "x": "fp", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "4%", + "x": "fn", + "xref": "x", + "y": "cat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "person", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "cat", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "47%", + "x": "dog", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "horse", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "sheep", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "teddy bear", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "38%", + "x": "fp", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "6%", + "x": "fn", + "xref": "x", + "y": "dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "47%", + "x": "horse", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "3%", + "x": "sheep", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "cow", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "33%", + "x": "fp", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "15%", + "x": "fn", + "xref": "x", + "y": "horse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "43%", + "x": "sheep", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "3%", + "x": "cow", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "39%", + "x": "fp", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "14%", + "x": "fn", + "xref": "x", + "y": "sheep", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "dog", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "horse", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "3%", + "x": "sheep", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "43%", + "x": "cow", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "zebra", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "36%", + "x": "fp", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "16%", + "x": "fn", + "xref": "x", + "y": "cow", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "60%", + "x": "elephant", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "32%", + "x": "fp", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "7%", + "x": "fn", + "xref": "x", + "y": "elephant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "dog", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "4%", + "x": "sheep", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "elephant", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "60%", + "x": "bear", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "27%", + "x": "fp", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "5%", + "x": "fn", + "xref": "x", + "y": "bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "57%", + "x": "zebra", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "35%", + "x": "fp", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "7%", + "x": "fn", + "xref": "x", + "y": "zebra", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "73%", + "x": "giraffe", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "19%", + "x": "fp", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "8%", + "x": "fn", + "xref": "x", + "y": "giraffe", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "person", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "15%", + "x": "backpack", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "4%", + "x": "handbag", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "suitcase", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "41%", + "x": "fp", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "38%", + "x": "fn", + "xref": "x", + "y": "backpack", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "40%", + "x": "umbrella", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "39%", + "x": "fp", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "20%", + "x": "fn", + "xref": "x", + "y": "umbrella", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "3%", + "x": "backpack", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "14%", + "x": "handbag", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "suitcase", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "37%", + "x": "fp", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "43%", + "x": "fn", + "xref": "x", + "y": "handbag", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "33%", + "x": "tie", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "31%", + "x": "fp", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "36%", + "x": "fn", + "xref": "x", + "y": "tie", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "backpack", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "handbag", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "34%", + "x": "suitcase", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "chair", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "42%", + "x": "fp", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "20%", + "x": "fn", + "xref": "x", + "y": "suitcase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "54%", + "x": "frisbee", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "sports ball", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "tennis racket", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "remote", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "32%", + "x": "fp", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "11%", + "x": "fn", + "xref": "x", + "y": "frisbee", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "11%", + "x": "skis", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "snowboard", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "51%", + "x": "fp", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "37%", + "x": "fn", + "xref": "x", + "y": "skis", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "skis", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "26%", + "x": "snowboard", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "skateboard", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "surfboard", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "48%", + "x": "fp", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "23%", + "x": "fn", + "xref": "x", + "y": "snowboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "35%", + "x": "sports ball", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "29%", + "x": "fp", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "36%", + "x": "fn", + "xref": "x", + "y": "sports ball", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "umbrella", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "34%", + "x": "kite", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "surfboard", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "37%", + "x": "fp", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "27%", + "x": "fn", + "xref": "x", + "y": "kite", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "28%", + "x": "baseball bat", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "45%", + "x": "fp", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "26%", + "x": "fn", + "xref": "x", + "y": "baseball bat", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "38%", + "x": "baseball glove", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "37%", + "x": "fp", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "25%", + "x": "fn", + "xref": "x", + "y": "baseball glove", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "41%", + "x": "skateboard", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "37%", + "x": "fp", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "21%", + "x": "fn", + "xref": "x", + "y": "skateboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "37%", + "x": "surfboard", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "34%", + "x": "fp", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "27%", + "x": "fn", + "xref": "x", + "y": "surfboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "frisbee", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "56%", + "x": "tennis racket", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "28%", + "x": "fp", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "15%", + "x": "fn", + "xref": "x", + "y": "tennis racket", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "30%", + "x": "bottle", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "cup", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "vase", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "44%", + "x": "fp", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "23%", + "x": "fn", + "xref": "x", + "y": "bottle", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "29%", + "x": "wine glass", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "7%", + "x": "cup", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "34%", + "x": "fp", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "30%", + "x": "fn", + "xref": "x", + "y": "wine glass", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "bottle", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "wine glass", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "31%", + "x": "cup", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "bowl", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "46%", + "x": "fp", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "18%", + "x": "fn", + "xref": "x", + "y": "cup", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "23%", + "x": "fork", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "knife", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "3%", + "x": "spoon", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "43%", + "x": "fp", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "28%", + "x": "fn", + "xref": "x", + "y": "fork", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "fork", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "14%", + "x": "knife", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "spoon", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "43%", + "x": "fp", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "39%", + "x": "fn", + "xref": "x", + "y": "knife", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "3%", + "x": "fork", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "knife", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "12%", + "x": "spoon", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "44%", + "x": "fp", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "39%", + "x": "fn", + "xref": "x", + "y": "spoon", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "cup", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "31%", + "x": "bowl", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "44%", + "x": "fp", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "20%", + "x": "fn", + "xref": "x", + "y": "bowl", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "25%", + "x": "banana", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "47%", + "x": "fp", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "27%", + "x": "fn", + "xref": "x", + "y": "banana", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "banana", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "18%", + "x": "apple", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "orange", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "51%", + "x": "fp", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "29%", + "x": "fn", + "xref": "x", + "y": "apple", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "bowl", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "28%", + "x": "sandwich", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "pizza", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "4%", + "x": "cake", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "dining table", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "50%", + "x": "fp", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "15%", + "x": "fn", + "xref": "x", + "y": "sandwich", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "bowl", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "apple", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "25%", + "x": "orange", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "50%", + "x": "fp", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "21%", + "x": "fn", + "xref": "x", + "y": "orange", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "29%", + "x": "broccoli", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "48%", + "x": "fp", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "22%", + "x": "fn", + "xref": "x", + "y": "broccoli", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "24%", + "x": "carrot", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "54%", + "x": "fp", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "21%", + "x": "fn", + "xref": "x", + "y": "carrot", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "6%", + "x": "sandwich", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "carrot", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "30%", + "x": "hot dog", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "pizza", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "4%", + "x": "donut", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "cake", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "36%", + "x": "fp", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "22%", + "x": "fn", + "xref": "x", + "y": "hot dog", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "sandwich", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "45%", + "x": "pizza", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "41%", + "x": "fp", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "13%", + "x": "fn", + "xref": "x", + "y": "pizza", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "37%", + "x": "donut", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "cake", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "44%", + "x": "fp", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "16%", + "x": "fn", + "xref": "x", + "y": "donut", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "cup", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "bowl", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "sandwich", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "donut", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "30%", + "x": "cake", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "43%", + "x": "fp", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "20%", + "x": "fn", + "xref": "x", + "y": "cake", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "bench", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "25%", + "x": "chair", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "couch", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "45%", + "x": "fp", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "27%", + "x": "fn", + "xref": "x", + "y": "chair", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "5%", + "x": "chair", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "33%", + "x": "couch", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "bed", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "43%", + "x": "fp", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "17%", + "x": "fn", + "xref": "x", + "y": "couch", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "28%", + "x": "potted plant", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "vase", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "45%", + "x": "fp", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "26%", + "x": "fn", + "xref": "x", + "y": "potted plant", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "3%", + "x": "couch", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "37%", + "x": "bed", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "38%", + "x": "fp", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "20%", + "x": "fn", + "xref": "x", + "y": "bed", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "bench", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "22%", + "x": "dining table", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "47%", + "x": "fp", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "29%", + "x": "fn", + "xref": "x", + "y": "dining table", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "52%", + "x": "toilet", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "sink", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "37%", + "x": "fp", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "9%", + "x": "fn", + "xref": "x", + "y": "toilet", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "50%", + "x": "tv", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "laptop", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "33%", + "x": "fp", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "14%", + "x": "fn", + "xref": "x", + "y": "tv", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "tv", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "45%", + "x": "laptop", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "keyboard", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "cell phone", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "book", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "38%", + "x": "fp", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "14%", + "x": "fn", + "xref": "x", + "y": "laptop", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "51%", + "x": "mouse", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "remote", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "keyboard", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "cell phone", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "35%", + "x": "fp", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "13%", + "x": "fn", + "xref": "x", + "y": "mouse", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "29%", + "x": "remote", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "cell phone", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "book", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "42%", + "x": "fp", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "24%", + "x": "fn", + "xref": "x", + "y": "remote", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "laptop", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "remote", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "41%", + "x": "keyboard", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "47%", + "x": "fp", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "11%", + "x": "fn", + "xref": "x", + "y": "keyboard", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "laptop", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "remote", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "26%", + "x": "cell phone", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "43%", + "x": "fp", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "26%", + "x": "fn", + "xref": "x", + "y": "cell phone", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "4%", + "x": "tv", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "39%", + "x": "microwave", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "3%", + "x": "oven", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "45%", + "x": "fp", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "9%", + "x": "fn", + "xref": "x", + "y": "microwave", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "bowl", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "microwave", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "29%", + "x": "oven", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "sink", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "45%", + "x": "fp", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "21%", + "x": "fn", + "xref": "x", + "y": "oven", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "4%", + "x": "suitcase", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "22%", + "x": "toaster", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "61%", + "x": "fp", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "13%", + "x": "fn", + "xref": "x", + "y": "toaster", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "36%", + "x": "sink", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "41%", + "x": "fp", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "22%", + "x": "fn", + "xref": "x", + "y": "sink", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "oven", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "43%", + "x": "refrigerator", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "40%", + "x": "fp", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "15%", + "x": "fn", + "xref": "x", + "y": "refrigerator", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "15%", + "x": "book", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "49%", + "x": "fp", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "35%", + "x": "fn", + "xref": "x", + "y": "book", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "tv", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "book", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "48%", + "x": "clock", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "32%", + "x": "fp", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "19%", + "x": "fn", + "xref": "x", + "y": "clock", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "bottle", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "cup", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "bowl", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "30%", + "x": "vase", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "45%", + "x": "fp", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "21%", + "x": "fn", + "xref": "x", + "y": "vase", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "knife", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "2%", + "x": "cake", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "25%", + "x": "scissors", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "32%", + "x": "fp", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "40%", + "x": "fn", + "xref": "x", + "y": "scissors", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "person", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "cat", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "dog", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "42%", + "x": "teddy bear", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "39%", + "x": "fp", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "15%", + "x": "fn", + "xref": "x", + "y": "teddy bear", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bottle", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "8%", + "x": "wine glass", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "spoon", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toothbrush", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "15%", + "x": "fp", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "77%", + "x": "fn", + "xref": "x", + "y": "hair drier", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "person", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bicycle", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "car", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "motorcycle", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "airplane", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bus", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "train", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "truck", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "boat", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "traffic light", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fire hydrant", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "stop sign", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "parking meter", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bench", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bird", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cat", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dog", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "horse", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sheep", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cow", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "elephant", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bear", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "zebra", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "giraffe", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "backpack", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "umbrella", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "handbag", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tie", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "suitcase", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "frisbee", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skis", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "snowboard", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sports ball", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "kite", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball bat", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "baseball glove", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "skateboard", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "surfboard", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tennis racket", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "bottle", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "wine glass", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cup", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "fork", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "knife", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "1%", + "x": "spoon", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bowl", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "banana", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "apple", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sandwich", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "orange", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "broccoli", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "carrot", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hot dog", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "pizza", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "donut", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cake", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "chair", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "couch", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "potted plant", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "bed", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "dining table", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toilet", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "tv", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "laptop", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "mouse", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "remote", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "keyboard", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "cell phone", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "microwave", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "oven", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "toaster", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "sink", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "refrigerator", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "book", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "clock", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "vase", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "scissors", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "teddy bear", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "0%", + "x": "hair drier", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "18%", + "x": "toothbrush", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "52%", + "x": "fp", + "xref": "x", + "y": "toothbrush", + "yref": "y" + }, + { + "font": { + "color": "white" + }, + "showarrow": false, + "text": "28%", + "x": "fn", + "xref": "x", + "y": "toothbrush", + "yref": "y" + } + ], + "height": 700, + "template": { + "data": { + "bar": [ + { + "error_x": { + "color": "#2a3f5f" + }, + "error_y": { + "color": "#2a3f5f" + }, + "marker": { + "line": { + "color": "#E5ECF6", + "width": 0.5 + }, + "pattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + } + }, + "type": "bar" + } + ], + "barpolar": [ + { + "marker": { + "line": { + "color": "#E5ECF6", + "width": 0.5 + }, + "pattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + } + }, + "type": "barpolar" + } + ], + "carpet": [ + { + "aaxis": { + "endlinecolor": "#2a3f5f", + "gridcolor": "white", + "linecolor": "white", + "minorgridcolor": "white", + "startlinecolor": "#2a3f5f" + }, + "baxis": { + "endlinecolor": "#2a3f5f", + "gridcolor": "white", + "linecolor": "white", + "minorgridcolor": "white", + "startlinecolor": "#2a3f5f" + }, + "type": "carpet" + } + ], + "choropleth": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "choropleth" + } + ], + "contour": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "contour" + } + ], + "contourcarpet": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "contourcarpet" + } + ], + "heatmap": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "heatmap" + } + ], + "heatmapgl": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "heatmapgl" + } + ], + "histogram": [ + { + "marker": { + "pattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + } + }, + "type": "histogram" + } + ], + "histogram2d": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "histogram2d" + } + ], + "histogram2dcontour": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "histogram2dcontour" + } + ], + "mesh3d": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "type": "mesh3d" + } + ], + "parcoords": [ + { + "line": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "parcoords" + } + ], + "pie": [ + { + "automargin": true, + "type": "pie" + } + ], + "scatter": [ + { + "fillpattern": { + "fillmode": "overlay", + "size": 10, + "solidity": 0.2 + }, + "type": "scatter" + } + ], + "scatter3d": [ + { + "line": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatter3d" + } + ], + "scattercarpet": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattercarpet" + } + ], + "scattergeo": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattergeo" + } + ], + "scattergl": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattergl" + } + ], + "scattermapbox": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scattermapbox" + } + ], + "scatterpolar": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterpolar" + } + ], + "scatterpolargl": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterpolargl" + } + ], + "scatterternary": [ + { + "marker": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "type": "scatterternary" + } + ], + "surface": [ + { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + }, + "colorscale": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "type": "surface" + } + ], + "table": [ + { + "cells": { + "fill": { + "color": "#EBF0F8" + }, + "line": { + "color": "white" + } + }, + "header": { + "fill": { + "color": "#C8D4E3" + }, + "line": { + "color": "white" + } + }, + "type": "table" + } + ] + }, + "layout": { + "annotationdefaults": { + "arrowcolor": "#2a3f5f", + "arrowhead": 0, + "arrowwidth": 1 + }, + "autotypenumbers": "strict", + "coloraxis": { + "colorbar": { + "outlinewidth": 0, + "ticks": "" + } + }, + "colorscale": { + "diverging": [ + [ + 0, + "#8e0152" + ], + [ + 0.1, + "#c51b7d" + ], + [ + 0.2, + "#de77ae" + ], + [ + 0.3, + "#f1b6da" + ], + [ + 0.4, + "#fde0ef" + ], + [ + 0.5, + "#f7f7f7" + ], + [ + 0.6, + "#e6f5d0" + ], + [ + 0.7, + "#b8e186" + ], + [ + 0.8, + "#7fbc41" + ], + [ + 0.9, + "#4d9221" + ], + [ + 1, + "#276419" + ] + ], + "sequential": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ], + "sequentialminus": [ + [ + 0, + "#0d0887" + ], + [ + 0.1111111111111111, + "#46039f" + ], + [ + 0.2222222222222222, + "#7201a8" + ], + [ + 0.3333333333333333, + "#9c179e" + ], + [ + 0.4444444444444444, + "#bd3786" + ], + [ + 0.5555555555555556, + "#d8576b" + ], + [ + 0.6666666666666666, + "#ed7953" + ], + [ + 0.7777777777777778, + "#fb9f3a" + ], + [ + 0.8888888888888888, + "#fdca26" + ], + [ + 1, + "#f0f921" + ] + ] + }, + "colorway": [ + "#636efa", + "#EF553B", + "#00cc96", + "#ab63fa", + "#FFA15A", + "#19d3f3", + "#FF6692", + "#B6E880", + "#FF97FF", + "#FECB52" + ], + "font": { + "color": "#2a3f5f" + }, + "geo": { + "bgcolor": "white", + "lakecolor": "white", + "landcolor": "#E5ECF6", + "showlakes": true, + "showland": true, + "subunitcolor": "white" + }, + "hoverlabel": { + "align": "left" + }, + "hovermode": "closest", + "mapbox": { + "style": "light" + }, + "paper_bgcolor": "white", + "plot_bgcolor": "#E5ECF6", + "polar": { + "angularaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "bgcolor": "#E5ECF6", + "radialaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + } + }, + "scene": { + "xaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + }, + "yaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + }, + "zaxis": { + "backgroundcolor": "#E5ECF6", + "gridcolor": "white", + "gridwidth": 2, + "linecolor": "white", + "showbackground": true, + "ticks": "", + "zerolinecolor": "white" + } + }, + "shapedefaults": { + "line": { + "color": "#2a3f5f" + } + }, + "ternary": { + "aaxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "baxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + }, + "bgcolor": "#E5ECF6", + "caxis": { + "gridcolor": "white", + "linecolor": "white", + "ticks": "" + } + }, + "title": { + "x": 0.05 + }, + "xaxis": { + "automargin": true, + "gridcolor": "white", + "linecolor": "white", + "ticks": "", + "title": { + "standoff": 15 + }, + "zerolinecolor": "white", + "zerolinewidth": 2 + }, + "yaxis": { + "automargin": true, + "gridcolor": "white", + "linecolor": "white", + "ticks": "", + "title": { + "standoff": 15 + }, + "zerolinecolor": "white", + "zerolinewidth": 2 + } + } + }, + "title": { + "text": "Normalized Confusion Matrix" + }, + "width": 900, + "xaxis": { + "title": { + "text": "Predicted value" + } + }, + "yaxis": { + "title": { + "text": "Real value" + } + } + } + }, + "text/html": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "preview.display_matrix(normalize=True)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/examples/comparison/mmdet/comparison.ipynb b/examples/comparison/mmdet/comparison.ipynb deleted file mode 100644 index 54120c8..0000000 --- a/examples/comparison/mmdet/comparison.ipynb +++ /dev/null @@ -1,589 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Install MMDetection" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Download COCO VAL" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "id": "bc2a4389", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "--2024-04-13 21:58:23-- http://images.cocodataset.org/annotations/annotations_trainval2017.zip\n", - "Resolving images.cocodataset.org (images.cocodataset.org)... 3.5.28.198, 3.5.25.88, 52.217.14.124, ...\n", - "Connecting to images.cocodataset.org (images.cocodataset.org)|3.5.28.198|:80... connected.\n", - "HTTP request sent, awaiting response... 200 OK\n", - "Length: 252907541 (241M) [application/zip]\n", - "Saving to: ‘COCO/DIR/annotations_trainval2017.zip’\n", - "\n", - "annotations_trainva 100%[===================>] 241.19M 14.9MB/s in 26s \n", - "\n", - "2024-04-13 21:58:50 (9.27 MB/s) - ‘COCO/DIR/annotations_trainval2017.zip’ saved [252907541/252907541]\n", - "\n", - "--2024-04-13 21:58:50-- http://images.cocodataset.org/zips/val2017.zip\n", - "Resolving images.cocodataset.org (images.cocodataset.org)... 3.5.29.24, 52.216.52.249, 3.5.29.27, ...\n", - "Connecting to images.cocodataset.org (images.cocodataset.org)|3.5.29.24|:80... connected.\n", - "HTTP request sent, awaiting response... 200 OK\n", - "Length: 815585330 (778M) [application/zip]\n", - "Saving to: ‘COCO/DIR/val2017.zip’\n", - "\n", - "val2017.zip 100%[===================>] 777.80M 13.2MB/s in 67s \n", - "\n", - "2024-04-13 21:59:58 (11.6 MB/s) - ‘COCO/DIR/val2017.zip’ saved [815585330/815585330]\n", - "\n" - ] - } - ], - "source": [ - "!wget -P COCO/DIR/ http://images.cocodataset.org/annotations/annotations_trainval2017.zip\n", - "\n", - "!wget -P COCO/DIR/ http://images.cocodataset.org/zips/val2017.zip" - ] - }, - { - "cell_type": "markdown", - "id": "1b94cb3d", - "metadata": {}, - "source": [ - "## Unzip COCO VAL" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "id": "94d9a6c0", - "metadata": {}, - "outputs": [], - "source": [ - "!unzip -qq COCO/DIR/annotations_trainval2017.zip -d COCO/DIR/" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "id": "c266f572", - "metadata": {}, - "outputs": [], - "source": [ - "!unzip -qq COCO/DIR/val2017.zip -d COCO/DIR/" - ] - }, - { - "cell_type": "markdown", - "id": "ee83ac7b", - "metadata": {}, - "source": [ - "## Download model" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "b6f6860f", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "config_file='/home/mixaill76/.local/lib/python3.10/site-packages/mmdet/.mim/configs/rtmdet/rtmdet-ins_tiny_8xb32-300e_coco.py'\n", - "model_file='https://download.openmmlab.com/mmdetection/v3.0/rtmdet/rtmdet-ins_tiny_8xb32-300e_coco/rtmdet-ins_tiny_8xb32-300e_coco_20221130_151727-ec670f7e.pth'\n", - "--2024-04-13 22:13:51-- https://download.openmmlab.com/mmdetection/v3.0/rtmdet/rtmdet-ins_tiny_8xb32-300e_coco/rtmdet-ins_tiny_8xb32-300e_coco_20221130_151727-ec670f7e.pth\n", - "Resolving download.openmmlab.com (download.openmmlab.com)... 104.166.182.22, 104.166.182.24, 104.166.182.27, ...\n", - "Connecting to download.openmmlab.com (download.openmmlab.com)|104.166.182.22|:443... connected.\n", - "HTTP request sent, awaiting response... 200 OK\n", - "Length: 22757492 (22M) [application/octet-stream]\n", - "Saving to: ‘model/rtmdet-ins_tiny_8xb32-300e_coco_20221130_151727-ec670f7e.pth’\n", - "\n", - "rtmdet-ins_tiny_8xb 100%[===================>] 21.70M 6.14MB/s in 4.2s \n", - "\n", - "2024-04-13 22:13:57 (5.21 MB/s) - ‘model/rtmdet-ins_tiny_8xb32-300e_coco_20221130_151727-ec670f7e.pth’ saved [22757492/22757492]\n", - "\n", - "total 22M\n", - "drwxrwxrwx 2 mixaill76 mixaill76 4.0K Apr 13 22:13 .\n", - "drwxr-xr-x 4 mixaill76 mixaill76 4.0K Apr 13 22:13 ..\n", - "-rw-r--r-- 1 mixaill76 mixaill76 16K Apr 13 22:13 rtmdet-ins_tiny_8xb32-300e_coco.py\n", - "-rw-r--r-- 1 mixaill76 mixaill76 22M Dec 19 2022 rtmdet-ins_tiny_8xb32-300e_coco_20221130_151727-ec670f7e.pth\n" - ] - } - ], - "source": [ - "import mmdet\n", - "import mmengine\n", - "import os\n", - "import os.path as osp\n", - "\n", - "config_dir = osp.dirname(mmdet.__file__)\n", - "sub_config = \"configs/rtmdet/rtmdet-ins_tiny_8xb32-300e_coco.py\"\n", - "config_file = osp.join(config_dir, \".mim\", sub_config)\n", - "cfg = mmengine.Config.fromfile(config_file)\n", - "\n", - "model_file = \"https://download.openmmlab.com/mmdetection/v3.0/rtmdet/rtmdet-ins_tiny_8xb32-300e_coco/rtmdet-ins_tiny_8xb32-300e_coco_20221130_151727-ec670f7e.pth\"\n", - "\n", - "print(f\"{config_file=}\")\n", - "print(f\"{model_file=}\")\n", - "\n", - "!mkdir -p -m 777 model\n", - "\n", - "cfg.dump(osp.join(\"model\", osp.basename(config_file)))\n", - "!wget -P model/ {model_file}\n", - "\n", - "!ls -lah model" - ] - }, - { - "cell_type": "markdown", - "id": "313f1978", - "metadata": {}, - "source": [ - "## Validate" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "id": "eebcff84", - "metadata": {}, - "outputs": [], - "source": [ - "from mmdet.apis import inference_detector, init_detector\n", - "from mmengine.registry import init_default_scope\n", - "from mmdet.datasets import CocoDataset\n", - "import tqdm\n", - "import copy\n", - "import pickle\n", - "from coco_metric import CocoMetric" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "id": "c2f5fedd", - "metadata": {}, - "outputs": [], - "source": [ - "init_default_scope(\"mmdet\")" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "id": "1318e70c", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Loads checkpoint by local backend from path: ./model/rtmdet-ins_tiny_8xb32-300e_coco_20221130_151727-ec670f7e.pth\n" - ] - } - ], - "source": [ - "model = init_detector(\n", - " \"./model/rtmdet-ins_tiny_8xb32-300e_coco.py\",\n", - " \"./model/rtmdet-ins_tiny_8xb32-300e_coco_20221130_151727-ec670f7e.pth\",\n", - " device=\"cuda\",\n", - ")" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "1f7878d1", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "loading annotations into memory...\n", - "Done (t=0.45s)\n", - "creating index...\n", - "index created!\n" - ] - }, - { - "data": { - "text/plain": [ - "5000" - ] - }, - "execution_count": 4, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "pipeline = [\n", - " dict(type=\"LoadImageFromFile\"),\n", - " dict(type=\"mmdet.LoadAnnotations\", with_bbox=True),\n", - " dict(\n", - " type=\"mmdet.PackDetInputs\",\n", - " meta_keys=(\n", - " \"img\",\n", - " \"img_id\",\n", - " \"img_path\",\n", - " \"ori_shape\",\n", - " \"img_shape\",\n", - " \"instances\",\n", - " ),\n", - " ),\n", - "]\n", - "\n", - "dataset = CocoDataset(\n", - " data_root=\"./COCO/DIR/\",\n", - " ann_file=\"annotations/instances_val2017.json\",\n", - " data_prefix=dict(img=\"val2017/\"),\n", - " pipeline=pipeline,\n", - ")\n", - "len(dataset)" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "id": "24d1832a", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - " 0%| | 0/500 [00:00 3: poly += poly[:2] diff --git a/faster_coco_eval/extra/extra.py b/faster_coco_eval/extra/extra.py index cce9f50..7a65649 100644 --- a/faster_coco_eval/extra/extra.py +++ b/faster_coco_eval/extra/extra.py @@ -31,6 +31,7 @@ def __init__( assert self.cocoGt is not None, "cocoGt is empty" if (self.cocoGt is not None) and (self.cocoDt is not None): + self.drop_cocodt_by_score(min_score=min_score) self.evaluate() def evaluate(self): @@ -54,3 +55,29 @@ def evaluate(self): cocoEval.accumulate() self.eval = cocoEval.eval + + def drop_cocodt_by_score(self, min_score: float): + assert self.cocoDt is not None, "cocoDt is empty" + + if min_score > 0: + bad_keys = {} + bad_images_keys = [] + + for key, ann in self.cocoDt.anns.items(): + if ann["score"] < min_score: + if bad_keys.get(ann["image_id"]) is None: + bad_keys[ann["image_id"]] = {} + + bad_keys[ann["image_id"]][key] = True + + bad_images_keys.append(ann["image_id"]) + + for image_id in set(bad_images_keys): + self.cocoDt.imgToAnns[image_id] = [ + ann + for ann in self.cocoDt.imgToAnns[image_id] + if bad_keys.get(image_id, {}).get(ann["id"]) is None + ] + + for ann_id in bad_keys.get(image_id, {}).keys(): + del self.cocoDt.anns[ann_id] diff --git a/faster_coco_eval/extra/utils.py b/faster_coco_eval/extra/utils.py new file mode 100644 index 0000000..d3f338d --- /dev/null +++ b/faster_coco_eval/extra/utils.py @@ -0,0 +1,86 @@ +try: + import cv2 + + opencv_available = True +except ImportError: + opencv_available = False + +import numpy as np + +import faster_coco_eval.core.mask as mask_util + + +def conver_mask_to_poly(mask: np.ndarray, bbox: list, boxes_margin=0.1) -> list: + """Convert mask (uint8) to list of poly as coco style. + + :param mask (np.ndarray): numpy array in uint8 0-255 + :param bbox (list): x,y,w,h of this ann + :param boxes_margin (float): margin for increase bbox + :return: list of poly as coco style + + """ + x1, y1, w, h = bbox + x2 = x1 + w + y2 = y1 + h + + m_w, m_h = int(w * boxes_margin), int(h * boxes_margin) + x1 -= m_w + if x1 < 0: + x1 = 0 + + y1 -= m_h + if y1 < 0: + y1 = 0 + + x2 += m_w + y2 += m_h + + coords, _ = cv2.findContours( + mask[int(y1) : int(y2), int(x1) : int(x2)].astype(np.uint8), + cv2.RETR_TREE, + cv2.CHAIN_APPROX_SIMPLE, + ) + + coords = list(coords) + if len(coords) > 0: + for cnt_idx, cnt in enumerate(coords): + coords[cnt_idx] = cnt + [x1, y1] + + coords = [ + _cnt.ravel().tolist() for _cnt in coords if _cnt.shape[0] >= 6 + ] + + return coords + + +def convert_rle_to_poly(rle: dict, bbox: list): + """Convert rle (dict) to list of poly as coco style. + + :param rle (dict): rle of mask image + :param bbox (list): x,y,w,h of this ann + :return: list of poly as coco style + + """ + mask = mask_util.decode(rle) * 255 + return conver_mask_to_poly(mask, bbox) + + +def convert_ann_rle_to_poly(ann: dict): + """Convert ann segm from rle to poly style; Save rle in *count* var; + + :param ann (dict): ann row + :return: ann + + """ + if type(ann["segmentation"]) is dict: + if not opencv_available: + raise Exception( + "Your dataset needs to be converted to polygons. Install" + " **opencv-python** for this." + ) + + ann["counts"] = ann["segmentation"] + ann["segmentation"] = convert_rle_to_poly( + ann["segmentation"], ann["bbox"] + ) + return ann diff --git a/faster_coco_eval/version.py b/faster_coco_eval/version.py index 45ba11b..748975b 100644 --- a/faster_coco_eval/version.py +++ b/faster_coco_eval/version.py @@ -1,2 +1,2 @@ -__version__ = "1.5.1" +__version__ = "1.5.2" __author__ = "MiXaiLL76" diff --git a/history.md b/history.md index 530379e..634042a 100644 --- a/history.md +++ b/history.md @@ -1,6 +1,11 @@ # history +## v1.5.2 +- [x] Change comparison to colab_example +- [x] append utils with opencv **conver_mask_to_poly** (extra) +- [x] append **drop_cocodt_by_score** for extra eval + ## v1.5.1 - [x] **breaking change** | new static function COCO.load_json - [x] new curve f1_confidence with ```cur.plot_f1_confidence()``` diff --git a/requirements/extra.txt b/requirements/extra.txt new file mode 100644 index 0000000..dae9fe4 --- /dev/null +++ b/requirements/extra.txt @@ -0,0 +1 @@ +opencv-python-headless \ No newline at end of file