diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..80b5816 --- /dev/null +++ b/.gitignore @@ -0,0 +1,145 @@ + +# Created by https://www.toptal.com/developers/gitignore/api/python +# Edit at https://www.toptal.com/developers/gitignore?templates=python + +### Python ### +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class + +# C extensions +*.so + +# Distribution / packaging +.Python +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +wheels/ +share/python-wheels/ +*.egg-info/ +.installed.cfg +*.egg +MANIFEST + +# PyInstaller +# Usually these files are written by a python script from a template +# before PyInstaller builds the exe, so as to inject date/other infos into it. +*.manifest +*.spec + +# Installer logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.nox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*.cover +*.py,cover +.hypothesis/ +.pytest_cache/ +cover/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py +db.sqlite3 +db.sqlite3-journal + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +.pybuilder/ +target/ + +# Jupyter Notebook +.ipynb_checkpoints + +# IPython +profile_default/ +ipython_config.py + +# pyenv +# For a library or package, you might want to ignore these files since the code is +# intended to run in multiple environments; otherwise, check them in: +# .python-version + +# pipenv +# According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control. +# However, in case of collaboration, if having platform-specific dependencies or dependencies +# having no cross-platform support, pipenv may install dependencies that don't work, or not +# install all needed dependencies. +#Pipfile.lock + +# PEP 582; used by e.g. github.com/David-OConnor/pyflow +__pypackages__/ + +# Celery stuff +celerybeat-schedule +celerybeat.pid + +# SageMath parsed files +*.sage.py + +# Environments +.env +.venv +env/ +venv/ +ENV/ +env.bak/ +venv.bak/ + +# Spyder project settings +.spyderproject +.spyproject + +# Rope project settings +.ropeproject + +# mkdocs documentation +/site + +# mypy +.mypy_cache/ +.dmypy.json +dmypy.json + +# Pyre type checker +.pyre/ + +# pytype static type analyzer +.pytype/ + +# Cython debug symbols +cython_debug/ + +# End of https://www.toptal.com/developers/gitignore/api/python \ No newline at end of file diff --git a/cityscapes_gt_converter/cityscapes_panoptic_converter.py b/cityscapes_gt_converter/cityscapes_panoptic_converter.py index 2bb6442..ad739cd 100644 --- a/cityscapes_gt_converter/cityscapes_panoptic_converter.py +++ b/cityscapes_gt_converter/cityscapes_panoptic_converter.py @@ -3,8 +3,7 @@ from __future__ import division from __future__ import print_function from __future__ import unicode_literals -import os, sys -import json +import os import glob import numpy as np import PIL.Image as Image @@ -14,9 +13,10 @@ try: # set up path for cityscapes scripts # sys.path.append('./cityscapesScripts/') - from cityscapesscripts.helpers.labels import labels, id2label + from cityscapesscripts.helpers.labels import labels except Exception: - raise Exception("Please load Cityscapes scripts from https://github.com/mcordts/cityscapesScripts") + raise Exception( + "Please load Cityscapes scripts from https://github.com/mcordts/cityscapesScripts") original_format_folder = './gtFine/val/' # folder to store panoptic PNGs @@ -24,6 +24,7 @@ # json with segmentations information out_file = './cityscapes_data/cityscapes_panoptic_val.json' + def panoptic_converter(original_format_folder, out_folder, out_file): if not os.path.isdir(out_folder): @@ -42,7 +43,8 @@ def panoptic_converter(original_format_folder, out_folder, out_file): categories_dict = {cat['id']: cat for cat in categories} - file_list = sorted(glob.glob(os.path.join(original_format_folder, '*/*_gtFine_instanceIds.png'))) + file_list = sorted(glob.glob(os.path.join( + original_format_folder, '*/*_gtFine_instanceIds.png'))) images = [] annotations = [] @@ -54,17 +56,17 @@ def panoptic_converter(original_format_folder, out_folder, out_file): file_name = f.split('/')[-1] image_id = file_name.rsplit('_', 2)[0] - image_filename= '{}_leftImg8bit.png'.format(image_id) + image_filename = '{}_leftImg8bit.png'.format(image_id) # image entry, id for image is its filename without extension images.append({"id": image_id, "width": original_format.shape[1], "height": original_format.shape[0], "file_name": image_filename}) - pan_format = np.zeros((original_format.shape[0], original_format.shape[1], 3), dtype=np.uint8) + pan_format = np.zeros( + (original_format.shape[0], original_format.shape[1], 3), dtype=np.uint8) id_generator = IdGenerator(categories_dict) - idx = 0 l = np.unique(original_format) segm_info = [] for el in l: @@ -82,7 +84,7 @@ def panoptic_converter(original_format_folder, out_folder, out_file): segment_id, color = id_generator.get_id_and_color(semantic_id) pan_format[mask] = color - area = np.sum(mask) # segment area computation + area = np.sum(mask) # segment area computation # bbox computation for a segment hor = np.sum(mask, axis=0) @@ -110,9 +112,10 @@ def panoptic_converter(original_format_folder, out_folder, out_file): d = {'images': images, 'annotations': annotations, 'categories': categories, - } + } save_json(d, out_file) + if __name__ == "__main__": panoptic_converter(original_format_folder, out_folder, out_file) diff --git a/converters/2channels2panoptic_coco_format.py b/converters/2channels2panoptic_coco_format.py index f559de0..bc701c6 100644 --- a/converters/2channels2panoptic_coco_format.py +++ b/converters/2channels2panoptic_coco_format.py @@ -20,13 +20,12 @@ from __future__ import division from __future__ import print_function from __future__ import unicode_literals -import os, sys +import os import argparse import numpy as np import json import time import multiprocessing -import itertools import PIL.Image as Image @@ -34,21 +33,26 @@ OFFSET = 1000 + @get_traceback def convert_single_core(proc_id, image_set, categories, source_folder, segmentations_folder, VOID=0): annotations = [] for working_idx, image_info in enumerate(image_set): if working_idx % 100 == 0: - print('Core: {}, {} from {} images converted'.format(proc_id, working_idx, len(image_set))) + print('Core: {}, {} from {} images converted'.format( + proc_id, working_idx, len(image_set))) file_name = '{}.png'.format(image_info['file_name'].rsplit('.')[0]) try: - original_format = np.array(Image.open(os.path.join(source_folder, file_name)), dtype=np.uint32) + original_format = np.array(Image.open( + os.path.join(source_folder, file_name)), dtype=np.uint32) except IOError: - raise KeyError('no prediction png file for id: {}'.format(image_info['id'])) + raise KeyError( + 'no prediction png file for id: {}'.format(image_info['id'])) pan = OFFSET * original_format[:, :, 0] + original_format[:, :, 1] - pan_format = np.zeros((original_format.shape[0], original_format.shape[1], 3), dtype=np.uint8) + pan_format = np.zeros( + (original_format.shape[0], original_format.shape[1], 3), dtype=np.uint8) id_generator = IdGenerator(categories) @@ -70,7 +74,8 @@ def convert_single_core(proc_id, image_set, categories, source_folder, segmentat 'file_name': file_name, "segments_info": segm_info}) - Image.fromarray(pan_format).save(os.path.join(segmentations_folder, file_name)) + Image.fromarray(pan_format).save( + os.path.join(segmentations_folder, file_name)) print('Core: {}, all {} images processed'.format(proc_id, len(image_set))) return annotations @@ -93,7 +98,8 @@ def converter(source_folder, images_json_file, categories_json_file, if segmentations_folder is None: segmentations_folder = predictions_json_file.rsplit('.', 1)[0] if not os.path.isdir(segmentations_folder): - print("Creating folder {} for panoptic segmentation PNGs".format(segmentations_folder)) + print("Creating folder {} for panoptic segmentation PNGs".format( + segmentations_folder)) os.mkdir(segmentations_folder) print("CONVERTING...") @@ -106,7 +112,8 @@ def converter(source_folder, images_json_file, categories_json_file, print('\n') cpu_num = multiprocessing.cpu_count() images_split = np.array_split(images, cpu_num) - print("Number of cores: {}, images per core: {}".format(cpu_num, len(images_split[0]))) + print("Number of cores: {}, images per core: {}".format( + cpu_num, len(images_split[0]))) workers = multiprocessing.Pool(processes=cpu_num) processes = [] for proc_id, image_set in enumerate(images_split): diff --git a/converters/detection2panoptic_coco_format.py b/converters/detection2panoptic_coco_format.py index 5bd4bbc..55d2eea 100644 --- a/converters/detection2panoptic_coco_format.py +++ b/converters/detection2panoptic_coco_format.py @@ -8,7 +8,7 @@ from __future__ import division from __future__ import print_function from __future__ import unicode_literals -import os, sys +import os import argparse import numpy as np import json @@ -22,10 +22,11 @@ try: # set up path for pycocotools # sys.path.append('./cocoapi-master/PythonAPI/') - from pycocotools import mask as COCOmask from pycocotools.coco import COCO as COCO except Exception: - raise Exception("Please install pycocotools module from https://github.com/cocodataset/cocoapi") + raise Exception( + "Please install pycocotools module from https://github.com/cocodataset/cocoapi") + @get_traceback def convert_detection_to_panoptic_coco_format_single_core( @@ -55,8 +56,9 @@ def convert_detection_to_panoptic_coco_format_single_core( if ann['category_id'] not in categories: raise Exception('Panoptic coco categories file does not contain \ category with id: {}'.format(ann['category_id']) - ) - segment_id, color = id_generator.get_id_and_color(ann['category_id']) + ) + segment_id, color = id_generator.get_id_and_color( + ann['category_id']) mask = coco_detection.annToMask(ann) overlaps_map += mask pan_format[mask == 1] = color @@ -66,11 +68,13 @@ def convert_detection_to_panoptic_coco_format_single_core( segments_info.append(ann) if np.sum(overlaps_map > 1) != 0: - raise Exception("Segments for image {} overlap each other.".format(img_id)) + raise Exception( + "Segments for image {} overlap each other.".format(img_id)) panoptic_record['segments_info'] = segments_info annotations_panoptic.append(panoptic_record) - Image.fromarray(pan_format).save(os.path.join(segmentations_folder, file_name)) + Image.fromarray(pan_format).save( + os.path.join(segmentations_folder, file_name)) print('Core: {}, all {} images processed'.format(proc_id, len(img_ids))) return annotations_panoptic @@ -85,7 +89,8 @@ def convert_detection_to_panoptic_coco_format(input_json_file, if segmentations_folder is None: segmentations_folder = output_json_file.rsplit('.', 1)[0] if not os.path.isdir(segmentations_folder): - print("Creating folder {} for panoptic segmentation PNGs".format(segmentations_folder)) + print("Creating folder {} for panoptic segmentation PNGs".format( + segmentations_folder)) os.mkdir(segmentations_folder) print("CONVERTING...") @@ -106,7 +111,8 @@ def convert_detection_to_panoptic_coco_format(input_json_file, cpu_num = multiprocessing.cpu_count() img_ids_split = np.array_split(img_ids, cpu_num) - print("Number of cores: {}, images per core: {}".format(cpu_num, len(img_ids_split[0]))) + print("Number of cores: {}, images per core: {}".format( + cpu_num, len(img_ids_split[0]))) workers = multiprocessing.Pool(processes=cpu_num) processes = [] for proc_id, img_ids in enumerate(img_ids_split): diff --git a/converters/panoptic2detection_coco_format.py b/converters/panoptic2detection_coco_format.py index fdd9390..2d38c61 100644 --- a/converters/panoptic2detection_coco_format.py +++ b/converters/panoptic2detection_coco_format.py @@ -12,7 +12,7 @@ from __future__ import division from __future__ import print_function from __future__ import unicode_literals -import os, sys +import os import argparse import numpy as np import json @@ -28,7 +28,9 @@ # sys.path.append('./cocoapi-master/PythonAPI/') from pycocotools import mask as COCOmask except Exception: - raise Exception("Please install pycocotools module from https://github.com/cocodataset/cocoapi") + raise Exception( + "Please install pycocotools module from https://github.com/cocodataset/cocoapi") + @get_traceback def convert_panoptic_to_detection_coco_format_single_core( @@ -47,7 +49,8 @@ def convert_panoptic_to_detection_coco_format_single_core( Image.open(os.path.join(segmentations_folder, file_name)), dtype=np.uint32 ) except IOError: - raise KeyError('no prediction png file for id: {}'.format(annotation['image_id'])) + raise KeyError('no prediction png file for id: {}'.format( + annotation['image_id'])) pan = rgb2id(pan_format) for segm_info in annotation['segments_info']: @@ -62,7 +65,8 @@ def convert_panoptic_to_detection_coco_format_single_core( segm_info['segmentation'] = rle annotations_detection.append(segm_info) - print('Core: {}, all {} images processed'.format(proc_id, len(annotations_set))) + print('Core: {}, all {} images processed'.format( + proc_id, len(annotations_set))) return annotations_detection @@ -98,7 +102,8 @@ def convert_panoptic_to_detection_coco_format(input_json_file, cpu_num = multiprocessing.cpu_count() annotations_split = np.array_split(annotations_panoptic, cpu_num) - print("Number of cores: {}, images per core: {}".format(cpu_num, len(annotations_split[0]))) + print("Number of cores: {}, images per core: {}".format( + cpu_num, len(annotations_split[0]))) workers = multiprocessing.Pool(processes=cpu_num) processes = [] for proc_id, annotations_set in enumerate(annotations_split): diff --git a/converters/panoptic2semantic_segmentation.py b/converters/panoptic2semantic_segmentation.py index a8315c2..2961a06 100755 --- a/converters/panoptic2semantic_segmentation.py +++ b/converters/panoptic2semantic_segmentation.py @@ -11,7 +11,7 @@ from __future__ import division from __future__ import print_function from __future__ import unicode_literals -import os, sys +import os import argparse import numpy as np import json @@ -28,10 +28,12 @@ # sys.path.append('./cocoapi-master/PythonAPI/') from pycocotools import mask as COCOmask except Exception: - raise Exception("Please install pycocotools module from https://github.com/cocodataset/cocoapi") + raise Exception( + "Please install pycocotools module from https://github.com/cocodataset/cocoapi") OTHER_CLASS_ID = 183 + @get_traceback def extract_semantic_single_core(proc_id, annotations_set, @@ -49,11 +51,13 @@ def extract_semantic_single_core(proc_id, len(annotations_set))) try: pan_format = np.array( - Image.open(os.path.join(segmentations_folder, annotation['file_name'])), + Image.open(os.path.join( + segmentations_folder, annotation['file_name'])), dtype=np.uint32 ) except IOError: - raise KeyError('no prediction png file for id: {}'.format(annotation['image_id'])) + raise KeyError('no prediction png file for id: {}'.format( + annotation['image_id'])) pan = rgb2id(pan_format) semantic = np.zeros(pan.shape, dtype=np.uint8) @@ -72,7 +76,8 @@ def extract_semantic_single_core(proc_id, RLE_per_category[cat_id].append(RLE) if save_as_png: - Image.fromarray(semantic).save(os.path.join(semantic_seg_folder, annotation['file_name'])) + Image.fromarray(semantic).save(os.path.join( + semantic_seg_folder, annotation['file_name'])) else: for cat_id, RLE_list in RLE_per_category.items(): if len(RLE_list) == 1: @@ -87,7 +92,8 @@ def extract_semantic_single_core(proc_id, semantic_seg_record["bbox"] = list(COCOmask.toBbox(RLE)) semantic_seg_record["iscrowd"] = 0 annotation_semantic_seg.append(semantic_seg_record) - print('Core: {}, all {} images processed'.format(proc_id, len(annotations_set))) + print('Core: {}, all {} images processed'.format( + proc_id, len(annotations_set))) return annotation_semantic_seg @@ -124,9 +130,11 @@ def extract_semantic(input_json_file, else: save_as_png = True print("in PNG format:") - print("\tFolder with semnatic segmentations: {}".format(semantic_seg_folder)) + print("\tFolder with semnatic segmentations: {}".format( + semantic_seg_folder)) if not os.path.isdir(semantic_seg_folder): - print("Creating folder {} for semantic segmentation PNGs".format(semantic_seg_folder)) + print("Creating folder {} for semantic segmentation PNGs".format( + semantic_seg_folder)) os.mkdir(semantic_seg_folder) else: print("in COCO detection format:") @@ -141,7 +149,8 @@ def extract_semantic(input_json_file, cpu_num = multiprocessing.cpu_count() annotations_split = np.array_split(annotations, cpu_num) - print("Number of cores: {}, images per core: {}".format(cpu_num, len(annotations_split[0]))) + print("Number of cores: {}, images per core: {}".format( + cpu_num, len(annotations_split[0]))) workers = multiprocessing.Pool(processes=cpu_num) processes = [] for proc_id, annotations_set in enumerate(annotations_split): diff --git a/panoptic_coco_categories.json b/panoptic_coco_categories.json index 673a19e..d77e634 100644 --- a/panoptic_coco_categories.json +++ b/panoptic_coco_categories.json @@ -1 +1,1465 @@ -[{"supercategory": "person", "color": [220, 20, 60], "isthing": 1, "id": 1, "name": "person"}, {"supercategory": "vehicle", "color": [119, 11, 32], "isthing": 1, "id": 2, "name": "bicycle"}, {"supercategory": "vehicle", "color": [0, 0, 142], "isthing": 1, "id": 3, "name": "car"}, {"supercategory": "vehicle", "color": [0, 0, 230], "isthing": 1, "id": 4, "name": "motorcycle"}, {"supercategory": "vehicle", "color": [106, 0, 228], "isthing": 1, "id": 5, "name": "airplane"}, {"supercategory": "vehicle", "color": [0, 60, 100], "isthing": 1, "id": 6, "name": "bus"}, {"supercategory": "vehicle", "color": [0, 80, 100], "isthing": 1, "id": 7, "name": "train"}, {"supercategory": "vehicle", "color": [0, 0, 70], "isthing": 1, "id": 8, "name": "truck"}, {"supercategory": "vehicle", "color": [0, 0, 192], "isthing": 1, "id": 9, "name": "boat"}, {"supercategory": "outdoor", "color": [250, 170, 30], "isthing": 1, "id": 10, "name": "traffic light"}, {"supercategory": "outdoor", "color": [100, 170, 30], "isthing": 1, "id": 11, "name": "fire hydrant"}, {"supercategory": "outdoor", "color": [220, 220, 0], "isthing": 1, "id": 13, "name": "stop sign"}, {"supercategory": "outdoor", "color": [175, 116, 175], "isthing": 1, "id": 14, "name": "parking meter"}, {"supercategory": "outdoor", "color": [250, 0, 30], "isthing": 1, "id": 15, "name": "bench"}, {"supercategory": "animal", "color": [165, 42, 42], "isthing": 1, "id": 16, "name": "bird"}, {"supercategory": "animal", "color": [255, 77, 255], "isthing": 1, "id": 17, "name": "cat"}, {"supercategory": "animal", "color": [0, 226, 252], "isthing": 1, "id": 18, "name": "dog"}, {"supercategory": "animal", "color": [182, 182, 255], "isthing": 1, "id": 19, "name": "horse"}, {"supercategory": "animal", "color": [0, 82, 0], "isthing": 1, "id": 20, "name": "sheep"}, {"supercategory": "animal", "color": [120, 166, 157], "isthing": 1, "id": 21, "name": "cow"}, {"supercategory": "animal", "color": [110, 76, 0], "isthing": 1, "id": 22, "name": "elephant"}, {"supercategory": "animal", "color": [174, 57, 255], "isthing": 1, "id": 23, "name": "bear"}, {"supercategory": "animal", "color": [199, 100, 0], "isthing": 1, "id": 24, "name": "zebra"}, {"supercategory": "animal", "color": [72, 0, 118], "isthing": 1, "id": 25, "name": "giraffe"}, {"supercategory": "accessory", "color": [255, 179, 240], "isthing": 1, "id": 27, "name": "backpack"}, {"supercategory": "accessory", "color": [0, 125, 92], "isthing": 1, "id": 28, "name": "umbrella"}, {"supercategory": "accessory", "color": [209, 0, 151], "isthing": 1, "id": 31, "name": "handbag"}, {"supercategory": "accessory", "color": [188, 208, 182], "isthing": 1, "id": 32, "name": "tie"}, {"supercategory": "accessory", "color": [0, 220, 176], "isthing": 1, "id": 33, "name": "suitcase"}, {"supercategory": "sports", "color": [255, 99, 164], "isthing": 1, "id": 34, "name": "frisbee"}, {"supercategory": "sports", "color": [92, 0, 73], "isthing": 1, "id": 35, "name": "skis"}, {"supercategory": "sports", "color": [133, 129, 255], "isthing": 1, "id": 36, "name": "snowboard"}, {"supercategory": "sports", "color": [78, 180, 255], "isthing": 1, "id": 37, "name": "sports ball"}, {"supercategory": "sports", "color": [0, 228, 0], "isthing": 1, "id": 38, "name": "kite"}, {"supercategory": "sports", "color": [174, 255, 243], "isthing": 1, "id": 39, "name": "baseball bat"}, {"supercategory": "sports", "color": [45, 89, 255], "isthing": 1, "id": 40, "name": "baseball glove"}, {"supercategory": "sports", "color": [134, 134, 103], "isthing": 1, "id": 41, "name": "skateboard"}, {"supercategory": "sports", "color": [145, 148, 174], "isthing": 1, "id": 42, "name": "surfboard"}, {"supercategory": "sports", "color": [255, 208, 186], "isthing": 1, "id": 43, "name": "tennis racket"}, {"supercategory": "kitchen", "color": [197, 226, 255], "isthing": 1, "id": 44, "name": "bottle"}, {"supercategory": "kitchen", "color": [171, 134, 1], "isthing": 1, "id": 46, "name": "wine glass"}, {"supercategory": "kitchen", "color": [109, 63, 54], "isthing": 1, "id": 47, "name": "cup"}, {"supercategory": "kitchen", "color": [207, 138, 255], "isthing": 1, "id": 48, "name": "fork"}, {"supercategory": "kitchen", "color": [151, 0, 95], "isthing": 1, "id": 49, "name": "knife"}, {"supercategory": "kitchen", "color": [9, 80, 61], "isthing": 1, "id": 50, "name": "spoon"}, {"supercategory": "kitchen", "color": [84, 105, 51], "isthing": 1, "id": 51, "name": "bowl"}, {"supercategory": "food", "color": [74, 65, 105], "isthing": 1, "id": 52, "name": "banana"}, {"supercategory": "food", "color": [166, 196, 102], "isthing": 1, "id": 53, "name": "apple"}, {"supercategory": "food", "color": [208, 195, 210], "isthing": 1, "id": 54, "name": "sandwich"}, {"supercategory": "food", "color": [255, 109, 65], "isthing": 1, "id": 55, "name": "orange"}, {"supercategory": "food", "color": [0, 143, 149], "isthing": 1, "id": 56, "name": "broccoli"}, {"supercategory": "food", "color": [179, 0, 194], "isthing": 1, "id": 57, "name": "carrot"}, {"supercategory": "food", "color": [209, 99, 106], "isthing": 1, "id": 58, "name": "hot dog"}, {"supercategory": "food", "color": [5, 121, 0], "isthing": 1, "id": 59, "name": "pizza"}, {"supercategory": "food", "color": [227, 255, 205], "isthing": 1, "id": 60, "name": "donut"}, {"supercategory": "food", "color": [147, 186, 208], "isthing": 1, "id": 61, "name": "cake"}, {"supercategory": "furniture", "color": [153, 69, 1], "isthing": 1, "id": 62, "name": "chair"}, {"supercategory": "furniture", "color": [3, 95, 161], "isthing": 1, "id": 63, "name": "couch"}, {"supercategory": "furniture", "color": [163, 255, 0], "isthing": 1, "id": 64, "name": "potted plant"}, {"supercategory": "furniture", "color": [119, 0, 170], "isthing": 1, "id": 65, "name": "bed"}, {"supercategory": "furniture", "color": [0, 182, 199], "isthing": 1, "id": 67, "name": "dining table"}, {"supercategory": "furniture", "color": [0, 165, 120], "isthing": 1, "id": 70, "name": "toilet"}, {"supercategory": "electronic", "color": [183, 130, 88], "isthing": 1, "id": 72, "name": "tv"}, {"supercategory": "electronic", "color": [95, 32, 0], "isthing": 1, "id": 73, "name": "laptop"}, {"supercategory": "electronic", "color": [130, 114, 135], "isthing": 1, "id": 74, "name": "mouse"}, {"supercategory": "electronic", "color": [110, 129, 133], "isthing": 1, "id": 75, "name": "remote"}, {"supercategory": "electronic", "color": [166, 74, 118], "isthing": 1, "id": 76, "name": "keyboard"}, {"supercategory": "electronic", "color": [219, 142, 185], "isthing": 1, "id": 77, "name": "cell phone"}, {"supercategory": "appliance", "color": [79, 210, 114], "isthing": 1, "id": 78, "name": "microwave"}, {"supercategory": "appliance", "color": [178, 90, 62], "isthing": 1, "id": 79, "name": "oven"}, {"supercategory": "appliance", "color": [65, 70, 15], "isthing": 1, "id": 80, "name": "toaster"}, {"supercategory": "appliance", "color": [127, 167, 115], "isthing": 1, "id": 81, "name": "sink"}, {"supercategory": "appliance", "color": [59, 105, 106], "isthing": 1, "id": 82, "name": "refrigerator"}, {"supercategory": "indoor", "color": [142, 108, 45], "isthing": 1, "id": 84, "name": "book"}, {"supercategory": "indoor", "color": [196, 172, 0], "isthing": 1, "id": 85, "name": "clock"}, {"supercategory": "indoor", "color": [95, 54, 80], "isthing": 1, "id": 86, "name": "vase"}, {"supercategory": "indoor", "color": [128, 76, 255], "isthing": 1, "id": 87, "name": "scissors"}, {"supercategory": "indoor", "color": [201, 57, 1], "isthing": 1, "id": 88, "name": "teddy bear"}, {"supercategory": "indoor", "color": [246, 0, 122], "isthing": 1, "id": 89, "name": "hair drier"}, {"supercategory": "indoor", "color": [191, 162, 208], "isthing": 1, "id": 90, "name": "toothbrush"}, {"supercategory": "textile", "color": [255, 255, 128], "isthing": 0, "id": 92, "name": "banner"}, {"supercategory": "textile", "color": [147, 211, 203], "isthing": 0, "id": 93, "name": "blanket"}, {"supercategory": "building", "color": [150, 100, 100], "isthing": 0, "id": 95, "name": "bridge"}, {"supercategory": "raw-material", "color": [168, 171, 172], "isthing": 0, "id": 100, "name": "cardboard"}, {"supercategory": "furniture-stuff", "color": [146, 112, 198], "isthing": 0, "id": 107, "name": "counter"}, {"supercategory": "textile", "color": [210, 170, 100], "isthing": 0, "id": 109, "name": "curtain"}, {"supercategory": "furniture-stuff", "color": [92, 136, 89], "isthing": 0, "id": 112, "name": "door-stuff"}, {"supercategory": "floor", "color": [218, 88, 184], "isthing": 0, "id": 118, "name": "floor-wood"}, {"supercategory": "plant", "color": [241, 129, 0], "isthing": 0, "id": 119, "name": "flower"}, {"supercategory": "food-stuff", "color": [217, 17, 255], "isthing": 0, "id": 122, "name": "fruit"}, {"supercategory": "ground", "color": [124, 74, 181], "isthing": 0, "id": 125, "name": "gravel"}, {"supercategory": "building", "color": [70, 70, 70], "isthing": 0, "id": 128, "name": "house"}, {"supercategory": "furniture-stuff", "color": [255, 228, 255], "isthing": 0, "id": 130, "name": "light"}, {"supercategory": "furniture-stuff", "color": [154, 208, 0], "isthing": 0, "id": 133, "name": "mirror-stuff"}, {"supercategory": "structural", "color": [193, 0, 92], "isthing": 0, "id": 138, "name": "net"}, {"supercategory": "textile", "color": [76, 91, 113], "isthing": 0, "id": 141, "name": "pillow"}, {"supercategory": "ground", "color": [255, 180, 195], "isthing": 0, "id": 144, "name": "platform"}, {"supercategory": "ground", "color": [106, 154, 176], "isthing": 0, "id": 145, "name": "playingfield"}, {"supercategory": "ground", "color": [230, 150, 140], "isthing": 0, "id": 147, "name": "railroad"}, {"supercategory": "water", "color": [60, 143, 255], "isthing": 0, "id": 148, "name": "river"}, {"supercategory": "ground", "color": [128, 64, 128], "isthing": 0, "id": 149, "name": "road"}, {"supercategory": "building", "color": [92, 82, 55], "isthing": 0, "id": 151, "name": "roof"}, {"supercategory": "ground", "color": [254, 212, 124], "isthing": 0, "id": 154, "name": "sand"}, {"supercategory": "water", "color": [73, 77, 174], "isthing": 0, "id": 155, "name": "sea"}, {"supercategory": "furniture-stuff", "color": [255, 160, 98], "isthing": 0, "id": 156, "name": "shelf"}, {"supercategory": "ground", "color": [255, 255, 255], "isthing": 0, "id": 159, "name": "snow"}, {"supercategory": "furniture-stuff", "color": [104, 84, 109], "isthing": 0, "id": 161, "name": "stairs"}, {"supercategory": "building", "color": [169, 164, 131], "isthing": 0, "id": 166, "name": "tent"}, {"supercategory": "textile", "color": [225, 199, 255], "isthing": 0, "id": 168, "name": "towel"}, {"supercategory": "wall", "color": [137, 54, 74], "isthing": 0, "id": 171, "name": "wall-brick"}, {"supercategory": "wall", "color": [135, 158, 223], "isthing": 0, "id": 175, "name": "wall-stone"}, {"supercategory": "wall", "color": [7, 246, 231], "isthing": 0, "id": 176, "name": "wall-tile"}, {"supercategory": "wall", "color": [107, 255, 200], "isthing": 0, "id": 177, "name": "wall-wood"}, {"supercategory": "water", "color": [58, 41, 149], "isthing": 0, "id": 178, "name": "water-other"}, {"supercategory": "window", "color": [183, 121, 142], "isthing": 0, "id": 180, "name": "window-blind"}, {"supercategory": "window", "color": [255, 73, 97], "isthing": 0, "id": 181, "name": "window-other"}, {"supercategory": "plant", "color": [107, 142, 35], "isthing": 0, "id": 184, "name": "tree-merged"}, {"supercategory": "structural", "color": [190, 153, 153], "isthing": 0, "id": 185, "name": "fence-merged"}, {"supercategory": "ceiling", "color": [146, 139, 141], "isthing": 0, "id": 186, "name": "ceiling-merged"}, {"supercategory": "sky", "color": [70, 130, 180], "isthing": 0, "id": 187, "name": "sky-other-merged"}, {"supercategory": "furniture-stuff", "color": [134, 199, 156], "isthing": 0, "id": 188, "name": "cabinet-merged"}, {"supercategory": "furniture-stuff", "color": [209, 226, 140], "isthing": 0, "id": 189, "name": "table-merged"}, {"supercategory": "floor", "color": [96, 36, 108], "isthing": 0, "id": 190, "name": "floor-other-merged"}, {"supercategory": "ground", "color": [96, 96, 96], "isthing": 0, "id": 191, "name": "pavement-merged"}, {"supercategory": "solid", "color": [64, 170, 64], "isthing": 0, "id": 192, "name": "mountain-merged"}, {"supercategory": "plant", "color": [152, 251, 152], "isthing": 0, "id": 193, "name": "grass-merged"}, {"supercategory": "ground", "color": [208, 229, 228], "isthing": 0, "id": 194, "name": "dirt-merged"}, {"supercategory": "raw-material", "color": [206, 186, 171], "isthing": 0, "id": 195, "name": "paper-merged"}, {"supercategory": "food-stuff", "color": [152, 161, 64], "isthing": 0, "id": 196, "name": "food-other-merged"}, {"supercategory": "building", "color": [116, 112, 0], "isthing": 0, "id": 197, "name": "building-other-merged"}, {"supercategory": "solid", "color": [0, 114, 143], "isthing": 0, "id": 198, "name": "rock-merged"}, {"supercategory": "wall", "color": [102, 102, 156], "isthing": 0, "id": 199, "name": "wall-other-merged"}, {"supercategory": "textile", "color": [250, 141, 255], "isthing": 0, "id": 200, "name": "rug-merged"}] +[ + { + "supercategory": "person", + "color": [ + 220, + 20, + 60 + ], + "isthing": 1, + "id": 1, + "name": "person" + }, + { + "supercategory": "vehicle", + "color": [ + 119, + 11, + 32 + ], + "isthing": 1, + "id": 2, + "name": "bicycle" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 142 + ], + "isthing": 1, + "id": 3, + "name": "car" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 230 + ], + "isthing": 1, + "id": 4, + "name": "motorcycle" + }, + { + "supercategory": "vehicle", + "color": [ + 106, + 0, + 228 + ], + "isthing": 1, + "id": 5, + "name": "airplane" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 60, + 100 + ], + "isthing": 1, + "id": 6, + "name": "bus" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 80, + 100 + ], + "isthing": 1, + "id": 7, + "name": "train" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 70 + ], + "isthing": 1, + "id": 8, + "name": "truck" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 192 + ], + "isthing": 1, + "id": 9, + "name": "boat" + }, + { + "supercategory": "outdoor", + "color": [ + 250, + 170, + 30 + ], + "isthing": 1, + "id": 10, + "name": "traffic light" + }, + { + "supercategory": "outdoor", + "color": [ + 100, + 170, + 30 + ], + "isthing": 1, + "id": 11, + "name": "fire hydrant" + }, + { + "supercategory": "outdoor", + "color": [ + 220, + 220, + 0 + ], + "isthing": 1, + "id": 13, + "name": "stop sign" + }, + { + "supercategory": "outdoor", + "color": [ + 175, + 116, + 175 + ], + "isthing": 1, + "id": 14, + "name": "parking meter" + }, + { + "supercategory": "outdoor", + "color": [ + 250, + 0, + 30 + ], + "isthing": 1, + "id": 15, + "name": "bench" + }, + { + "supercategory": "animal", + "color": [ + 165, + 42, + 42 + ], + "isthing": 1, + "id": 16, + "name": "bird" + }, + { + "supercategory": "animal", + "color": [ + 255, + 77, + 255 + ], + "isthing": 1, + "id": 17, + "name": "cat" + }, + { + "supercategory": "animal", + "color": [ + 0, + 226, + 252 + ], + "isthing": 1, + "id": 18, + "name": "dog" + }, + { + "supercategory": "animal", + "color": [ + 182, + 182, + 255 + ], + "isthing": 1, + "id": 19, + "name": "horse" + }, + { + "supercategory": "animal", + "color": [ + 0, + 82, + 0 + ], + "isthing": 1, + "id": 20, + "name": "sheep" + }, + { + "supercategory": "animal", + "color": [ + 120, + 166, + 157 + ], + "isthing": 1, + "id": 21, + "name": "cow" + }, + { + "supercategory": "animal", + "color": [ + 110, + 76, + 0 + ], + "isthing": 1, + "id": 22, + "name": "elephant" + }, + { + "supercategory": "animal", + "color": [ + 174, + 57, + 255 + ], + "isthing": 1, + "id": 23, + "name": "bear" + }, + { + "supercategory": "animal", + "color": [ + 199, + 100, + 0 + ], + "isthing": 1, + "id": 24, + "name": "zebra" + }, + { + "supercategory": "animal", + "color": [ + 72, + 0, + 118 + ], + "isthing": 1, + "id": 25, + "name": "giraffe" + }, + { + "supercategory": "accessory", + "color": [ + 255, + 179, + 240 + ], + "isthing": 1, + "id": 27, + "name": "backpack" + }, + { + "supercategory": "accessory", + "color": [ + 0, + 125, + 92 + ], + "isthing": 1, + "id": 28, + "name": "umbrella" + }, + { + "supercategory": "accessory", + "color": [ + 209, + 0, + 151 + ], + "isthing": 1, + "id": 31, + "name": "handbag" + }, + { + "supercategory": "accessory", + "color": [ + 188, + 208, + 182 + ], + "isthing": 1, + "id": 32, + "name": "tie" + }, + { + "supercategory": "accessory", + "color": [ + 0, + 220, + 176 + ], + "isthing": 1, + "id": 33, + "name": "suitcase" + }, + { + "supercategory": "sports", + "color": [ + 255, + 99, + 164 + ], + "isthing": 1, + "id": 34, + "name": "frisbee" + }, + { + "supercategory": "sports", + "color": [ + 92, + 0, + 73 + ], + "isthing": 1, + "id": 35, + "name": "skis" + }, + { + "supercategory": "sports", + "color": [ + 133, + 129, + 255 + ], + "isthing": 1, + "id": 36, + "name": "snowboard" + }, + { + "supercategory": "sports", + "color": [ + 78, + 180, + 255 + ], + "isthing": 1, + "id": 37, + "name": "sports ball" + }, + { + "supercategory": "sports", + "color": [ + 0, + 228, + 0 + ], + "isthing": 1, + "id": 38, + "name": "kite" + }, + { + "supercategory": "sports", + "color": [ + 174, + 255, + 243 + ], + "isthing": 1, + "id": 39, + "name": "baseball bat" + }, + { + "supercategory": "sports", + "color": [ + 45, + 89, + 255 + ], + "isthing": 1, + "id": 40, + "name": "baseball glove" + }, + { + "supercategory": "sports", + "color": [ + 134, + 134, + 103 + ], + "isthing": 1, + "id": 41, + "name": "skateboard" + }, + { + "supercategory": "sports", + "color": [ + 145, + 148, + 174 + ], + "isthing": 1, + "id": 42, + "name": "surfboard" + }, + { + "supercategory": "sports", + "color": [ + 255, + 208, + 186 + ], + "isthing": 1, + "id": 43, + "name": "tennis racket" + }, + { + "supercategory": "kitchen", + "color": [ + 197, + 226, + 255 + ], + "isthing": 1, + "id": 44, + "name": "bottle" + }, + { + "supercategory": "kitchen", + "color": [ + 171, + 134, + 1 + ], + "isthing": 1, + "id": 46, + "name": "wine glass" + }, + { + "supercategory": "kitchen", + "color": [ + 109, + 63, + 54 + ], + "isthing": 1, + "id": 47, + "name": "cup" + }, + { + "supercategory": "kitchen", + "color": [ + 207, + 138, + 255 + ], + "isthing": 1, + "id": 48, + "name": "fork" + }, + { + "supercategory": "kitchen", + "color": [ + 151, + 0, + 95 + ], + "isthing": 1, + "id": 49, + "name": "knife" + }, + { + "supercategory": "kitchen", + "color": [ + 9, + 80, + 61 + ], + "isthing": 1, + "id": 50, + "name": "spoon" + }, + { + "supercategory": "kitchen", + "color": [ + 84, + 105, + 51 + ], + "isthing": 1, + "id": 51, + "name": "bowl" + }, + { + "supercategory": "food", + "color": [ + 74, + 65, + 105 + ], + "isthing": 1, + "id": 52, + "name": "banana" + }, + { + "supercategory": "food", + "color": [ + 166, + 196, + 102 + ], + "isthing": 1, + "id": 53, + "name": "apple" + }, + { + "supercategory": "food", + "color": [ + 208, + 195, + 210 + ], + "isthing": 1, + "id": 54, + "name": "sandwich" + }, + { + "supercategory": "food", + "color": [ + 255, + 109, + 65 + ], + "isthing": 1, + "id": 55, + "name": "orange" + }, + { + "supercategory": "food", + "color": [ + 0, + 143, + 149 + ], + "isthing": 1, + "id": 56, + "name": "broccoli" + }, + { + "supercategory": "food", + "color": [ + 179, + 0, + 194 + ], + "isthing": 1, + "id": 57, + "name": "carrot" + }, + { + "supercategory": "food", + "color": [ + 209, + 99, + 106 + ], + "isthing": 1, + "id": 58, + "name": "hot dog" + }, + { + "supercategory": "food", + "color": [ + 5, + 121, + 0 + ], + "isthing": 1, + "id": 59, + "name": "pizza" + }, + { + "supercategory": "food", + "color": [ + 227, + 255, + 205 + ], + "isthing": 1, + "id": 60, + "name": "donut" + }, + { + "supercategory": "food", + "color": [ + 147, + 186, + 208 + ], + "isthing": 1, + "id": 61, + "name": "cake" + }, + { + "supercategory": "furniture", + "color": [ + 153, + 69, + 1 + ], + "isthing": 1, + "id": 62, + "name": "chair" + }, + { + "supercategory": "furniture", + "color": [ + 3, + 95, + 161 + ], + "isthing": 1, + "id": 63, + "name": "couch" + }, + { + "supercategory": "furniture", + "color": [ + 163, + 255, + 0 + ], + "isthing": 1, + "id": 64, + "name": "potted plant" + }, + { + "supercategory": "furniture", + "color": [ + 119, + 0, + 170 + ], + "isthing": 1, + "id": 65, + "name": "bed" + }, + { + "supercategory": "furniture", + "color": [ + 0, + 182, + 199 + ], + "isthing": 1, + "id": 67, + "name": "dining table" + }, + { + "supercategory": "furniture", + "color": [ + 0, + 165, + 120 + ], + "isthing": 1, + "id": 70, + "name": "toilet" + }, + { + "supercategory": "electronic", + "color": [ + 183, + 130, + 88 + ], + "isthing": 1, + "id": 72, + "name": "tv" + }, + { + "supercategory": "electronic", + "color": [ + 95, + 32, + 0 + ], + "isthing": 1, + "id": 73, + "name": "laptop" + }, + { + "supercategory": "electronic", + "color": [ + 130, + 114, + 135 + ], + "isthing": 1, + "id": 74, + "name": "mouse" + }, + { + "supercategory": "electronic", + "color": [ + 110, + 129, + 133 + ], + "isthing": 1, + "id": 75, + "name": "remote" + }, + { + "supercategory": "electronic", + "color": [ + 166, + 74, + 118 + ], + "isthing": 1, + "id": 76, + "name": "keyboard" + }, + { + "supercategory": "electronic", + "color": [ + 219, + 142, + 185 + ], + "isthing": 1, + "id": 77, + "name": "cell phone" + }, + { + "supercategory": "appliance", + "color": [ + 79, + 210, + 114 + ], + "isthing": 1, + "id": 78, + "name": "microwave" + }, + { + "supercategory": "appliance", + "color": [ + 178, + 90, + 62 + ], + "isthing": 1, + "id": 79, + "name": "oven" + }, + { + "supercategory": "appliance", + "color": [ + 65, + 70, + 15 + ], + "isthing": 1, + "id": 80, + "name": "toaster" + }, + { + "supercategory": "appliance", + "color": [ + 127, + 167, + 115 + ], + "isthing": 1, + "id": 81, + "name": "sink" + }, + { + "supercategory": "appliance", + "color": [ + 59, + 105, + 106 + ], + "isthing": 1, + "id": 82, + "name": "refrigerator" + }, + { + "supercategory": "indoor", + "color": [ + 142, + 108, + 45 + ], + "isthing": 1, + "id": 84, + "name": "book" + }, + { + "supercategory": "indoor", + "color": [ + 196, + 172, + 0 + ], + "isthing": 1, + "id": 85, + "name": "clock" + }, + { + "supercategory": "indoor", + "color": [ + 95, + 54, + 80 + ], + "isthing": 1, + "id": 86, + "name": "vase" + }, + { + "supercategory": "indoor", + "color": [ + 128, + 76, + 255 + ], + "isthing": 1, + "id": 87, + "name": "scissors" + }, + { + "supercategory": "indoor", + "color": [ + 201, + 57, + 1 + ], + "isthing": 1, + "id": 88, + "name": "teddy bear" + }, + { + "supercategory": "indoor", + "color": [ + 246, + 0, + 122 + ], + "isthing": 1, + "id": 89, + "name": "hair drier" + }, + { + "supercategory": "indoor", + "color": [ + 191, + 162, + 208 + ], + "isthing": 1, + "id": 90, + "name": "toothbrush" + }, + { + "supercategory": "textile", + "color": [ + 255, + 255, + 128 + ], + "isthing": 0, + "id": 92, + "name": "banner" + }, + { + "supercategory": "textile", + "color": [ + 147, + 211, + 203 + ], + "isthing": 0, + "id": 93, + "name": "blanket" + }, + { + "supercategory": "building", + "color": [ + 150, + 100, + 100 + ], + "isthing": 0, + "id": 95, + "name": "bridge" + }, + { + "supercategory": "raw-material", + "color": [ + 168, + 171, + 172 + ], + "isthing": 0, + "id": 100, + "name": "cardboard" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 146, + 112, + 198 + ], + "isthing": 0, + "id": 107, + "name": "counter" + }, + { + "supercategory": "textile", + "color": [ + 210, + 170, + 100 + ], + "isthing": 0, + "id": 109, + "name": "curtain" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 92, + 136, + 89 + ], + "isthing": 0, + "id": 112, + "name": "door-stuff" + }, + { + "supercategory": "floor", + "color": [ + 218, + 88, + 184 + ], + "isthing": 0, + "id": 118, + "name": "floor-wood" + }, + { + "supercategory": "plant", + "color": [ + 241, + 129, + 0 + ], + "isthing": 0, + "id": 119, + "name": "flower" + }, + { + "supercategory": "food-stuff", + "color": [ + 217, + 17, + 255 + ], + "isthing": 0, + "id": 122, + "name": "fruit" + }, + { + "supercategory": "ground", + "color": [ + 124, + 74, + 181 + ], + "isthing": 0, + "id": 125, + "name": "gravel" + }, + { + "supercategory": "building", + "color": [ + 70, + 70, + 70 + ], + "isthing": 0, + "id": 128, + "name": "house" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 255, + 228, + 255 + ], + "isthing": 0, + "id": 130, + "name": "light" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 154, + 208, + 0 + ], + "isthing": 0, + "id": 133, + "name": "mirror-stuff" + }, + { + "supercategory": "structural", + "color": [ + 193, + 0, + 92 + ], + "isthing": 0, + "id": 138, + "name": "net" + }, + { + "supercategory": "textile", + "color": [ + 76, + 91, + 113 + ], + "isthing": 0, + "id": 141, + "name": "pillow" + }, + { + "supercategory": "ground", + "color": [ + 255, + 180, + 195 + ], + "isthing": 0, + "id": 144, + "name": "platform" + }, + { + "supercategory": "ground", + "color": [ + 106, + 154, + 176 + ], + "isthing": 0, + "id": 145, + "name": "playingfield" + }, + { + "supercategory": "ground", + "color": [ + 230, + 150, + 140 + ], + "isthing": 0, + "id": 147, + "name": "railroad" + }, + { + "supercategory": "water", + "color": [ + 60, + 143, + 255 + ], + "isthing": 0, + "id": 148, + "name": "river" + }, + { + "supercategory": "ground", + "color": [ + 128, + 64, + 128 + ], + "isthing": 0, + "id": 149, + "name": "road" + }, + { + "supercategory": "building", + "color": [ + 92, + 82, + 55 + ], + "isthing": 0, + "id": 151, + "name": "roof" + }, + { + "supercategory": "ground", + "color": [ + 254, + 212, + 124 + ], + "isthing": 0, + "id": 154, + "name": "sand" + }, + { + "supercategory": "water", + "color": [ + 73, + 77, + 174 + ], + "isthing": 0, + "id": 155, + "name": "sea" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 255, + 160, + 98 + ], + "isthing": 0, + "id": 156, + "name": "shelf" + }, + { + "supercategory": "ground", + "color": [ + 255, + 255, + 255 + ], + "isthing": 0, + "id": 159, + "name": "snow" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 104, + 84, + 109 + ], + "isthing": 0, + "id": 161, + "name": "stairs" + }, + { + "supercategory": "building", + "color": [ + 169, + 164, + 131 + ], + "isthing": 0, + "id": 166, + "name": "tent" + }, + { + "supercategory": "textile", + "color": [ + 225, + 199, + 255 + ], + "isthing": 0, + "id": 168, + "name": "towel" + }, + { + "supercategory": "wall", + "color": [ + 137, + 54, + 74 + ], + "isthing": 0, + "id": 171, + "name": "wall-brick" + }, + { + "supercategory": "wall", + "color": [ + 135, + 158, + 223 + ], + "isthing": 0, + "id": 175, + "name": "wall-stone" + }, + { + "supercategory": "wall", + "color": [ + 7, + 246, + 231 + ], + "isthing": 0, + "id": 176, + "name": "wall-tile" + }, + { + "supercategory": "wall", + "color": [ + 107, + 255, + 200 + ], + "isthing": 0, + "id": 177, + "name": "wall-wood" + }, + { + "supercategory": "water", + "color": [ + 58, + 41, + 149 + ], + "isthing": 0, + "id": 178, + "name": "water-other" + }, + { + "supercategory": "window", + "color": [ + 183, + 121, + 142 + ], + "isthing": 0, + "id": 180, + "name": "window-blind" + }, + { + "supercategory": "window", + "color": [ + 255, + 73, + 97 + ], + "isthing": 0, + "id": 181, + "name": "window-other" + }, + { + "supercategory": "plant", + "color": [ + 107, + 142, + 35 + ], + "isthing": 0, + "id": 184, + "name": "tree-merged" + }, + { + "supercategory": "structural", + "color": [ + 190, + 153, + 153 + ], + "isthing": 0, + "id": 185, + "name": "fence-merged" + }, + { + "supercategory": "ceiling", + "color": [ + 146, + 139, + 141 + ], + "isthing": 0, + "id": 186, + "name": "ceiling-merged" + }, + { + "supercategory": "sky", + "color": [ + 70, + 130, + 180 + ], + "isthing": 0, + "id": 187, + "name": "sky-other-merged" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 134, + 199, + 156 + ], + "isthing": 0, + "id": 188, + "name": "cabinet-merged" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 209, + 226, + 140 + ], + "isthing": 0, + "id": 189, + "name": "table-merged" + }, + { + "supercategory": "floor", + "color": [ + 96, + 36, + 108 + ], + "isthing": 0, + "id": 190, + "name": "floor-other-merged" + }, + { + "supercategory": "ground", + "color": [ + 96, + 96, + 96 + ], + "isthing": 0, + "id": 191, + "name": "pavement-merged" + }, + { + "supercategory": "solid", + "color": [ + 64, + 170, + 64 + ], + "isthing": 0, + "id": 192, + "name": "mountain-merged" + }, + { + "supercategory": "plant", + "color": [ + 152, + 251, + 152 + ], + "isthing": 0, + "id": 193, + "name": "grass-merged" + }, + { + "supercategory": "ground", + "color": [ + 208, + 229, + 228 + ], + "isthing": 0, + "id": 194, + "name": "dirt-merged" + }, + { + "supercategory": "raw-material", + "color": [ + 206, + 186, + 171 + ], + "isthing": 0, + "id": 195, + "name": "paper-merged" + }, + { + "supercategory": "food-stuff", + "color": [ + 152, + 161, + 64 + ], + "isthing": 0, + "id": 196, + "name": "food-other-merged" + }, + { + "supercategory": "building", + "color": [ + 116, + 112, + 0 + ], + "isthing": 0, + "id": 197, + "name": "building-other-merged" + }, + { + "supercategory": "solid", + "color": [ + 0, + 114, + 143 + ], + "isthing": 0, + "id": 198, + "name": "rock-merged" + }, + { + "supercategory": "wall", + "color": [ + 102, + 102, + 156 + ], + "isthing": 0, + "id": 199, + "name": "wall-other-merged" + }, + { + "supercategory": "textile", + "color": [ + 250, + 141, + 255 + ], + "isthing": 0, + "id": 200, + "name": "rug-merged" + } +] \ No newline at end of file diff --git a/panopticapi/combine_semantic_and_instance_predictions.py b/panopticapi/combine_semantic_and_instance_predictions.py index ba58477..f7cd55a 100755 --- a/panopticapi/combine_semantic_and_instance_predictions.py +++ b/panopticapi/combine_semantic_and_instance_predictions.py @@ -12,7 +12,7 @@ from __future__ import division from __future__ import print_function from __future__ import unicode_literals -import os, sys +import os import argparse import numpy as np from collections import defaultdict @@ -23,12 +23,13 @@ from panopticapi.utils import IdGenerator, id2rgb, save_json -import PIL.Image as Image +import PIL.Image as Image try: from pycocotools import mask as COCOmask except Exception: - raise Exception("Please install pycocotools module from https://github.com/cocodataset/cocoapi") + raise Exception( + "Please install pycocotools module from https://github.com/cocodataset/cocoapi") def combine_to_panoptic_single_core(proc_id, img_ids, img_id2img, inst_by_image, @@ -108,7 +109,8 @@ def combine_to_panoptic_multi_core(img_id2img, inst_by_image, stuff_area_limit, categories): cpu_num = multiprocessing.cpu_count() img_ids_split = np.array_split(list(img_id2img), cpu_num) - print("Number of cores: {}, images per core: {}".format(cpu_num, len(img_ids_split[0]))) + print("Number of cores: {}, images per core: {}".format( + cpu_num, len(img_ids_split[0]))) workers = multiprocessing.Pool(processes=cpu_num) processes = [] for proc_id, img_ids in enumerate(img_ids_split): @@ -144,7 +146,8 @@ def combine_predictions(semseg_json_file, instseg_json_file, images_json_file, if segmentations_folder is None: segmentations_folder = panoptic_json_file.rsplit('.', 1)[0] if not os.path.isdir(segmentations_folder): - print("Creating folder {} for panoptic segmentation PNGs".format(segmentations_folder)) + print("Creating folder {} for panoptic segmentation PNGs".format( + segmentations_folder)) os.mkdir(segmentations_folder) print("Combining:") @@ -166,7 +169,8 @@ def combine_predictions(semseg_json_file, instseg_json_file, images_json_file, continue inst_by_image[inst['image_id']].append(inst) for img_id in inst_by_image.keys(): - inst_by_image[img_id] = sorted(inst_by_image[img_id], key=lambda el: -el['score']) + inst_by_image[img_id] = sorted( + inst_by_image[img_id], key=lambda el: -el['score']) sem_by_image = defaultdict(list) for sem in sem_results: diff --git a/panopticapi/evaluation.py b/panopticapi/evaluation.py index 26b4970..b39890b 100755 --- a/panopticapi/evaluation.py +++ b/panopticapi/evaluation.py @@ -3,11 +3,10 @@ from __future__ import division from __future__ import print_function from __future__ import unicode_literals -import os, sys +import os import numpy as np import json import time -from datetime import timedelta from collections import defaultdict import argparse import multiprocessing @@ -19,19 +18,20 @@ OFFSET = 256 * 256 * 256 VOID = 0 -class PQStatCat(): - def __init__(self): - self.iou = 0.0 - self.tp = 0 - self.fp = 0 - self.fn = 0 - def __iadd__(self, pq_stat_cat): - self.iou += pq_stat_cat.iou - self.tp += pq_stat_cat.tp - self.fp += pq_stat_cat.fp - self.fn += pq_stat_cat.fn - return self +class PQStatCat(): + def __init__(self): + self.iou = 0.0 + self.tp = 0 + self.fp = 0 + self.fn = 0 + + def __iadd__(self, pq_stat_cat): + self.iou += pq_stat_cat.iou + self.tp += pq_stat_cat.tp + self.fp += pq_stat_cat.fp + self.fn += pq_stat_cat.fn + return self class PQStat(): @@ -65,7 +65,8 @@ def pq_average(self, categories, isthing): pq_class = iou / (tp + 0.5 * fp + 0.5 * fn) sq_class = iou / tp if tp != 0 else 0 rq_class = tp / (tp + 0.5 * fp + 0.5 * fn) - per_class_results[label] = {'pq': pq_class, 'sq': sq_class, 'rq': rq_class} + per_class_results[label] = { + 'pq': pq_class, 'sq': sq_class, 'rq': rq_class} pq += pq_class sq += sq_class rq += rq_class @@ -80,12 +81,15 @@ def pq_compute_single_core(proc_id, annotation_set, gt_folder, pred_folder, cate idx = 0 for gt_ann, pred_ann in annotation_set: if idx % 100 == 0: - print('Core: {}, {} from {} images processed'.format(proc_id, idx, len(annotation_set))) + print('Core: {}, {} from {} images processed'.format( + proc_id, idx, len(annotation_set))) idx += 1 - pan_gt = np.array(Image.open(os.path.join(gt_folder, gt_ann['file_name'])), dtype=np.uint32) + pan_gt = np.array(Image.open(os.path.join( + gt_folder, gt_ann['file_name'])), dtype=np.uint32) pan_gt = rgb2id(pan_gt) - pan_pred = np.array(Image.open(os.path.join(pred_folder, pred_ann['file_name'])), dtype=np.uint32) + pan_pred = np.array(Image.open(os.path.join( + pred_folder, pred_ann['file_name'])), dtype=np.uint32) pan_pred = rgb2id(pan_pred) gt_segms = {el['id']: el for el in gt_ann['segments_info']} @@ -98,16 +102,20 @@ def pq_compute_single_core(proc_id, annotation_set, gt_folder, pred_folder, cate if label not in pred_segms: if label == VOID: continue - raise KeyError('In the image with ID {} segment with ID {} is presented in PNG and not presented in JSON.'.format(gt_ann['image_id'], label)) + raise KeyError('In the image with ID {} segment with ID {} is presented in PNG and not presented in JSON.'.format( + gt_ann['image_id'], label)) pred_segms[label]['area'] = label_cnt pred_labels_set.remove(label) if pred_segms[label]['category_id'] not in categories: - raise KeyError('In the image with ID {} segment with ID {} has unknown category_id {}.'.format(gt_ann['image_id'], label, pred_segms[label]['category_id'])) + raise KeyError('In the image with ID {} segment with ID {} has unknown category_id {}.'.format( + gt_ann['image_id'], label, pred_segms[label]['category_id'])) if len(pred_labels_set) != 0: - raise KeyError('In the image with ID {} the following segment IDs {} are presented in JSON and not presented in PNG.'.format(gt_ann['image_id'], list(pred_labels_set))) + raise KeyError('In the image with ID {} the following segment IDs {} are presented in JSON and not presented in PNG.'.format( + gt_ann['image_id'], list(pred_labels_set))) # confusion matrix calculation - pan_gt_pred = pan_gt.astype(np.uint64) * OFFSET + pan_pred.astype(np.uint64) + pan_gt_pred = pan_gt.astype(np.uint64) * \ + OFFSET + pan_pred.astype(np.uint64) gt_pred_map = {} labels, labels_cnt = np.unique(pan_gt_pred, return_counts=True) for label, intersection in zip(labels, labels_cnt): @@ -129,7 +137,8 @@ def pq_compute_single_core(proc_id, annotation_set, gt_folder, pred_folder, cate if gt_segms[gt_label]['category_id'] != pred_segms[pred_label]['category_id']: continue - union = pred_segms[pred_label]['area'] + gt_segms[gt_label]['area'] - intersection - gt_pred_map.get((VOID, pred_label), 0) + union = pred_segms[pred_label]['area'] + gt_segms[gt_label]['area'] - \ + intersection - gt_pred_map.get((VOID, pred_label), 0) iou = intersection / union if iou > 0.5: pq_stat[gt_segms[gt_label]['category_id']].tp += 1 @@ -156,19 +165,22 @@ def pq_compute_single_core(proc_id, annotation_set, gt_folder, pred_folder, cate intersection = gt_pred_map.get((VOID, pred_label), 0) # plus intersection with corresponding CROWD region if it exists if pred_info['category_id'] in crowd_labels_dict: - intersection += gt_pred_map.get((crowd_labels_dict[pred_info['category_id']], pred_label), 0) + intersection += gt_pred_map.get( + (crowd_labels_dict[pred_info['category_id']], pred_label), 0) # predicted segment is ignored if more than half of the segment correspond to VOID and CROWD regions if intersection / pred_info['area'] > 0.5: continue pq_stat[pred_info['category_id']].fp += 1 - print('Core: {}, all {} images processed'.format(proc_id, len(annotation_set))) + print('Core: {}, all {} images processed'.format( + proc_id, len(annotation_set))) return pq_stat def pq_compute_multi_core(matched_annotations_list, gt_folder, pred_folder, categories): cpu_num = multiprocessing.cpu_count() annotations_split = np.array_split(matched_annotations_list, cpu_num) - print("Number of cores: {}, images per core: {}".format(cpu_num, len(annotations_split[0]))) + print("Number of cores: {}, images per core: {}".format( + cpu_num, len(annotations_split[0]))) workers = multiprocessing.Pool(processes=cpu_num) processes = [] for proc_id, annotation_set in enumerate(annotations_split): @@ -204,27 +216,33 @@ def pq_compute(gt_json_file, pred_json_file, gt_folder=None, pred_folder=None): print("\tJSON file: {}".format(pred_json_file)) if not os.path.isdir(gt_folder): - raise Exception("Folder {} with ground truth segmentations doesn't exist".format(gt_folder)) + raise Exception( + "Folder {} with ground truth segmentations doesn't exist".format(gt_folder)) if not os.path.isdir(pred_folder): - raise Exception("Folder {} with predicted segmentations doesn't exist".format(pred_folder)) + raise Exception( + "Folder {} with predicted segmentations doesn't exist".format(pred_folder)) pred_annotations = {el['image_id']: el for el in pred_json['annotations']} matched_annotations_list = [] for gt_ann in gt_json['annotations']: image_id = gt_ann['image_id'] if image_id not in pred_annotations: - raise Exception('no prediction for the image with id: {}'.format(image_id)) + raise Exception( + 'no prediction for the image with id: {}'.format(image_id)) matched_annotations_list.append((gt_ann, pred_annotations[image_id])) - pq_stat = pq_compute_multi_core(matched_annotations_list, gt_folder, pred_folder, categories) + pq_stat = pq_compute_multi_core( + matched_annotations_list, gt_folder, pred_folder, categories) metrics = [("All", None), ("Things", True), ("Stuff", False)] results = {} for name, isthing in metrics: - results[name], per_class_results = pq_stat.pq_average(categories, isthing=isthing) + results[name], per_class_results = pq_stat.pq_average( + categories, isthing=isthing) if name == 'All': results['per_class'] = per_class_results - print("{:10s}| {:>5s} {:>5s} {:>5s} {:>5s}".format("", "PQ", "SQ", "RQ", "N")) + print("{:10s}| {:>5s} {:>5s} {:>5s} {:>5s}".format( + "", "PQ", "SQ", "RQ", "N")) print("-" * (10 + 7 * 4)) for name, _isthing in metrics: @@ -255,4 +273,5 @@ def pq_compute(gt_json_file, pred_json_file, gt_folder=None, pred_folder=None): help="Folder with prediction COCO format segmentations. \ Default: X if the corresponding json file is X.json") args = parser.parse_args() - pq_compute(args.gt_json_file, args.pred_json_file, args.gt_folder, args.pred_folder) + pq_compute(args.gt_json_file, args.pred_json_file, + args.gt_folder, args.pred_folder) diff --git a/panopticapi/utils.py b/panopticapi/utils.py index 0dea536..ef76ec0 100644 --- a/panopticapi/utils.py +++ b/panopticapi/utils.py @@ -32,6 +32,7 @@ class IdGenerator(): class ids are presented and category_info record is a dict with fields 'isthing' and 'color' ''' + def __init__(self, categories): self.taken_colors = set([0, 0, 0]) self.categories = categories diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000..5844e70 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,7 @@ +scikit_image==0.18.1 +numpy==1.20.3 +matplotlib==3.4.2 +cityscapesscripts==2.2.0 +Pillow==8.3.2 +pycocotools==2.0.2 +skimage==0.0 diff --git a/sample_data/images_info_examples.json b/sample_data/images_info_examples.json index e572628..e59c6f1 100644 --- a/sample_data/images_info_examples.json +++ b/sample_data/images_info_examples.json @@ -1 +1,1539 @@ -{"info": {"description": "COCO 2018 Panoptic Dataset", "url": "http://cocodataset.org", "version": "1.0", "year": 2018, "contributor": "https://arxiv.org/abs/1801.00868", "date_created": "2018-06-01 00:00:00.0"}, "licenses": [{"url": "http://creativecommons.org/licenses/by-nc-sa/2.0/", "id": 1, "name": "Attribution-NonCommercial-ShareAlike License"}, {"url": "http://creativecommons.org/licenses/by-nc/2.0/", "id": 2, "name": "Attribution-NonCommercial License"}, {"url": "http://creativecommons.org/licenses/by-nc-nd/2.0/", "id": 3, "name": "Attribution-NonCommercial-NoDerivs License"}, {"url": "http://creativecommons.org/licenses/by/2.0/", "id": 4, "name": "Attribution License"}, {"url": "http://creativecommons.org/licenses/by-sa/2.0/", "id": 5, "name": "Attribution-ShareAlike License"}, {"url": "http://creativecommons.org/licenses/by-nd/2.0/", "id": 6, "name": "Attribution-NoDerivs License"}, {"url": "http://flickr.com/commons/usage/", "id": 7, "name": "No known copyright restrictions"}, {"url": "http://www.usa.gov/copyright.shtml", "id": 8, "name": "United States Government Work"}], "images": [{"license": 2, "file_name": "000000142238.jpg", "coco_url": "http://images.cocodataset.org/val2017/000000142238.jpg", "height": 427, "width": 640, "date_captured": "2013-11-20 16:47:35", "flickr_url": "http://farm5.staticflickr.com/4028/5079131149_dde584ed79_z.jpg", "id": 142238}, {"license": 1, "file_name": "000000439180.jpg", "coco_url": "http://images.cocodataset.org/val2017/000000439180.jpg", "height": 360, "width": 640, "date_captured": "2013-11-19 01:25:39", "flickr_url": "http://farm3.staticflickr.com/2831/9275116980_1d9b986e3b_z.jpg", "id": 439180}], "categories": [{"supercategory": "person", "color": [220, 20, 60], "isthing": 1, "id": 1, "name": "person"}, {"supercategory": "vehicle", "color": [119, 11, 32], "isthing": 1, "id": 2, "name": "bicycle"}, {"supercategory": "vehicle", "color": [0, 0, 142], "isthing": 1, "id": 3, "name": "car"}, {"supercategory": "vehicle", "color": [0, 0, 230], "isthing": 1, "id": 4, "name": "motorcycle"}, {"supercategory": "vehicle", "color": [106, 0, 228], "isthing": 1, "id": 5, "name": "airplane"}, {"supercategory": "vehicle", "color": [0, 60, 100], "isthing": 1, "id": 6, "name": "bus"}, {"supercategory": "vehicle", "color": [0, 80, 100], "isthing": 1, "id": 7, "name": "train"}, {"supercategory": "vehicle", "color": [0, 0, 70], "isthing": 1, "id": 8, "name": "truck"}, {"supercategory": "vehicle", "color": [0, 0, 192], "isthing": 1, "id": 9, "name": "boat"}, {"supercategory": "outdoor", "color": [250, 170, 30], "isthing": 1, "id": 10, "name": "traffic light"}, {"supercategory": "outdoor", "color": [100, 170, 30], "isthing": 1, "id": 11, "name": "fire hydrant"}, {"supercategory": "outdoor", "color": [220, 220, 0], "isthing": 1, "id": 13, "name": "stop sign"}, {"supercategory": "outdoor", "color": [175, 116, 175], "isthing": 1, "id": 14, "name": "parking meter"}, {"supercategory": "outdoor", "color": [250, 0, 30], "isthing": 1, "id": 15, "name": "bench"}, {"supercategory": "animal", "color": [165, 42, 42], "isthing": 1, "id": 16, "name": "bird"}, {"supercategory": "animal", "color": [255, 77, 255], "isthing": 1, "id": 17, "name": "cat"}, {"supercategory": "animal", "color": [0, 226, 252], "isthing": 1, "id": 18, "name": "dog"}, {"supercategory": "animal", "color": [182, 182, 255], "isthing": 1, "id": 19, "name": "horse"}, {"supercategory": "animal", "color": [0, 82, 0], "isthing": 1, "id": 20, "name": "sheep"}, {"supercategory": "animal", "color": [120, 166, 157], "isthing": 1, "id": 21, "name": "cow"}, {"supercategory": "animal", "color": [110, 76, 0], "isthing": 1, "id": 22, "name": "elephant"}, {"supercategory": "animal", "color": [174, 57, 255], "isthing": 1, "id": 23, "name": "bear"}, {"supercategory": "animal", "color": [199, 100, 0], "isthing": 1, "id": 24, "name": "zebra"}, {"supercategory": "animal", "color": [72, 0, 118], "isthing": 1, "id": 25, "name": "giraffe"}, {"supercategory": "accessory", "color": [255, 179, 240], "isthing": 1, "id": 27, "name": "backpack"}, {"supercategory": "accessory", "color": [0, 125, 92], "isthing": 1, "id": 28, "name": "umbrella"}, {"supercategory": "accessory", "color": [209, 0, 151], "isthing": 1, "id": 31, "name": "handbag"}, {"supercategory": "accessory", "color": [188, 208, 182], "isthing": 1, "id": 32, "name": "tie"}, {"supercategory": "accessory", "color": [0, 220, 176], "isthing": 1, "id": 33, "name": "suitcase"}, {"supercategory": "sports", "color": [255, 99, 164], "isthing": 1, "id": 34, "name": "frisbee"}, {"supercategory": "sports", "color": [92, 0, 73], "isthing": 1, "id": 35, "name": "skis"}, {"supercategory": "sports", "color": [133, 129, 255], "isthing": 1, "id": 36, "name": "snowboard"}, {"supercategory": "sports", "color": [78, 180, 255], "isthing": 1, "id": 37, "name": "sports ball"}, {"supercategory": "sports", "color": [0, 228, 0], "isthing": 1, "id": 38, "name": "kite"}, {"supercategory": "sports", "color": [174, 255, 243], "isthing": 1, "id": 39, "name": "baseball bat"}, {"supercategory": "sports", "color": [45, 89, 255], "isthing": 1, "id": 40, "name": "baseball glove"}, {"supercategory": "sports", "color": [134, 134, 103], "isthing": 1, "id": 41, "name": "skateboard"}, {"supercategory": "sports", "color": [145, 148, 174], "isthing": 1, "id": 42, "name": "surfboard"}, {"supercategory": "sports", "color": [255, 208, 186], "isthing": 1, "id": 43, "name": "tennis racket"}, {"supercategory": "kitchen", "color": [197, 226, 255], "isthing": 1, "id": 44, "name": "bottle"}, {"supercategory": "kitchen", "color": [171, 134, 1], "isthing": 1, "id": 46, "name": "wine glass"}, {"supercategory": "kitchen", "color": [109, 63, 54], "isthing": 1, "id": 47, "name": "cup"}, {"supercategory": "kitchen", "color": [207, 138, 255], "isthing": 1, "id": 48, "name": "fork"}, {"supercategory": "kitchen", "color": [151, 0, 95], "isthing": 1, "id": 49, "name": "knife"}, {"supercategory": "kitchen", "color": [9, 80, 61], "isthing": 1, "id": 50, "name": "spoon"}, {"supercategory": "kitchen", "color": [84, 105, 51], "isthing": 1, "id": 51, "name": "bowl"}, {"supercategory": "food", "color": [74, 65, 105], "isthing": 1, "id": 52, "name": "banana"}, {"supercategory": "food", "color": [166, 196, 102], "isthing": 1, "id": 53, "name": "apple"}, {"supercategory": "food", "color": [208, 195, 210], "isthing": 1, "id": 54, "name": "sandwich"}, {"supercategory": "food", "color": [255, 109, 65], "isthing": 1, "id": 55, "name": "orange"}, {"supercategory": "food", "color": [0, 143, 149], "isthing": 1, "id": 56, "name": "broccoli"}, {"supercategory": "food", "color": [179, 0, 194], "isthing": 1, "id": 57, "name": "carrot"}, {"supercategory": "food", "color": [209, 99, 106], "isthing": 1, "id": 58, "name": "hot dog"}, {"supercategory": "food", "color": [5, 121, 0], "isthing": 1, "id": 59, "name": "pizza"}, {"supercategory": "food", "color": [227, 255, 205], "isthing": 1, "id": 60, "name": "donut"}, {"supercategory": "food", "color": [147, 186, 208], "isthing": 1, "id": 61, "name": "cake"}, {"supercategory": "furniture", "color": [153, 69, 1], "isthing": 1, "id": 62, "name": "chair"}, {"supercategory": "furniture", "color": [3, 95, 161], "isthing": 1, "id": 63, "name": "couch"}, {"supercategory": "furniture", "color": [163, 255, 0], "isthing": 1, "id": 64, "name": "potted plant"}, {"supercategory": "furniture", "color": [119, 0, 170], "isthing": 1, "id": 65, "name": "bed"}, {"supercategory": "furniture", "color": [0, 182, 199], "isthing": 1, "id": 67, "name": "dining table"}, {"supercategory": "furniture", "color": [0, 165, 120], "isthing": 1, "id": 70, "name": "toilet"}, {"supercategory": "electronic", "color": [183, 130, 88], "isthing": 1, "id": 72, "name": "tv"}, {"supercategory": "electronic", "color": [95, 32, 0], "isthing": 1, "id": 73, "name": "laptop"}, {"supercategory": "electronic", "color": [130, 114, 135], "isthing": 1, "id": 74, "name": "mouse"}, {"supercategory": "electronic", "color": [110, 129, 133], "isthing": 1, "id": 75, "name": "remote"}, {"supercategory": "electronic", "color": [166, 74, 118], "isthing": 1, "id": 76, "name": "keyboard"}, {"supercategory": "electronic", "color": [219, 142, 185], "isthing": 1, "id": 77, "name": "cell phone"}, {"supercategory": "appliance", "color": [79, 210, 114], "isthing": 1, "id": 78, "name": "microwave"}, {"supercategory": "appliance", "color": [178, 90, 62], "isthing": 1, "id": 79, "name": "oven"}, {"supercategory": "appliance", "color": [65, 70, 15], "isthing": 1, "id": 80, "name": "toaster"}, {"supercategory": "appliance", "color": [127, 167, 115], "isthing": 1, "id": 81, "name": "sink"}, {"supercategory": "appliance", "color": [59, 105, 106], "isthing": 1, "id": 82, "name": "refrigerator"}, {"supercategory": "indoor", "color": [142, 108, 45], "isthing": 1, "id": 84, "name": "book"}, {"supercategory": "indoor", "color": [196, 172, 0], "isthing": 1, "id": 85, "name": "clock"}, {"supercategory": "indoor", "color": [95, 54, 80], "isthing": 1, "id": 86, "name": "vase"}, {"supercategory": "indoor", "color": [128, 76, 255], "isthing": 1, "id": 87, "name": "scissors"}, {"supercategory": "indoor", "color": [201, 57, 1], "isthing": 1, "id": 88, "name": "teddy bear"}, {"supercategory": "indoor", "color": [246, 0, 122], "isthing": 1, "id": 89, "name": "hair drier"}, {"supercategory": "indoor", "color": [191, 162, 208], "isthing": 1, "id": 90, "name": "toothbrush"}, {"supercategory": "textile", "color": [255, 255, 128], "isthing": 0, "id": 92, "name": "banner"}, {"supercategory": "textile", "color": [147, 211, 203], "isthing": 0, "id": 93, "name": "blanket"}, {"supercategory": "building", "color": [150, 100, 100], "isthing": 0, "id": 95, "name": "bridge"}, {"supercategory": "raw-material", "color": [168, 171, 172], "isthing": 0, "id": 100, "name": "cardboard"}, {"supercategory": "furniture-stuff", "color": [146, 112, 198], "isthing": 0, "id": 107, "name": "counter"}, {"supercategory": "textile", "color": [210, 170, 100], "isthing": 0, "id": 109, "name": "curtain"}, {"supercategory": "furniture-stuff", "color": [92, 136, 89], "isthing": 0, "id": 112, "name": "door-stuff"}, {"supercategory": "floor", "color": [218, 88, 184], "isthing": 0, "id": 118, "name": "floor-wood"}, {"supercategory": "plant", "color": [241, 129, 0], "isthing": 0, "id": 119, "name": "flower"}, {"supercategory": "food-stuff", "color": [217, 17, 255], "isthing": 0, "id": 122, "name": "fruit"}, {"supercategory": "ground", "color": [124, 74, 181], "isthing": 0, "id": 125, "name": "gravel"}, {"supercategory": "building", "color": [70, 70, 70], "isthing": 0, "id": 128, "name": "house"}, {"supercategory": "furniture-stuff", "color": [255, 228, 255], "isthing": 0, "id": 130, "name": "light"}, {"supercategory": "furniture-stuff", "color": [154, 208, 0], "isthing": 0, "id": 133, "name": "mirror-stuff"}, {"supercategory": "structural", "color": [193, 0, 92], "isthing": 0, "id": 138, "name": "net"}, {"supercategory": "textile", "color": [76, 91, 113], "isthing": 0, "id": 141, "name": "pillow"}, {"supercategory": "ground", "color": [255, 180, 195], "isthing": 0, "id": 144, "name": "platform"}, {"supercategory": "ground", "color": [106, 154, 176], "isthing": 0, "id": 145, "name": "playingfield"}, {"supercategory": "ground", "color": [230, 150, 140], "isthing": 0, "id": 147, "name": "railroad"}, {"supercategory": "water", "color": [60, 143, 255], "isthing": 0, "id": 148, "name": "river"}, {"supercategory": "ground", "color": [128, 64, 128], "isthing": 0, "id": 149, "name": "road"}, {"supercategory": "building", "color": [92, 82, 55], "isthing": 0, "id": 151, "name": "roof"}, {"supercategory": "ground", "color": [254, 212, 124], "isthing": 0, "id": 154, "name": "sand"}, {"supercategory": "water", "color": [73, 77, 174], "isthing": 0, "id": 155, "name": "sea"}, {"supercategory": "furniture-stuff", "color": [255, 160, 98], "isthing": 0, "id": 156, "name": "shelf"}, {"supercategory": "ground", "color": [255, 255, 255], "isthing": 0, "id": 159, "name": "snow"}, {"supercategory": "furniture-stuff", "color": [104, 84, 109], "isthing": 0, "id": 161, "name": "stairs"}, {"supercategory": "building", "color": [169, 164, 131], "isthing": 0, "id": 166, "name": "tent"}, {"supercategory": "textile", "color": [225, 199, 255], "isthing": 0, "id": 168, "name": "towel"}, {"supercategory": "wall", "color": [137, 54, 74], "isthing": 0, "id": 171, "name": "wall-brick"}, {"supercategory": "wall", "color": [135, 158, 223], "isthing": 0, "id": 175, "name": "wall-stone"}, {"supercategory": "wall", "color": [7, 246, 231], "isthing": 0, "id": 176, "name": "wall-tile"}, {"supercategory": "wall", "color": [107, 255, 200], "isthing": 0, "id": 177, "name": "wall-wood"}, {"supercategory": "water", "color": [58, 41, 149], "isthing": 0, "id": 178, "name": "water-other"}, {"supercategory": "window", "color": [183, 121, 142], "isthing": 0, "id": 180, "name": "window-blind"}, {"supercategory": "window", "color": [255, 73, 97], "isthing": 0, "id": 181, "name": "window-other"}, {"supercategory": "plant", "color": [107, 142, 35], "isthing": 0, "id": 184, "name": "tree-merged"}, {"supercategory": "structural", "color": [190, 153, 153], "isthing": 0, "id": 185, "name": "fence-merged"}, {"supercategory": "ceiling", "color": [146, 139, 141], "isthing": 0, "id": 186, "name": "ceiling-merged"}, {"supercategory": "sky", "color": [70, 130, 180], "isthing": 0, "id": 187, "name": "sky-other-merged"}, {"supercategory": "furniture-stuff", "color": [134, 199, 156], "isthing": 0, "id": 188, "name": "cabinet-merged"}, {"supercategory": "furniture-stuff", "color": [209, 226, 140], "isthing": 0, "id": 189, "name": "table-merged"}, {"supercategory": "floor", "color": [96, 36, 108], "isthing": 0, "id": 190, "name": "floor-other-merged"}, {"supercategory": "ground", "color": [96, 96, 96], "isthing": 0, "id": 191, "name": "pavement-merged"}, {"supercategory": "solid", "color": [64, 170, 64], "isthing": 0, "id": 192, "name": "mountain-merged"}, {"supercategory": "plant", "color": [152, 251, 152], "isthing": 0, "id": 193, "name": "grass-merged"}, {"supercategory": "ground", "color": [208, 229, 228], "isthing": 0, "id": 194, "name": "dirt-merged"}, {"supercategory": "raw-material", "color": [206, 186, 171], "isthing": 0, "id": 195, "name": "paper-merged"}, {"supercategory": "food-stuff", "color": [152, 161, 64], "isthing": 0, "id": 196, "name": "food-other-merged"}, {"supercategory": "building", "color": [116, 112, 0], "isthing": 0, "id": 197, "name": "building-other-merged"}, {"supercategory": "solid", "color": [0, 114, 143], "isthing": 0, "id": 198, "name": "rock-merged"}, {"supercategory": "wall", "color": [102, 102, 156], "isthing": 0, "id": 199, "name": "wall-other-merged"}, {"supercategory": "textile", "color": [250, 141, 255], "isthing": 0, "id": 200, "name": "rug-merged"}]} +{ + "info": { + "description": "COCO 2018 Panoptic Dataset", + "url": "http://cocodataset.org", + "version": "1.0", + "year": 2018, + "contributor": "https://arxiv.org/abs/1801.00868", + "date_created": "2018-06-01 00:00:00.0" + }, + "licenses": [ + { + "url": "http://creativecommons.org/licenses/by-nc-sa/2.0/", + "id": 1, + "name": "Attribution-NonCommercial-ShareAlike License" + }, + { + "url": "http://creativecommons.org/licenses/by-nc/2.0/", + "id": 2, + "name": "Attribution-NonCommercial License" + }, + { + "url": "http://creativecommons.org/licenses/by-nc-nd/2.0/", + "id": 3, + "name": "Attribution-NonCommercial-NoDerivs License" + }, + { + "url": "http://creativecommons.org/licenses/by/2.0/", + "id": 4, + "name": "Attribution License" + }, + { + "url": "http://creativecommons.org/licenses/by-sa/2.0/", + "id": 5, + "name": "Attribution-ShareAlike License" + }, + { + "url": "http://creativecommons.org/licenses/by-nd/2.0/", + "id": 6, + "name": "Attribution-NoDerivs License" + }, + { + "url": "http://flickr.com/commons/usage/", + "id": 7, + "name": "No known copyright restrictions" + }, + { + "url": "http://www.usa.gov/copyright.shtml", + "id": 8, + "name": "United States Government Work" + } + ], + "images": [ + { + "license": 2, + "file_name": "000000142238.jpg", + "coco_url": "http://images.cocodataset.org/val2017/000000142238.jpg", + "height": 427, + "width": 640, + "date_captured": "2013-11-20 16:47:35", + "flickr_url": "http://farm5.staticflickr.com/4028/5079131149_dde584ed79_z.jpg", + "id": 142238 + }, + { + "license": 1, + "file_name": "000000439180.jpg", + "coco_url": "http://images.cocodataset.org/val2017/000000439180.jpg", + "height": 360, + "width": 640, + "date_captured": "2013-11-19 01:25:39", + "flickr_url": "http://farm3.staticflickr.com/2831/9275116980_1d9b986e3b_z.jpg", + "id": 439180 + } + ], + "categories": [ + { + "supercategory": "person", + "color": [ + 220, + 20, + 60 + ], + "isthing": 1, + "id": 1, + "name": "person" + }, + { + "supercategory": "vehicle", + "color": [ + 119, + 11, + 32 + ], + "isthing": 1, + "id": 2, + "name": "bicycle" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 142 + ], + "isthing": 1, + "id": 3, + "name": "car" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 230 + ], + "isthing": 1, + "id": 4, + "name": "motorcycle" + }, + { + "supercategory": "vehicle", + "color": [ + 106, + 0, + 228 + ], + "isthing": 1, + "id": 5, + "name": "airplane" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 60, + 100 + ], + "isthing": 1, + "id": 6, + "name": "bus" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 80, + 100 + ], + "isthing": 1, + "id": 7, + "name": "train" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 70 + ], + "isthing": 1, + "id": 8, + "name": "truck" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 192 + ], + "isthing": 1, + "id": 9, + "name": "boat" + }, + { + "supercategory": "outdoor", + "color": [ + 250, + 170, + 30 + ], + "isthing": 1, + "id": 10, + "name": "traffic light" + }, + { + "supercategory": "outdoor", + "color": [ + 100, + 170, + 30 + ], + "isthing": 1, + "id": 11, + "name": "fire hydrant" + }, + { + "supercategory": "outdoor", + "color": [ + 220, + 220, + 0 + ], + "isthing": 1, + "id": 13, + "name": "stop sign" + }, + { + "supercategory": "outdoor", + "color": [ + 175, + 116, + 175 + ], + "isthing": 1, + "id": 14, + "name": "parking meter" + }, + { + "supercategory": "outdoor", + "color": [ + 250, + 0, + 30 + ], + "isthing": 1, + "id": 15, + "name": "bench" + }, + { + "supercategory": "animal", + "color": [ + 165, + 42, + 42 + ], + "isthing": 1, + "id": 16, + "name": "bird" + }, + { + "supercategory": "animal", + "color": [ + 255, + 77, + 255 + ], + "isthing": 1, + "id": 17, + "name": "cat" + }, + { + "supercategory": "animal", + "color": [ + 0, + 226, + 252 + ], + "isthing": 1, + "id": 18, + "name": "dog" + }, + { + "supercategory": "animal", + "color": [ + 182, + 182, + 255 + ], + "isthing": 1, + "id": 19, + "name": "horse" + }, + { + "supercategory": "animal", + "color": [ + 0, + 82, + 0 + ], + "isthing": 1, + "id": 20, + "name": "sheep" + }, + { + "supercategory": "animal", + "color": [ + 120, + 166, + 157 + ], + "isthing": 1, + "id": 21, + "name": "cow" + }, + { + "supercategory": "animal", + "color": [ + 110, + 76, + 0 + ], + "isthing": 1, + "id": 22, + "name": "elephant" + }, + { + "supercategory": "animal", + "color": [ + 174, + 57, + 255 + ], + "isthing": 1, + "id": 23, + "name": "bear" + }, + { + "supercategory": "animal", + "color": [ + 199, + 100, + 0 + ], + "isthing": 1, + "id": 24, + "name": "zebra" + }, + { + "supercategory": "animal", + "color": [ + 72, + 0, + 118 + ], + "isthing": 1, + "id": 25, + "name": "giraffe" + }, + { + "supercategory": "accessory", + "color": [ + 255, + 179, + 240 + ], + "isthing": 1, + "id": 27, + "name": "backpack" + }, + { + "supercategory": "accessory", + "color": [ + 0, + 125, + 92 + ], + "isthing": 1, + "id": 28, + "name": "umbrella" + }, + { + "supercategory": "accessory", + "color": [ + 209, + 0, + 151 + ], + "isthing": 1, + "id": 31, + "name": "handbag" + }, + { + "supercategory": "accessory", + "color": [ + 188, + 208, + 182 + ], + "isthing": 1, + "id": 32, + "name": "tie" + }, + { + "supercategory": "accessory", + "color": [ + 0, + 220, + 176 + ], + "isthing": 1, + "id": 33, + "name": "suitcase" + }, + { + "supercategory": "sports", + "color": [ + 255, + 99, + 164 + ], + "isthing": 1, + "id": 34, + "name": "frisbee" + }, + { + "supercategory": "sports", + "color": [ + 92, + 0, + 73 + ], + "isthing": 1, + "id": 35, + "name": "skis" + }, + { + "supercategory": "sports", + "color": [ + 133, + 129, + 255 + ], + "isthing": 1, + "id": 36, + "name": "snowboard" + }, + { + "supercategory": "sports", + "color": [ + 78, + 180, + 255 + ], + "isthing": 1, + "id": 37, + "name": "sports ball" + }, + { + "supercategory": "sports", + "color": [ + 0, + 228, + 0 + ], + "isthing": 1, + "id": 38, + "name": "kite" + }, + { + "supercategory": "sports", + "color": [ + 174, + 255, + 243 + ], + "isthing": 1, + "id": 39, + "name": "baseball bat" + }, + { + "supercategory": "sports", + "color": [ + 45, + 89, + 255 + ], + "isthing": 1, + "id": 40, + "name": "baseball glove" + }, + { + "supercategory": "sports", + "color": [ + 134, + 134, + 103 + ], + "isthing": 1, + "id": 41, + "name": "skateboard" + }, + { + "supercategory": "sports", + "color": [ + 145, + 148, + 174 + ], + "isthing": 1, + "id": 42, + "name": "surfboard" + }, + { + "supercategory": "sports", + "color": [ + 255, + 208, + 186 + ], + "isthing": 1, + "id": 43, + "name": "tennis racket" + }, + { + "supercategory": "kitchen", + "color": [ + 197, + 226, + 255 + ], + "isthing": 1, + "id": 44, + "name": "bottle" + }, + { + "supercategory": "kitchen", + "color": [ + 171, + 134, + 1 + ], + "isthing": 1, + "id": 46, + "name": "wine glass" + }, + { + "supercategory": "kitchen", + "color": [ + 109, + 63, + 54 + ], + "isthing": 1, + "id": 47, + "name": "cup" + }, + { + "supercategory": "kitchen", + "color": [ + 207, + 138, + 255 + ], + "isthing": 1, + "id": 48, + "name": "fork" + }, + { + "supercategory": "kitchen", + "color": [ + 151, + 0, + 95 + ], + "isthing": 1, + "id": 49, + "name": "knife" + }, + { + "supercategory": "kitchen", + "color": [ + 9, + 80, + 61 + ], + "isthing": 1, + "id": 50, + "name": "spoon" + }, + { + "supercategory": "kitchen", + "color": [ + 84, + 105, + 51 + ], + "isthing": 1, + "id": 51, + "name": "bowl" + }, + { + "supercategory": "food", + "color": [ + 74, + 65, + 105 + ], + "isthing": 1, + "id": 52, + "name": "banana" + }, + { + "supercategory": "food", + "color": [ + 166, + 196, + 102 + ], + "isthing": 1, + "id": 53, + "name": "apple" + }, + { + "supercategory": "food", + "color": [ + 208, + 195, + 210 + ], + "isthing": 1, + "id": 54, + "name": "sandwich" + }, + { + "supercategory": "food", + "color": [ + 255, + 109, + 65 + ], + "isthing": 1, + "id": 55, + "name": "orange" + }, + { + "supercategory": "food", + "color": [ + 0, + 143, + 149 + ], + "isthing": 1, + "id": 56, + "name": "broccoli" + }, + { + "supercategory": "food", + "color": [ + 179, + 0, + 194 + ], + "isthing": 1, + "id": 57, + "name": "carrot" + }, + { + "supercategory": "food", + "color": [ + 209, + 99, + 106 + ], + "isthing": 1, + "id": 58, + "name": "hot dog" + }, + { + "supercategory": "food", + "color": [ + 5, + 121, + 0 + ], + "isthing": 1, + "id": 59, + "name": "pizza" + }, + { + "supercategory": "food", + "color": [ + 227, + 255, + 205 + ], + "isthing": 1, + "id": 60, + "name": "donut" + }, + { + "supercategory": "food", + "color": [ + 147, + 186, + 208 + ], + "isthing": 1, + "id": 61, + "name": "cake" + }, + { + "supercategory": "furniture", + "color": [ + 153, + 69, + 1 + ], + "isthing": 1, + "id": 62, + "name": "chair" + }, + { + "supercategory": "furniture", + "color": [ + 3, + 95, + 161 + ], + "isthing": 1, + "id": 63, + "name": "couch" + }, + { + "supercategory": "furniture", + "color": [ + 163, + 255, + 0 + ], + "isthing": 1, + "id": 64, + "name": "potted plant" + }, + { + "supercategory": "furniture", + "color": [ + 119, + 0, + 170 + ], + "isthing": 1, + "id": 65, + "name": "bed" + }, + { + "supercategory": "furniture", + "color": [ + 0, + 182, + 199 + ], + "isthing": 1, + "id": 67, + "name": "dining table" + }, + { + "supercategory": "furniture", + "color": [ + 0, + 165, + 120 + ], + "isthing": 1, + "id": 70, + "name": "toilet" + }, + { + "supercategory": "electronic", + "color": [ + 183, + 130, + 88 + ], + "isthing": 1, + "id": 72, + "name": "tv" + }, + { + "supercategory": "electronic", + "color": [ + 95, + 32, + 0 + ], + "isthing": 1, + "id": 73, + "name": "laptop" + }, + { + "supercategory": "electronic", + "color": [ + 130, + 114, + 135 + ], + "isthing": 1, + "id": 74, + "name": "mouse" + }, + { + "supercategory": "electronic", + "color": [ + 110, + 129, + 133 + ], + "isthing": 1, + "id": 75, + "name": "remote" + }, + { + "supercategory": "electronic", + "color": [ + 166, + 74, + 118 + ], + "isthing": 1, + "id": 76, + "name": "keyboard" + }, + { + "supercategory": "electronic", + "color": [ + 219, + 142, + 185 + ], + "isthing": 1, + "id": 77, + "name": "cell phone" + }, + { + "supercategory": "appliance", + "color": [ + 79, + 210, + 114 + ], + "isthing": 1, + "id": 78, + "name": "microwave" + }, + { + "supercategory": "appliance", + "color": [ + 178, + 90, + 62 + ], + "isthing": 1, + "id": 79, + "name": "oven" + }, + { + "supercategory": "appliance", + "color": [ + 65, + 70, + 15 + ], + "isthing": 1, + "id": 80, + "name": "toaster" + }, + { + "supercategory": "appliance", + "color": [ + 127, + 167, + 115 + ], + "isthing": 1, + "id": 81, + "name": "sink" + }, + { + "supercategory": "appliance", + "color": [ + 59, + 105, + 106 + ], + "isthing": 1, + "id": 82, + "name": "refrigerator" + }, + { + "supercategory": "indoor", + "color": [ + 142, + 108, + 45 + ], + "isthing": 1, + "id": 84, + "name": "book" + }, + { + "supercategory": "indoor", + "color": [ + 196, + 172, + 0 + ], + "isthing": 1, + "id": 85, + "name": "clock" + }, + { + "supercategory": "indoor", + "color": [ + 95, + 54, + 80 + ], + "isthing": 1, + "id": 86, + "name": "vase" + }, + { + "supercategory": "indoor", + "color": [ + 128, + 76, + 255 + ], + "isthing": 1, + "id": 87, + "name": "scissors" + }, + { + "supercategory": "indoor", + "color": [ + 201, + 57, + 1 + ], + "isthing": 1, + "id": 88, + "name": "teddy bear" + }, + { + "supercategory": "indoor", + "color": [ + 246, + 0, + 122 + ], + "isthing": 1, + "id": 89, + "name": "hair drier" + }, + { + "supercategory": "indoor", + "color": [ + 191, + 162, + 208 + ], + "isthing": 1, + "id": 90, + "name": "toothbrush" + }, + { + "supercategory": "textile", + "color": [ + 255, + 255, + 128 + ], + "isthing": 0, + "id": 92, + "name": "banner" + }, + { + "supercategory": "textile", + "color": [ + 147, + 211, + 203 + ], + "isthing": 0, + "id": 93, + "name": "blanket" + }, + { + "supercategory": "building", + "color": [ + 150, + 100, + 100 + ], + "isthing": 0, + "id": 95, + "name": "bridge" + }, + { + "supercategory": "raw-material", + "color": [ + 168, + 171, + 172 + ], + "isthing": 0, + "id": 100, + "name": "cardboard" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 146, + 112, + 198 + ], + "isthing": 0, + "id": 107, + "name": "counter" + }, + { + "supercategory": "textile", + "color": [ + 210, + 170, + 100 + ], + "isthing": 0, + "id": 109, + "name": "curtain" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 92, + 136, + 89 + ], + "isthing": 0, + "id": 112, + "name": "door-stuff" + }, + { + "supercategory": "floor", + "color": [ + 218, + 88, + 184 + ], + "isthing": 0, + "id": 118, + "name": "floor-wood" + }, + { + "supercategory": "plant", + "color": [ + 241, + 129, + 0 + ], + "isthing": 0, + "id": 119, + "name": "flower" + }, + { + "supercategory": "food-stuff", + "color": [ + 217, + 17, + 255 + ], + "isthing": 0, + "id": 122, + "name": "fruit" + }, + { + "supercategory": "ground", + "color": [ + 124, + 74, + 181 + ], + "isthing": 0, + "id": 125, + "name": "gravel" + }, + { + "supercategory": "building", + "color": [ + 70, + 70, + 70 + ], + "isthing": 0, + "id": 128, + "name": "house" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 255, + 228, + 255 + ], + "isthing": 0, + "id": 130, + "name": "light" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 154, + 208, + 0 + ], + "isthing": 0, + "id": 133, + "name": "mirror-stuff" + }, + { + "supercategory": "structural", + "color": [ + 193, + 0, + 92 + ], + "isthing": 0, + "id": 138, + "name": "net" + }, + { + "supercategory": "textile", + "color": [ + 76, + 91, + 113 + ], + "isthing": 0, + "id": 141, + "name": "pillow" + }, + { + "supercategory": "ground", + "color": [ + 255, + 180, + 195 + ], + "isthing": 0, + "id": 144, + "name": "platform" + }, + { + "supercategory": "ground", + "color": [ + 106, + 154, + 176 + ], + "isthing": 0, + "id": 145, + "name": "playingfield" + }, + { + "supercategory": "ground", + "color": [ + 230, + 150, + 140 + ], + "isthing": 0, + "id": 147, + "name": "railroad" + }, + { + "supercategory": "water", + "color": [ + 60, + 143, + 255 + ], + "isthing": 0, + "id": 148, + "name": "river" + }, + { + "supercategory": "ground", + "color": [ + 128, + 64, + 128 + ], + "isthing": 0, + "id": 149, + "name": "road" + }, + { + "supercategory": "building", + "color": [ + 92, + 82, + 55 + ], + "isthing": 0, + "id": 151, + "name": "roof" + }, + { + "supercategory": "ground", + "color": [ + 254, + 212, + 124 + ], + "isthing": 0, + "id": 154, + "name": "sand" + }, + { + "supercategory": "water", + "color": [ + 73, + 77, + 174 + ], + "isthing": 0, + "id": 155, + "name": "sea" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 255, + 160, + 98 + ], + "isthing": 0, + "id": 156, + "name": "shelf" + }, + { + "supercategory": "ground", + "color": [ + 255, + 255, + 255 + ], + "isthing": 0, + "id": 159, + "name": "snow" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 104, + 84, + 109 + ], + "isthing": 0, + "id": 161, + "name": "stairs" + }, + { + "supercategory": "building", + "color": [ + 169, + 164, + 131 + ], + "isthing": 0, + "id": 166, + "name": "tent" + }, + { + "supercategory": "textile", + "color": [ + 225, + 199, + 255 + ], + "isthing": 0, + "id": 168, + "name": "towel" + }, + { + "supercategory": "wall", + "color": [ + 137, + 54, + 74 + ], + "isthing": 0, + "id": 171, + "name": "wall-brick" + }, + { + "supercategory": "wall", + "color": [ + 135, + 158, + 223 + ], + "isthing": 0, + "id": 175, + "name": "wall-stone" + }, + { + "supercategory": "wall", + "color": [ + 7, + 246, + 231 + ], + "isthing": 0, + "id": 176, + "name": "wall-tile" + }, + { + "supercategory": "wall", + "color": [ + 107, + 255, + 200 + ], + "isthing": 0, + "id": 177, + "name": "wall-wood" + }, + { + "supercategory": "water", + "color": [ + 58, + 41, + 149 + ], + "isthing": 0, + "id": 178, + "name": "water-other" + }, + { + "supercategory": "window", + "color": [ + 183, + 121, + 142 + ], + "isthing": 0, + "id": 180, + "name": "window-blind" + }, + { + "supercategory": "window", + "color": [ + 255, + 73, + 97 + ], + "isthing": 0, + "id": 181, + "name": "window-other" + }, + { + "supercategory": "plant", + "color": [ + 107, + 142, + 35 + ], + "isthing": 0, + "id": 184, + "name": "tree-merged" + }, + { + "supercategory": "structural", + "color": [ + 190, + 153, + 153 + ], + "isthing": 0, + "id": 185, + "name": "fence-merged" + }, + { + "supercategory": "ceiling", + "color": [ + 146, + 139, + 141 + ], + "isthing": 0, + "id": 186, + "name": "ceiling-merged" + }, + { + "supercategory": "sky", + "color": [ + 70, + 130, + 180 + ], + "isthing": 0, + "id": 187, + "name": "sky-other-merged" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 134, + 199, + 156 + ], + "isthing": 0, + "id": 188, + "name": "cabinet-merged" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 209, + 226, + 140 + ], + "isthing": 0, + "id": 189, + "name": "table-merged" + }, + { + "supercategory": "floor", + "color": [ + 96, + 36, + 108 + ], + "isthing": 0, + "id": 190, + "name": "floor-other-merged" + }, + { + "supercategory": "ground", + "color": [ + 96, + 96, + 96 + ], + "isthing": 0, + "id": 191, + "name": "pavement-merged" + }, + { + "supercategory": "solid", + "color": [ + 64, + 170, + 64 + ], + "isthing": 0, + "id": 192, + "name": "mountain-merged" + }, + { + "supercategory": "plant", + "color": [ + 152, + 251, + 152 + ], + "isthing": 0, + "id": 193, + "name": "grass-merged" + }, + { + "supercategory": "ground", + "color": [ + 208, + 229, + 228 + ], + "isthing": 0, + "id": 194, + "name": "dirt-merged" + }, + { + "supercategory": "raw-material", + "color": [ + 206, + 186, + 171 + ], + "isthing": 0, + "id": 195, + "name": "paper-merged" + }, + { + "supercategory": "food-stuff", + "color": [ + 152, + 161, + 64 + ], + "isthing": 0, + "id": 196, + "name": "food-other-merged" + }, + { + "supercategory": "building", + "color": [ + 116, + 112, + 0 + ], + "isthing": 0, + "id": 197, + "name": "building-other-merged" + }, + { + "supercategory": "solid", + "color": [ + 0, + 114, + 143 + ], + "isthing": 0, + "id": 198, + "name": "rock-merged" + }, + { + "supercategory": "wall", + "color": [ + 102, + 102, + 156 + ], + "isthing": 0, + "id": 199, + "name": "wall-other-merged" + }, + { + "supercategory": "textile", + "color": [ + 250, + 141, + 255 + ], + "isthing": 0, + "id": 200, + "name": "rug-merged" + } + ] +} \ No newline at end of file diff --git a/sample_data/panoptic_coco_detection_format.json b/sample_data/panoptic_coco_detection_format.json index eb3b667..565aa46 100644 --- a/sample_data/panoptic_coco_detection_format.json +++ b/sample_data/panoptic_coco_detection_format.json @@ -1 +1,2408 @@ -{"info": {"description": "COCO 2018 Panoptic Dataset", "url": "http://cocodataset.org", "version": "1.0", "year": 2018, "contributor": "https://arxiv.org/abs/1801.00868", "date_created": "2018-06-01 00:00:00.0"}, "licenses": [{"url": "http://creativecommons.org/licenses/by-nc-sa/2.0/", "id": 1, "name": "Attribution-NonCommercial-ShareAlike License"}, {"url": "http://creativecommons.org/licenses/by-nc/2.0/", "id": 2, "name": "Attribution-NonCommercial License"}, {"url": "http://creativecommons.org/licenses/by-nc-nd/2.0/", "id": 3, "name": "Attribution-NonCommercial-NoDerivs License"}, {"url": "http://creativecommons.org/licenses/by/2.0/", "id": 4, "name": "Attribution License"}, {"url": "http://creativecommons.org/licenses/by-sa/2.0/", "id": 5, "name": "Attribution-ShareAlike License"}, {"url": "http://creativecommons.org/licenses/by-nd/2.0/", "id": 6, "name": "Attribution-NoDerivs License"}, {"url": "http://flickr.com/commons/usage/", "id": 7, "name": "No known copyright restrictions"}, {"url": "http://www.usa.gov/copyright.shtml", "id": 8, "name": "United States Government Work"}], "images": [{"license": 2, "file_name": "000000142238.jpg", "coco_url": "http://images.cocodataset.org/val2017/000000142238.jpg", "height": 427, "width": 640, "date_captured": "2013-11-20 16:47:35", "flickr_url": "http://farm5.staticflickr.com/4028/5079131149_dde584ed79_z.jpg", "id": 142238}, {"license": 1, "file_name": "000000439180.jpg", "coco_url": "http://images.cocodataset.org/val2017/000000439180.jpg", "height": 360, "width": 640, "date_captured": "2013-11-19 01:25:39", "flickr_url": "http://farm3.staticflickr.com/2831/9275116980_1d9b986e3b_z.jpg", "id": 439180}], "annotations": [{"segmentation": {"counts": "eme31V=8H8H7I4L4L5M2NDQD^Oo;b0<1N101XOSOQEn0P;XOgDj0Y;^O^Dd0a;b010iN`NlEN8d1d9iNoEI6a12dNo8c0hFm1T9U1O100O100O10000000^OWGbLh8[3]GdLc8Y3aGfL_8V3gGhLY8V3i04K52N2N2RNUF9n9FUF6m9IVF2m9MVFNm:QOVE=F@T<f9HVF:f9LVF5g90UF3U8VO]Hm0ZOZO[O6m8D]HP1WOUOD4h8OSHn0\\OoNN1a85QHQ1XOkNbEB`::bEE_:8cEI^:3eEM[:0hEOY:OhE2X:KkE4V:ImE9Q:FoE=P:AQF>o9CQF;Q:DoE;R:EoE9S:GlE9U:FkE9e;N1O2O0L5LdbS4", "size": [427, 640]}, "area": 2301, "iscrowd": 0, "image_id": 142238, "bbox": [271, 118, 53, 141], "category_id": 1, "id": 2}, {"segmentation": {"counts": "og\\46P=8G9K5L3L5L5J5L5N1O2N1N4M7G9G9H7H2N3M2O1N3M2N3M2O2M2bFfLg8\\3mFnLT9e3O000001O01O01O0000007Jg0XO`0@6I7nMeEg0c;L3M4L4L3L3M3N3L3M3NS`W3", "size": [427, 640]}, "area": 4076, "iscrowd": 0, "image_id": 142238, "bbox": [337, 208, 54, 149], "category_id": 1, "id": 3}, {"segmentation": {"counts": "Tnc02V=3J6K6J5J7J5J6aNZORFn0e9FgEb0U:]1L3UOUMSGo2k8SMQGP3n8RMPGo2o8SMPGn2n8TMQGZ2NbMP96PGT26eMj8o2[GoLf8m2_GRMa8l2bGRM_8k2eGTM[8j2hGTMY8j2jGUMV8i2mGUMU8h2nGWMR8g2QHWMP8g2SHXMm7f2]1O1O1O1N7H:nM\\Ek0h;HYPX7", "size": [427, 640]}, "area": 2931, "iscrowd": 0, "image_id": 142238, "bbox": [47, 221, 36, 138], "category_id": 1, "id": 4}, {"segmentation": {"counts": "ine52U=4L4O1O6K2M3@^OSDf0f;_OXDe0c;^O[Dg0`;^O[Dd0b;f0M0O2OU1jN11N2O0L5L4L5JnEgMe9Y1fEROf0a0m8:^FPOg0i0k86_FmNf0Q1k80bFjNd0Y1j8L]G6c8J[G9d8GYG=f8CTGlNZOd1a9APGoN_Oa1a9AiFROG^1_9BcFUONZ1^94cFL^93jGfNV8Y1PHbNQ82cFg0_1SOn76iF>\\1\\Ok76oF6W1Cm76ZIHh68XIEl6:SIEP7:PIDR7;Q3O1N01OO00000010O0001O00001O00LJTC6l<41O01O01O2O0O102M4LVgg1", "size": [427, 640]}, "area": 2969, "iscrowd": 0, "image_id": 142238, "bbox": [436, 125, 70, 151], "category_id": 1, "id": 5}, {"segmentation": {"counts": "jfT31Y=2N2N2N2N2N2O1N3N1O1hF^Od5d0YJ_Of5h0RJZOm5i0nIZOQ6h0kIZOU6i0PI0o63fGPO8o0S8OdGYO1k0[8JcGCKe0c8FPGTO9h0Kb0l8APGYO3]2n8XNoFX2Q9gMnFl11cMS9V3SGhLg8Z3_GdL]8\\3jGaLT8]3RHaLl7]3ZHbLc7]3`GeL\\9Z3eFmL>FR8[1]Gb02dN6DZ8V1`G?OnNMCb8Q1dG;LA_84fGg1m7PMSHm0LVO7l2k7VNUHiN1Q3j7TNfHk1Y7SNkHm1T7PNPIo1o6oMeI`1c6UNaIZ1ZN[NV87dIV1`N`No74fI7QN1h0@d72gI9UNDS<4b[c4", "size": [427, 640]}, "area": 3557, "iscrowd": 0, "image_id": 142238, "bbox": [241, 183, 45, 171], "category_id": 1, "id": 6}, {"segmentation": {"counts": "aoQ82X=3M2N2N1O2N1O0000000O1N2O001O1N2O1fCAe;c0VDKZ;Y1K4N3VH", "size": [427, 640]}, "area": 477, "iscrowd": 0, "image_id": 142238, "bbox": [618, 248, 22, 68], "category_id": 1, "id": 7}, {"segmentation": {"counts": "XVT6f0d<2O1M3O11O2N101N1O2N1OO100O010O0`DAU:?dEJY:6_E5_:KXE`0e:@oDn0o:j0M3M2M3N3L3N3L3M3M4M1N3M3N2M3M;E10001O01O0010OhLcGb1^8\\NkG\\1U8bNTHW1m7gNWHV1j7gNZHX1g7eN]HX1f7cN^H[1e7aN_H\\1j9N3M4L3M4L3M4L3M5K5J7HoX\\1", "size": [427, 640]}, "area": 3968, "iscrowd": 0, "image_id": 142238, "bbox": [470, 211, 63, 142], "category_id": 1, "id": 8}, {"segmentation": {"counts": "b7\\1PmNR1h8dNYH;mNR1i8eNYH:kNS1k8fNXHU2g7mMlG^OBe2a8VNdGWOJc2b8ZN_GTONc2b8iN^GW1b8oNXGQ1h8i1000000000000000O2O0O2N2N2N3M2XOWGjLm8S3h0M2N3L>B2M3N2`NSE`0o:@XEWOKi0o:0_EMb:3`EIc:6_EFc::_EBc:>U100O1O1O1O1O1O10000001O02N2N3M3M00O1OCYC8em:Q1O0[EhMW:Y2gEhMV1Ob7X2VGkMW10a7V2TGmMY11b7Q2QGRN\\10O3h5h2gIXM<5k5]3oH`Le0d0[6_3aIdL]6_3_IdL`6^3[ImL\\6S5cI^Im5c6oIaIQ6m6O10000000kKRJk0n5POZJn0e5lNdJQ1\\5mNiJhMXOf2m5CnJcM@a2a5KTK^M_Of2\\5LnK3P4MUL`MRNV2g5;nLYOQ3j0oLTOo2?YJSNW3l0`2P1]JSNT3k0^2Q1bJTNP3h0^2S1^NjNb14ZJQOQ5f0e0:JA5`0L^O5b0L\\O4e0NXO3h0OTO3l01nN1R1T600TORD;n;CVD;j;DXD:i;EYD:g;E[D9f;CoCL<`0f;C^Di4DSK9R5k35M3L4O1N200O1O1000000O1O1O1O1C=M3O1N200O1O10000O1O1O100O10000000000000000001O001O1O1O2kIYIb5i6ZJYIf5W7O1O1O0000_O[J\\Ie5b6_J[Ib5d6_J[Ib5e6_JYIb5g6a0O1UN_IkLb6Q3cInL]6n2gIRMY6m2hISMX6[NgIT46]M`6_NQIR1:^17nN_6aNQIR1:^19RN\\OL^7d0nHo0FXNf04ZOL_7j0nHh0H\\Ne00XO0_7I]HP1?j0K[Ng0LTO3d7l0gHi0OWNd00Q7P1[Hi0^9WObFi0^9WOcFg0^9YOcFf0]9ZOcFe0_9[OaFTO^O[1o9BcFSO^O\\1o9@dFSO]O]1n9AjF`0T9AlFoNYO]1j9DQG>l8BXG>e8AZGl0[8SOfGn0Y8QOhGP1W8oNlGP1S8POmGP1S8QOnGm0S8QOPHm0P8TOPHk0P8UOPHl0o7UOQHj0o7VOSHh0m7YOSHg0l7ZOTHf0[1gN\\3a0YKj0VOYNa1i9BXF?f9AZF?f9AYF`0g9@YF?h9AYF`0e9@[F;AgNS:n0\\FIBYON53IR:o0\\FJAXOO6Z:h0VFI@[O14X:h0WF@_OA040L66T:i0WF[O_OG1OO31M57S:h0XF[O_OF2OO23O30I2Y:k1nEUNL03ML2W:m1nESNLNM1;Oo9o1nEQNN051o9o1o02N0000O1O1N21O1O1O000000DhD`N0LZ;_1gD`N24Z;\\1kDaNV;_1;O1M300O10000002N00MUDfNk;Z1UDfNk;Z13N20000O1M3000000000000O11OO10000000000O10000000000N21O0iCPOSU7\\ORIc0n6nM[Ha0n0a1j7kM_HT2\\90001O001O0000\\OPNmEP2o9UNPFk1k9[NSFf1j9^NUFb1i9aNUF`1i9cNVF]1h9fNVF[1h9hNWFX1g9kNWFV1g9mNXFS1e9QOYFP1e9cNbFe1]9ZNgFd1X9\\NjFc1U9\\NnFc1Q9]NQGb1m8^NVGa1]7fMUIl0@]1[7kMmHk0IZ1Y7QNeHh04V1W7KjH5V7FoH:Q7BSI>T7nNYIR1i6WNPHHZ1P2h6TNRHFZ1V2f6PNmIP2g800000000000O100O1O1O1O1N2N2L4O1O1O100O1O1O1cMYMTJi2h5TMRH003T2k2j5YMUJh2k5XMSJj2m5VMRJk2n5UMQJl2o5TMPJm2o5TMoIn2Q6SMfHO9P3Q7QMfHU4Z7lKdHU4\\7lKbHU4^7lK`HU4a7lK[HV4e7lKWHV4i7f0O11O00O1O1N2O1JaJ^Ha5b7400O1N200000000000YJaHb5a7\\J_Hd5d702N1O2N2N2XMSHNn70UHNk70XHOg71[HNe71]HNb7_NUHa0O1N2N2O1N2N2O1N2OWMXFQ2e:L1O0000000000000000_OSNdEm1X:XNgEh1V:\\NiEd1T:aNjE_1R:fNmEZ1Q:Q1N2N2N2N2N2M3;E2N2N2N2N9G2_MbEQ2_:kMeET2j:O1O1O1O1O001O00hLRNSKn1k4]NlJc1R5`NmJ`1S5aNlJ_1V5bNWH@V2n1g5TOmIl0V6SOhIm0\\6@RIa0Q7^OmHb0X7[OeHf0d7SOYHn0P8mNkGT1^8hN]GX1k8aNSG`1o8_NoFb1T9]NiFd1Y9\\NcFf1_9\\N[Ff1h9m02N3M2N3M2^MkEj1W:jMSFV2a:000001O000000001O00000000006J3M2N1O1O1O1O001O00000000000000000000O100O1001O001O00000000000000000000000000O100O1O1O1CWNVEk1k:VNQEl1o:8000000000000GkM[EV2e:kMZEU2f:lMYET2f:oMXEQ2h:PNWEP2h:RNWEn1h:;O1O1N2N2@`0N2O1NdMYFX1f9fN]FZ1a9dNcF\\1Z9]NPGc1o8XNWGh1h8WNZGi1h8SNZGm1h8oMZGQ2h8kMZGU2n90DoM^EQ2`:QN`Eo1^:SNbEm1R8jMiG?g1M]Nj1T8_NWIJeNg1U8aNPILjNc1V8eNiHKQO`1W8gNbHMVO\\1Y8kNYHM]OX1[8POQHIDW1\\8=dGC]8=bGC_8d2001O[O\\KdHc4]7aK_H^4c7cK[H\\4e7dK[H\\4f7dKXH]4j7bKSH`4n7_KQHb4P8^KnGc4S8:1O00O1001O000fKPHY3P8aLYH\\3d7_LgH^3T7_LWI^3i6VLeIh3R8M3M2N2N3M2N3M2N2N3M1O2N2N2N2N:F001O0000001O00UMRNYJn1g5ZNRJe1n5cNjI]1V6hNeIX1[6jNcIV1]6mN`IS1`6oN^IQ1b6RO[In0e6TOYIl0g6WOVIi0j6ZOSIf0m6^OoHb0Q7BlH=T7FiH:W7JeH6[7MbH3^71^HOb76YHJg71X:8]EKb:>O001O100O1E;0O1000O10O2O1O0O2O2M3N3M2N4L1O1O1O1O2N2O3JP10lN8H8O10010N201NN2M4L3M4LUkj0", "size": [360, 640]}, "area": 797, "iscrowd": 0, "image_id": 439180, "bbox": [520, 160, 43, 77], "category_id": 1, "id": 19}, {"segmentation": {"counts": "]69o:^1bNO5K4L16K1O2NN2N2CcFlNb97[F8j:EUVl6", "size": [360, 640]}, "area": 538, "iscrowd": 0, "image_id": 439180, "bbox": [0, 205, 13, 63], "category_id": 1, "id": 20}, {"segmentation": {"counts": "i[g3>h:2M4L3YOZOhFk0CVO\\90nFm0DUO^9NmFU1R9lNmFU1S9kNkFW1T9jNgF[1Y9:00L4N2000O01000O100000O0100000001O2N10OXNeF13Y1X9fNnFZ1R9fNoFY1Q9gNPGY1o8gNRGX1m8iNSGW1n8hNSGW1n8gNUGX1_9N2N100O2O0O3N3WOfEUF@l9?VF^Oj94PF39Gf91YF5f:N2M[P10foN1N2[OMTF4k92nE0R:5hELW:c0O1O1O1O1O10O12N2N2M3N3M2N1O001O001O0010:E1O1O101O[NiFX1W9gNjFY1V9fNlFY1T9fNmFZ1S9eNoF[1P9aNTG_1\\9O1O0030001O00001M3M3M1N101N2O0CnEBS:5WFHk9O_FOkUY3", "size": [360, 640]}, "area": 2493, "iscrowd": 0, "image_id": 439180, "bbox": [270, 153, 71, 113], "category_id": 1, "id": 23}, {"segmentation": {"counts": "nQ[65n:5K6K4N2M3XO[OkFe0S9@jF?V9EgF;X9IeF7Z9McF2^91^FO[9@fFX1\\9hNdFU1^9mNaFQ1a9PO^Fm0e9SO[Fj0g9:2FWFROl9n0TFQOl9P1UFmNm9S1310O011O2N1O1O100WOiE?X:@iE`0X:^OiE`0Y:^OhEb0Y:]OhEa0Z:^OgE`0b:O1NVd8", "size": [360, 640]}, "area": 1250, "iscrowd": 0, "image_id": 439180, "bbox": [577, 141, 38, 79], "category_id": 1, "id": 24}, {"segmentation": {"counts": "kbX42V29^6JWI?g6FmHc0R7@bHj0\\7XO_Hm0`7SO^HP1`7RO^HP1a7PO]HS1a7nN^HU1_7mN_HU1`7kN^HM@f0Q8^O^HL8O[76[HJ>NV79XHLe0HT7=RHMn0Do6`0PHNU1^Ol6^1WI`Nh6_1`100001O2N2O1O01000O100O010001O001N101O1O0O2O000O1dN\\FS1e9mN^Fo0d9oN_Fm0c9SO_Fj0b9UOaFh0`9XObFe0_9ZOdFc0S:L4M2N3Jd`2M__M7I7J6L4L4L4L43M3M3J5K2N1N2O1N3N1N2O1O1N3N1N2Omij1", "size": [360, 640]}, "area": 2955, "iscrowd": 0, "image_id": 439180, "bbox": [388, 147, 84, 124], "category_id": 1, "id": 25}, {"segmentation": {"counts": "dji25o:5O1FGbE;\\:GbE;]:GaE:]::O2M2O1O0010O01OFiECX:MjE60KW:LlE8OMS:IoE91N[:MfE5f:2O1N00O1Ogfn3", "size": [360, 640]}, "area": 496, "iscrowd": 0, "image_id": 439180, "bbox": [255, 172, 24, 48], "category_id": 1, "id": 26}, {"segmentation": {"counts": "o\\U5>g:4N1O1O001C]OTFd0k9^OTFb0l9^OSFc0l9@RF`0n9BPF=P:?N1O2O001O1O1001OO010O0101hNSFQ1S:0O11O0011O0O0102M4M001N3O05K1OO01gETOQ:Q12O0O1QO_F5^:K4LReZ1", "size": [360, 640]}, "area": 1521, "iscrowd": 0, "image_id": 439180, "bbox": [470, 150, 48, 92], "category_id": 1, "id": 27}, {"segmentation": {"counts": "Ukn02]:6TFKi9k9`0O1OOPFlNP:R1RFnNn9o070XFQOW9o0a00001O1N3M4KXl8^O[TG8H2N1ZME\\J>d5BZJ`0f5AVJb0f5\\OQH4a0KS1f0[6CaHGP1j0_6@_HHl0m0e6@YHEo0l0i6NUI2l6NSI1o6OPI0S7OlH0W7OlGZO=X1Z7]OTHA?U1^7G`H?`7\\NSHl08d1X7VNcHR2X7PNfHS2W7U1ZOb0N2N?A2O1O1O000000POTJdLm5[3UJcLl5\\3XJ`Li5^3YJ`LP1", "size": [360, 640]}, "area": 7839, "iscrowd": 1, "image_id": 439180, "bbox": [272, 142, 368, 178], "category_id": 1, "id": 31}, {"segmentation": {"counts": "YlQ2a0g:O10000000000000001O000000000O100000000000000000000000000O10000000000000000003M2N3M3M>BN3M2O1M3N2O100O11O1O001O1O001O1O1O1O2N2N3M2RFgNi9^1NoNYFa0g9XO_Fc0g9WO_Fe0T:00G`EIa:6aEH`:8bEE^:;800O1000002O1N2N2O1N2OZkP4", "size": [360, 640]}, "area": 1680, "iscrowd": 0, "image_id": 439180, "bbox": [187, 145, 86, 49], "category_id": 8, "id": 32}, {"segmentation": {"counts": "mk<2f:1eE2V:4fENV:7gEKU:g0K4L4L5K4O101O0O101O0O102N2M2O2N1O000000000BSNaGl1`8[NYGe1g8>0000001N10000000000O10000000000O1000000000000O1000000O1N2M3N2N2M3N2N2M3N2O1N2O1N2M3N2N2K5O1N2N2EcEI_:7bEEa:6;O1O1O1O1O100O10000O1000000010O1O1O1O2N2N001VEFd:;ZEHd:9[EJb:6^EKa:>01O1mE^O^9b0bFFV9;iFEW9hFBX9?gFAY9?gFAY9`0fF@Z9`0gF_OY9b0fF^OZ9c0eF]O[9c0eF]O[9d0dF\\O\\9e0bF\\O^9W10001O0000\\O_F@b9a0bFUOc9h0`0M3N2N2M3M3M3N2M3M3N2N2O1O10WmQ5", "size": [360, 640]}, "area": 5791, "iscrowd": 0, "image_id": 439180, "bbox": [36, 159, 143, 77], "category_id": 8, "id": 33}, {"segmentation": {"counts": "Sgm12V;2N101N4L:F9nEWOS9`100O010O001O001O102Ml0TO4L5K2O1N2M3L4000000000001N5J9^H\\Lo6n3100eNmH_NT7\\1TI`Nn6[1YIbNg6Z1UJmMl5T2d1101jGdM[7f2RHhMi7R3K1N2N20O0M4fNTIPNQ7h1ZIQNj6i1_1I7H8I6J7JlU_4", "size": [360, 640]}, "area": 4363, "iscrowd": 0, "image_id": 439180, "bbox": [175, 203, 57, 152], "category_id": 19, "id": 34}, {"segmentation": {"counts": "YZS63T;1O1H8M4M2F^OlEe0S:]OiEg03XO5OX94^FZ1b960000000O1_Oa0K5]OhE5Y:IlE2V:NmEJW:6>L4NToe0", "size": [360, 640]}, "area": 573, "iscrowd": 0, "image_id": 439180, "bbox": [555, 182, 22, 54], "category_id": 19, "id": 35}, {"segmentation": {"counts": "^Pm23V;2M3N1N200O100000N5I\\SP4", "size": [360, 640]}, "area": 96, "iscrowd": 0, "image_id": 439180, "bbox": [264, 206, 11, 21], "category_id": 19, "id": 36}, {"segmentation": {"counts": "ZRg1:7NR:l0I5L:aFgN[8]2E9nNRMZIW3`6mLWIW2OWNk6GiHS2d0UNa6U2hIeMX6X2lIfMT6X2QJeMP6X2SJgMm5X2UJfMm5W2VJgMk5X2b10lHjMW51RIo1\\1\\Na5DVIm3i6RLYIm3g6RL[Im3d6TL^Ik3_6WLdIf3Z6\\LjI`3U6aLQJNe5a3WJ]LY6k2WImMMKe6T2cIeNc6U1_IiNd6T1SJhM\\6W2VIfMEOH8X7m1YIjNl6Q1RIPOR7m0gHYOZ7g0_HiN6C]7Y2SI]Mo6_2aH`M90V7Y2fHnMi7T2oGRNP8c21O1O2lNmGoNT8i0\\HaN]O3Z8X1^HaNP8\\1R1L4K6J8H7Ji_^3", "size": [360, 640]}, "area": 4160, "iscrowd": 0, "image_id": 439180, "bbox": [273, 184, 52, 164], "category_id": 19, "id": 38}, {"segmentation": {"counts": "\\ad58P;2M2XEF`:d0M4K4M4M3L5K3L4M4L:F9G:F1O10O0O1mNT1NVGgNg7X1SHPOl7o0gG_OZ8g10O010^O_G\\Nc8^1f0M3N2O2G8L4M3M4M4L3GaEFb:2fEJ]:Ol\\n0", "size": [360, 640]}, "area": 1904, "iscrowd": 0, "image_id": 439180, "bbox": [513, 194, 40, 84], "category_id": 19, "id": 39}, {"segmentation": {"counts": "]dR56Z:3nE5P:b0GROVFQ1i9QOTFP1m96O0001O1O0000O6K3M2N2N3M6J8I5I4N3L>CO100O1O1N1N3M2105J01O1O100YOeG_N^8[1jG`NX8Z1TH^Nm7]1S1J5K6H:BH_OJZ8[1gGTOl1N3M4L_FIW83mGMS8OQHO_dn1", "size": [360, 640]}, "area": 5333, "iscrowd": 0, "image_id": 439180, "bbox": [398, 181, 64, 157], "category_id": 19, "id": 41}, {"segmentation": {"counts": "\\]g3B9H9H7L4K6I6J6K5M3L4M3L4M4K4M4O1O0O2O2M2N3L3N3Ma0^O0100O10O01O0O2N1O2O0O1WOj0K4N3M2N3K4L5J7E:L4M3M3M4L5K6H8HP^]5", "size": [360, 640]}, "area": 4508, "iscrowd": 0, "image_id": 439180, "bbox": [92, 204, 54, 144], "category_id": 19, "id": 43}, {"segmentation": {"counts": "b][6a0i0@P9g0jF]OS9g0iF\\OV9g0eF\\OZ9g0`F]O]9Y1LN3B>B=2N3N2M3N2M4jFiNV8Z1gGhNX8[1eGgNQ8JbGn1NZNa8H`G[2a8fM\\G[2e831O010O2N1O1hNhG_OY8=WHVOk7f0]1L_R;", "size": [360, 640]}, "area": 1511, "iscrowd": 0, "image_id": 439180, "bbox": [578, 179, 30, 95], "category_id": 19, "id": 44}, {"segmentation": {"counts": "old66n:4L4M3\\Od00000001N2N101N2N2N3L7Hg_6", "size": [360, 640]}, "area": 421, "iscrowd": 1, "image_id": 439180, "bbox": [605, 184, 16, 37], "category_id": 19, "id": 45}, {"segmentation": {"counts": "ggd01R;5LKTE6i:6001ON20000NCYE=g:21O1ON22N001OO11O0000000000NDXEf:20000O1000000000000O1E^OPFb0P:_OhEO1e0U::00O1001OO10000O1001O001Ob0^O1O001O00000000O1O100O1O1VOj01OO100O11O0000O10000002N001ON200NgNUFY1k9gNUFY1k920000001O00N200001OO1002N7I1O2N1ODQO`Fn0^9VO`Fj0`9XO^Fh0b9YO\\Fh0d9YOZFh0e9ZOYFg0g9_O]F7d9]OhFb0o90001O00001OJ6UOk0I7I7M3O1O12NN200001O4L4L5K2N2N2N2N2N2N2N2N2N2N3M6J9XObE4j:O00001O00nNMoF3o8T1O10ROVF>l9XObFb0Y:I3M3M3M2N00O1XO=iEEX:e00000O10000O100O1O100AQOdFP1Q9\\OmFe0S9\\OdFl0\\9`00000000000000000N20000RObNPH`1P8aNlGb1T8_NmG_1T8`NkGa1U8`NdGf1\\8c000001O000000001OOO4L101OGbMeGb2\\833N01O1O1N2O001N2O1001N3M6K2M2`M]GX2l8N4LO1O1000000001O2N001O00G9OjIaKe5^4ZJeKe5Z4]JeKc5[4e0000000000000000000001O00000000001O00000000000002OO100M4N12^K^IZ4g6N01003M2OO0012iKPIR4W7L00L40mLoHo1S7mMoHS2?SM1NS55_JLK;3d2=VM0KS55bJKK:5f29YMOIT51jJLE48P32ZM1Gj5LTJP42SLi5MUJR41mKm51RJT4g62L3NULYIY3d6hL^IZ3`6dLaI[3^6_L[IL6g3]6_LiIa3Z6[LhIV3MeL[63jIW3Z701O0J601O1O2O1O0SMjGh2\\8UMfGf2^8AfGPNY8P2`0O1OTHkMg6U2WImMi6S2TIQNl6n1TIRN[OKU7R2`ISNZOLV7Q2`IRNZOMV7R2`IQNVOKL3\\7T2aInMUO3Z7P2_IoMTO3Z7S2_IVN_6P2\\IRNd6Z33K02OXOiH]MU7@iHo29XMT7IbHm2?WMQ7h2SITMn6k2h0O0HmG_MS8a2nG^MR8a2oG_MS8_2nG`MR8`29`M^G]2c84I`MdGb2Z8]MeG10a2X8fMhGZ2Y8fMfGY2\\89L302O2O0K5O11ON2WHhL]7]39NM3OO015KM300O10001O1O15LO4XH`Lb77\\HV3^7fLgHV3]7iLcHV3]7kLbHe2o7ZMQHf2P8ZMoGf2S8XMnGg2R8[MlGf2T8YMnGf2Y81001O1O01M300RN", "size": [360, 640]}, "area": 91045, "iscrowd": 0, "image_id": 439180, "bbox": [0, 0, 640, 243], "category_id": 184, "id": 47}, {"segmentation": {"counts": "XaZ14T;00O1OnDO00O0i:0XE8h:403MN2001O1ON2O1O1N2O1N4Jddo12^[PN0O100J8M010N20N22N2NO1O1OgEEg9;XFHf98XFIi99oECN4S:9oELR:5kEMU:b01O12NO1O16JNmEPOR:P1oEoNQ:R12N2001O1OO1O13M001ON2003nEkNk9`1I003M3M1aFYN[9j10003MO1O12eFTNV9T2KO11ON2001O001O1OO100O11ON2O1O12NO1KlFVNT9i1PGUNo8h1:1O00N21O002N1O000000002N1hFQNU9Q20001O2N1O2N1O005K00001OO1N20000M3O13M2NM300001OO100N22NJUGPNj8T1VGYO9Ba8n0^G^O3D^8m0`G^O4E[8m0aG^O5C[8o0`G@P9`0PG@P9a0QG^On8b0SGVOCJ13X9m0UGQOJ1Q9n0UGPOL0P9P1TGROV9n0hFSOY9m0hFPOZ9P1?]OoECM9S:6nEB06R:8oEAO7R:4kEG9OH2T:7ZFFB3T:6[FGk99b0O13MO10TEHh:<02NN21O1O1O00K[EGe:N[E33LN1U;1fcb0OY\\]O001ON2003lD0j:70N2O12N1OO1O12SEFh:a0L00L40WFEe8=WGEi8:`FHLK;3Y98aFJKK:5Z96_F0LE48b9i0[FXOf9g0ZFYOg9f0YFZOh9S10N2OdFjNh8U1YGmNe8U1YGlNf8S1TGfNL6R9R1TGTOl8o0PGSOo8m0oFUOQ9`1100O1O100001O1O0mFPNn8V2oFlMl8X20O1000000001O1O00O1N200M3M3004LO100LPGPNP9P2PGoMQ9R22N2O1N200002N00NiFUNU9k14IhF\\NZ9b1eF]N10Z9_1mFaNS9`1mF_NS9b19L4O1001OL4002NO1M33MN200O15KM300O1000000006J1O4aF]NQ9c1kFbNT9_1kFaNU9^1lFaNU9_1jFaNW9_1iF`NX9a1fF`NZ9_1hF_NY9a1fFaNY9f11001O1O00N21O", "size": [360, 640]}, "area": 12912, "iscrowd": 0, "image_id": 439180, "bbox": [121, 0, 519, 79], "category_id": 187, "id": 48}, {"segmentation": {"counts": "S8U3T8O00O14L002N3M00O1EUMXHl2f7^nN7I6J002O1O1N101O2c]P1jN`coN2O1O1O1N2O100000000O100000000O1O100O1O1000BYE;j:0000000WOFdF:U:000O1VODPF4b08c9D]F=\\9ITFK=;Z:1O1K5O1YO]OiFc0n90000000[OHZF8g9LTF4R:>1O001O00O100O1G90000000000O100O10000O1O1N2O1M300N21OO1N21OO100O11O00O13MO1T90O100O1@^OZFb0b9D[F=a9I]F7]93_FMV9X1L4O1G9L4M3O1N2N2M3O1001O00O1[ORMPIn2P7UMlHl2T7UMkHk2f6WMSI05i2h6gMVIZ2k6fMTIZ2l6gMRIZ2o6fMPIZ2P7hMnHX2R7iMlHX2T7iMkHW2U7n0004L3M2N2N3M6J8H6J3M4L?A00001O0000N2L41O6J1O00000000YORNTHn1h7\\NRHd1k7n0L4K5L4DB1O5Kh0XO3M1O5K1O1O>B1O1O1O000000000000O1", "size": [360, 640]}, "area": 40197, "iscrowd": 0, "image_id": 439180, "bbox": [0, 219, 640, 141], "category_id": 193, "id": 49}], "categories": [{"supercategory": "person", "color": [220, 20, 60], "id": 1, "name": "person"}, {"supercategory": "vehicle", "color": [119, 11, 32], "id": 2, "name": "bicycle"}, {"supercategory": "vehicle", "color": [0, 0, 142], "id": 3, "name": "car"}, {"supercategory": "vehicle", "color": [0, 0, 230], "id": 4, "name": "motorcycle"}, {"supercategory": "vehicle", "color": [106, 0, 228], "id": 5, "name": "airplane"}, {"supercategory": "vehicle", "color": [0, 60, 100], "id": 6, "name": "bus"}, {"supercategory": "vehicle", "color": [0, 80, 100], "id": 7, "name": "train"}, {"supercategory": "vehicle", "color": [0, 0, 70], "id": 8, "name": "truck"}, {"supercategory": "vehicle", "color": [0, 0, 192], "id": 9, "name": "boat"}, {"supercategory": "outdoor", "color": [250, 170, 30], "id": 10, "name": "traffic light"}, {"supercategory": "outdoor", "color": [100, 170, 30], "id": 11, "name": "fire hydrant"}, {"supercategory": "outdoor", "color": [220, 220, 0], "id": 13, "name": "stop sign"}, {"supercategory": "outdoor", "color": [175, 116, 175], "id": 14, "name": "parking meter"}, {"supercategory": "outdoor", "color": [250, 0, 30], "id": 15, "name": "bench"}, {"supercategory": "animal", "color": [165, 42, 42], "id": 16, "name": "bird"}, {"supercategory": "animal", "color": [255, 77, 255], "id": 17, "name": "cat"}, {"supercategory": "animal", "color": [0, 226, 252], "id": 18, "name": "dog"}, {"supercategory": "animal", "color": [182, 182, 255], "id": 19, "name": "horse"}, {"supercategory": "animal", "color": [0, 82, 0], "id": 20, "name": "sheep"}, {"supercategory": "animal", "color": [120, 166, 157], "id": 21, "name": "cow"}, {"supercategory": "animal", "color": [110, 76, 0], "id": 22, "name": "elephant"}, {"supercategory": "animal", "color": [174, 57, 255], "id": 23, "name": "bear"}, {"supercategory": "animal", "color": [199, 100, 0], "id": 24, "name": "zebra"}, {"supercategory": "animal", "color": [72, 0, 118], "id": 25, "name": "giraffe"}, {"supercategory": "accessory", "color": [255, 179, 240], "id": 27, "name": "backpack"}, {"supercategory": "accessory", "color": [0, 125, 92], "id": 28, "name": "umbrella"}, {"supercategory": "accessory", "color": [209, 0, 151], "id": 31, "name": "handbag"}, {"supercategory": "accessory", "color": [188, 208, 182], "id": 32, "name": "tie"}, {"supercategory": "accessory", "color": [0, 220, 176], "id": 33, "name": "suitcase"}, {"supercategory": "sports", "color": [255, 99, 164], "id": 34, "name": "frisbee"}, {"supercategory": "sports", "color": [92, 0, 73], "id": 35, "name": "skis"}, {"supercategory": "sports", "color": [133, 129, 255], "id": 36, "name": "snowboard"}, {"supercategory": "sports", "color": [78, 180, 255], "id": 37, "name": "sports ball"}, {"supercategory": "sports", "color": [0, 228, 0], "id": 38, "name": "kite"}, {"supercategory": "sports", "color": [174, 255, 243], "id": 39, "name": "baseball bat"}, {"supercategory": "sports", "color": [45, 89, 255], "id": 40, "name": "baseball glove"}, {"supercategory": "sports", "color": [134, 134, 103], "id": 41, "name": "skateboard"}, {"supercategory": "sports", "color": [145, 148, 174], "id": 42, "name": "surfboard"}, {"supercategory": "sports", "color": [255, 208, 186], "id": 43, "name": "tennis racket"}, {"supercategory": "kitchen", "color": [197, 226, 255], "id": 44, "name": "bottle"}, {"supercategory": "kitchen", "color": [171, 134, 1], "id": 46, "name": "wine glass"}, {"supercategory": "kitchen", "color": [109, 63, 54], "id": 47, "name": "cup"}, {"supercategory": "kitchen", "color": [207, 138, 255], "id": 48, "name": "fork"}, {"supercategory": "kitchen", "color": [151, 0, 95], "id": 49, "name": "knife"}, {"supercategory": "kitchen", "color": [9, 80, 61], "id": 50, "name": "spoon"}, {"supercategory": "kitchen", "color": [84, 105, 51], "id": 51, "name": "bowl"}, {"supercategory": "food", "color": [74, 65, 105], "id": 52, "name": "banana"}, {"supercategory": "food", "color": [166, 196, 102], "id": 53, "name": "apple"}, {"supercategory": "food", "color": [208, 195, 210], "id": 54, "name": "sandwich"}, {"supercategory": "food", "color": [255, 109, 65], "id": 55, "name": "orange"}, {"supercategory": "food", "color": [0, 143, 149], "id": 56, "name": "broccoli"}, {"supercategory": "food", "color": [179, 0, 194], "id": 57, "name": "carrot"}, {"supercategory": "food", "color": [209, 99, 106], "id": 58, "name": "hot dog"}, {"supercategory": "food", "color": [5, 121, 0], "id": 59, "name": "pizza"}, {"supercategory": "food", "color": [227, 255, 205], "id": 60, "name": "donut"}, {"supercategory": "food", "color": [147, 186, 208], "id": 61, "name": "cake"}, {"supercategory": "furniture", "color": [153, 69, 1], "id": 62, "name": "chair"}, {"supercategory": "furniture", "color": [3, 95, 161], "id": 63, "name": "couch"}, {"supercategory": "furniture", "color": [163, 255, 0], "id": 64, "name": "potted plant"}, {"supercategory": "furniture", "color": [119, 0, 170], "id": 65, "name": "bed"}, {"supercategory": "furniture", "color": [0, 182, 199], "id": 67, "name": "dining table"}, {"supercategory": "furniture", "color": [0, 165, 120], "id": 70, "name": "toilet"}, {"supercategory": "electronic", "color": [183, 130, 88], "id": 72, "name": "tv"}, {"supercategory": "electronic", "color": [95, 32, 0], "id": 73, "name": "laptop"}, {"supercategory": "electronic", "color": [130, 114, 135], "id": 74, "name": "mouse"}, {"supercategory": "electronic", "color": [110, 129, 133], "id": 75, "name": "remote"}, {"supercategory": "electronic", "color": [166, 74, 118], "id": 76, "name": "keyboard"}, {"supercategory": "electronic", "color": [219, 142, 185], "id": 77, "name": "cell phone"}, {"supercategory": "appliance", "color": [79, 210, 114], "id": 78, "name": "microwave"}, {"supercategory": "appliance", "color": [178, 90, 62], "id": 79, "name": "oven"}, {"supercategory": "appliance", "color": [65, 70, 15], "id": 80, "name": "toaster"}, {"supercategory": "appliance", "color": [127, 167, 115], "id": 81, "name": "sink"}, {"supercategory": "appliance", "color": [59, 105, 106], "id": 82, "name": "refrigerator"}, {"supercategory": "indoor", "color": [142, 108, 45], "id": 84, "name": "book"}, {"supercategory": "indoor", "color": [196, 172, 0], "id": 85, "name": "clock"}, {"supercategory": "indoor", "color": [95, 54, 80], "id": 86, "name": "vase"}, {"supercategory": "indoor", "color": [128, 76, 255], "id": 87, "name": "scissors"}, {"supercategory": "indoor", "color": [201, 57, 1], "id": 88, "name": "teddy bear"}, {"supercategory": "indoor", "color": [246, 0, 122], "id": 89, "name": "hair drier"}, {"supercategory": "indoor", "color": [191, 162, 208], "id": 90, "name": "toothbrush"}, {"supercategory": "textile", "color": [255, 255, 128], "id": 92, "name": "banner"}, {"supercategory": "textile", "color": [147, 211, 203], "id": 93, "name": "blanket"}, {"supercategory": "building", "color": [150, 100, 100], "id": 95, "name": "bridge"}, {"supercategory": "raw-material", "color": [168, 171, 172], "id": 100, "name": "cardboard"}, {"supercategory": "furniture-stuff", "color": [146, 112, 198], "id": 107, "name": "counter"}, {"supercategory": "textile", "color": [210, 170, 100], "id": 109, "name": "curtain"}, {"supercategory": "furniture-stuff", "color": [92, 136, 89], "id": 112, "name": "door-stuff"}, {"supercategory": "floor", "color": [218, 88, 184], "id": 118, "name": "floor-wood"}, {"supercategory": "plant", "color": [241, 129, 0], "id": 119, "name": "flower"}, {"supercategory": "food-stuff", "color": [217, 17, 255], "id": 122, "name": "fruit"}, {"supercategory": "ground", "color": [124, 74, 181], "id": 125, "name": "gravel"}, {"supercategory": "building", "color": [70, 70, 70], "id": 128, "name": "house"}, {"supercategory": "furniture-stuff", "color": [255, 228, 255], "id": 130, "name": "light"}, {"supercategory": "furniture-stuff", "color": [154, 208, 0], "id": 133, "name": "mirror-stuff"}, {"supercategory": "structural", "color": [193, 0, 92], "id": 138, "name": "net"}, {"supercategory": "textile", "color": [76, 91, 113], "id": 141, "name": "pillow"}, {"supercategory": "ground", "color": [255, 180, 195], "id": 144, "name": "platform"}, {"supercategory": "ground", "color": [106, 154, 176], "id": 145, "name": "playingfield"}, {"supercategory": "ground", "color": [230, 150, 140], "id": 147, "name": "railroad"}, {"supercategory": "water", "color": [60, 143, 255], "id": 148, "name": "river"}, {"supercategory": "ground", "color": [128, 64, 128], "id": 149, "name": "road"}, {"supercategory": "building", "color": [92, 82, 55], "id": 151, "name": "roof"}, {"supercategory": "ground", "color": [254, 212, 124], "id": 154, "name": "sand"}, {"supercategory": "water", "color": [73, 77, 174], "id": 155, "name": "sea"}, {"supercategory": "furniture-stuff", "color": [255, 160, 98], "id": 156, "name": "shelf"}, {"supercategory": "ground", "color": [255, 255, 255], "id": 159, "name": "snow"}, {"supercategory": "furniture-stuff", "color": [104, 84, 109], "id": 161, "name": "stairs"}, {"supercategory": "building", "color": [169, 164, 131], "id": 166, "name": "tent"}, {"supercategory": "textile", "color": [225, 199, 255], "id": 168, "name": "towel"}, {"supercategory": "wall", "color": [137, 54, 74], "id": 171, "name": "wall-brick"}, {"supercategory": "wall", "color": [135, 158, 223], "id": 175, "name": "wall-stone"}, {"supercategory": "wall", "color": [7, 246, 231], "id": 176, "name": "wall-tile"}, {"supercategory": "wall", "color": [107, 255, 200], "id": 177, "name": "wall-wood"}, {"supercategory": "water", "color": [58, 41, 149], "id": 178, "name": "water-other"}, {"supercategory": "window", "color": [183, 121, 142], "id": 180, "name": "window-blind"}, {"supercategory": "window", "color": [255, 73, 97], "id": 181, "name": "window-other"}, {"supercategory": "plant", "color": [107, 142, 35], "id": 184, "name": "tree-merged"}, {"supercategory": "structural", "color": [190, 153, 153], "id": 185, "name": "fence-merged"}, {"supercategory": "ceiling", "color": [146, 139, 141], "id": 186, "name": "ceiling-merged"}, {"supercategory": "sky", "color": [70, 130, 180], "id": 187, "name": "sky-other-merged"}, {"supercategory": "furniture-stuff", "color": [134, 199, 156], "id": 188, "name": "cabinet-merged"}, {"supercategory": "furniture-stuff", "color": [209, 226, 140], "id": 189, "name": "table-merged"}, {"supercategory": "floor", "color": [96, 36, 108], "id": 190, "name": "floor-other-merged"}, {"supercategory": "ground", "color": [96, 96, 96], "id": 191, "name": "pavement-merged"}, {"supercategory": "solid", "color": [64, 170, 64], "id": 192, "name": "mountain-merged"}, {"supercategory": "plant", "color": [152, 251, 152], "id": 193, "name": "grass-merged"}, {"supercategory": "ground", "color": [208, 229, 228], "id": 194, "name": "dirt-merged"}, {"supercategory": "raw-material", "color": [206, 186, 171], "id": 195, "name": "paper-merged"}, {"supercategory": "food-stuff", "color": [152, 161, 64], "id": 196, "name": "food-other-merged"}, {"supercategory": "building", "color": [116, 112, 0], "id": 197, "name": "building-other-merged"}, {"supercategory": "solid", "color": [0, 114, 143], "id": 198, "name": "rock-merged"}, {"supercategory": "wall", "color": [102, 102, 156], "id": 199, "name": "wall-other-merged"}, {"supercategory": "textile", "color": [250, 141, 255], "id": 200, "name": "rug-merged"}]} \ No newline at end of file +{ + "info": { + "description": "COCO 2018 Panoptic Dataset", + "url": "http://cocodataset.org", + "version": "1.0", + "year": 2018, + "contributor": "https://arxiv.org/abs/1801.00868", + "date_created": "2018-06-01 00:00:00.0" + }, + "licenses": [ + { + "url": "http://creativecommons.org/licenses/by-nc-sa/2.0/", + "id": 1, + "name": "Attribution-NonCommercial-ShareAlike License" + }, + { + "url": "http://creativecommons.org/licenses/by-nc/2.0/", + "id": 2, + "name": "Attribution-NonCommercial License" + }, + { + "url": "http://creativecommons.org/licenses/by-nc-nd/2.0/", + "id": 3, + "name": "Attribution-NonCommercial-NoDerivs License" + }, + { + "url": "http://creativecommons.org/licenses/by/2.0/", + "id": 4, + "name": "Attribution License" + }, + { + "url": "http://creativecommons.org/licenses/by-sa/2.0/", + "id": 5, + "name": "Attribution-ShareAlike License" + }, + { + "url": "http://creativecommons.org/licenses/by-nd/2.0/", + "id": 6, + "name": "Attribution-NoDerivs License" + }, + { + "url": "http://flickr.com/commons/usage/", + "id": 7, + "name": "No known copyright restrictions" + }, + { + "url": "http://www.usa.gov/copyright.shtml", + "id": 8, + "name": "United States Government Work" + } + ], + "images": [ + { + "license": 2, + "file_name": "000000142238.jpg", + "coco_url": "http://images.cocodataset.org/val2017/000000142238.jpg", + "height": 427, + "width": 640, + "date_captured": "2013-11-20 16:47:35", + "flickr_url": "http://farm5.staticflickr.com/4028/5079131149_dde584ed79_z.jpg", + "id": 142238 + }, + { + "license": 1, + "file_name": "000000439180.jpg", + "coco_url": "http://images.cocodataset.org/val2017/000000439180.jpg", + "height": 360, + "width": 640, + "date_captured": "2013-11-19 01:25:39", + "flickr_url": "http://farm3.staticflickr.com/2831/9275116980_1d9b986e3b_z.jpg", + "id": 439180 + } + ], + "annotations": [ + { + "segmentation": { + "counts": "eme31V=8H8H7I4L4L5M2NDQD^Oo;b0<1N101XOSOQEn0P;XOgDj0Y;^O^Dd0a;b010iN`NlEN8d1d9iNoEI6a12dNo8c0hFm1T9U1O100O100O10000000^OWGbLh8[3]GdLc8Y3aGfL_8V3gGhLY8V3i04K52N2N2RNUF9n9FUF6m9IVF2m9MVFNm:QOVE=F@T<f9HVF:f9LVF5g90UF3U8VO]Hm0ZOZO[O6m8D]HP1WOUOD4h8OSHn0\\OoNN1a85QHQ1XOkNbEB`::bEE_:8cEI^:3eEM[:0hEOY:OhE2X:KkE4V:ImE9Q:FoE=P:AQF>o9CQF;Q:DoE;R:EoE9S:GlE9U:FkE9e;N1O2O0L5LdbS4", + "size": [ + 427, + 640 + ] + }, + "area": 2301, + "iscrowd": 0, + "image_id": 142238, + "bbox": [ + 271, + 118, + 53, + 141 + ], + "category_id": 1, + "id": 2 + }, + { + "segmentation": { + "counts": "og\\46P=8G9K5L3L5L5J5L5N1O2N1N4M7G9G9H7H2N3M2O1N3M2N3M2O2M2bFfLg8\\3mFnLT9e3O000001O01O01O0000007Jg0XO`0@6I7nMeEg0c;L3M4L4L3L3M3N3L3M3NS`W3", + "size": [ + 427, + 640 + ] + }, + "area": 4076, + "iscrowd": 0, + "image_id": 142238, + "bbox": [ + 337, + 208, + 54, + 149 + ], + "category_id": 1, + "id": 3 + }, + { + "segmentation": { + "counts": "Tnc02V=3J6K6J5J7J5J6aNZORFn0e9FgEb0U:]1L3UOUMSGo2k8SMQGP3n8RMPGo2o8SMPGn2n8TMQGZ2NbMP96PGT26eMj8o2[GoLf8m2_GRMa8l2bGRM_8k2eGTM[8j2hGTMY8j2jGUMV8i2mGUMU8h2nGWMR8g2QHWMP8g2SHXMm7f2]1O1O1O1N7H:nM\\Ek0h;HYPX7", + "size": [ + 427, + 640 + ] + }, + "area": 2931, + "iscrowd": 0, + "image_id": 142238, + "bbox": [ + 47, + 221, + 36, + 138 + ], + "category_id": 1, + "id": 4 + }, + { + "segmentation": { + "counts": "ine52U=4L4O1O6K2M3@^OSDf0f;_OXDe0c;^O[Dg0`;^O[Dd0b;f0M0O2OU1jN11N2O0L5L4L5JnEgMe9Y1fEROf0a0m8:^FPOg0i0k86_FmNf0Q1k80bFjNd0Y1j8L]G6c8J[G9d8GYG=f8CTGlNZOd1a9APGoN_Oa1a9AiFROG^1_9BcFUONZ1^94cFL^93jGfNV8Y1PHbNQ82cFg0_1SOn76iF>\\1\\Ok76oF6W1Cm76ZIHh68XIEl6:SIEP7:PIDR7;Q3O1N01OO00000010O0001O00001O00LJTC6l<41O01O01O2O0O102M4LVgg1", + "size": [ + 427, + 640 + ] + }, + "area": 2969, + "iscrowd": 0, + "image_id": 142238, + "bbox": [ + 436, + 125, + 70, + 151 + ], + "category_id": 1, + "id": 5 + }, + { + "segmentation": { + "counts": "jfT31Y=2N2N2N2N2N2O1N3N1O1hF^Od5d0YJ_Of5h0RJZOm5i0nIZOQ6h0kIZOU6i0PI0o63fGPO8o0S8OdGYO1k0[8JcGCKe0c8FPGTO9h0Kb0l8APGYO3]2n8XNoFX2Q9gMnFl11cMS9V3SGhLg8Z3_GdL]8\\3jGaLT8]3RHaLl7]3ZHbLc7]3`GeL\\9Z3eFmL>FR8[1]Gb02dN6DZ8V1`G?OnNMCb8Q1dG;LA_84fGg1m7PMSHm0LVO7l2k7VNUHiN1Q3j7TNfHk1Y7SNkHm1T7PNPIo1o6oMeI`1c6UNaIZ1ZN[NV87dIV1`N`No74fI7QN1h0@d72gI9UNDS<4b[c4", + "size": [ + 427, + 640 + ] + }, + "area": 3557, + "iscrowd": 0, + "image_id": 142238, + "bbox": [ + 241, + 183, + 45, + 171 + ], + "category_id": 1, + "id": 6 + }, + { + "segmentation": { + "counts": "aoQ82X=3M2N2N1O2N1O0000000O1N2O001O1N2O1fCAe;c0VDKZ;Y1K4N3VH", + "size": [ + 427, + 640 + ] + }, + "area": 477, + "iscrowd": 0, + "image_id": 142238, + "bbox": [ + 618, + 248, + 22, + 68 + ], + "category_id": 1, + "id": 7 + }, + { + "segmentation": { + "counts": "XVT6f0d<2O1M3O11O2N101N1O2N1OO100O010O0`DAU:?dEJY:6_E5_:KXE`0e:@oDn0o:j0M3M2M3N3L3N3L3M3M4M1N3M3N2M3M;E10001O01O0010OhLcGb1^8\\NkG\\1U8bNTHW1m7gNWHV1j7gNZHX1g7eN]HX1f7cN^H[1e7aN_H\\1j9N3M4L3M4L3M4L3M5K5J7HoX\\1", + "size": [ + 427, + 640 + ] + }, + "area": 3968, + "iscrowd": 0, + "image_id": 142238, + "bbox": [ + 470, + 211, + 63, + 142 + ], + "category_id": 1, + "id": 8 + }, + { + "segmentation": { + "counts": "b7\\1PmNR1h8dNYH;mNR1i8eNYH:kNS1k8fNXHU2g7mMlG^OBe2a8VNdGWOJc2b8ZN_GTONc2b8iN^GW1b8oNXGQ1h8i1000000000000000O2O0O2N2N2N3M2XOWGjLm8S3h0M2N3L>B2M3N2`NSE`0o:@XEWOKi0o:0_EMb:3`EIc:6_EFc::_EBc:>U100O1O1O1O1O1O10000001O02N2N3M3M00O1OCYC8em:Q1O0[EhMW:Y2gEhMV1Ob7X2VGkMW10a7V2TGmMY11b7Q2QGRN\\10O3h5h2gIXM<5k5]3oH`Le0d0[6_3aIdL]6_3_IdL`6^3[ImL\\6S5cI^Im5c6oIaIQ6m6O10000000kKRJk0n5POZJn0e5lNdJQ1\\5mNiJhMXOf2m5CnJcM@a2a5KTK^M_Of2\\5LnK3P4MUL`MRNV2g5;nLYOQ3j0oLTOo2?YJSNW3l0`2P1]JSNT3k0^2Q1bJTNP3h0^2S1^NjNb14ZJQOQ5f0e0:JA5`0L^O5b0L\\O4e0NXO3h0OTO3l01nN1R1T600TORD;n;CVD;j;DXD:i;EYD:g;E[D9f;CoCL<`0f;C^Di4DSK9R5k35M3L4O1N200O1O1000000O1O1O1O1C=M3O1N200O1O10000O1O1O100O10000000000000000001O001O1O1O2kIYIb5i6ZJYIf5W7O1O1O0000_O[J\\Ie5b6_J[Ib5d6_J[Ib5e6_JYIb5g6a0O1UN_IkLb6Q3cInL]6n2gIRMY6m2hISMX6[NgIT46]M`6_NQIR1:^17nN_6aNQIR1:^19RN\\OL^7d0nHo0FXNf04ZOL_7j0nHh0H\\Ne00XO0_7I]HP1?j0K[Ng0LTO3d7l0gHi0OWNd00Q7P1[Hi0^9WObFi0^9WOcFg0^9YOcFf0]9ZOcFe0_9[OaFTO^O[1o9BcFSO^O\\1o9@dFSO]O]1n9AjF`0T9AlFoNYO]1j9DQG>l8BXG>e8AZGl0[8SOfGn0Y8QOhGP1W8oNlGP1S8POmGP1S8QOnGm0S8QOPHm0P8TOPHk0P8UOPHl0o7UOQHj0o7VOSHh0m7YOSHg0l7ZOTHf0[1gN\\3a0YKj0VOYNa1i9BXF?f9AZF?f9AYF`0g9@YF?h9AYF`0e9@[F;AgNS:n0\\FIBYON53IR:o0\\FJAXOO6Z:h0VFI@[O14X:h0WF@_OA040L66T:i0WF[O_OG1OO31M57S:h0XF[O_OF2OO23O30I2Y:k1nEUNL03ML2W:m1nESNLNM1;Oo9o1nEQNN051o9o1o02N0000O1O1N21O1O1O000000DhD`N0LZ;_1gD`N24Z;\\1kDaNV;_1;O1M300O10000002N00MUDfNk;Z1UDfNk;Z13N20000O1M3000000000000O11OO10000000000O10000000000N21O0iCPOSU7\\ORIc0n6nM[Ha0n0a1j7kM_HT2\\90001O001O0000\\OPNmEP2o9UNPFk1k9[NSFf1j9^NUFb1i9aNUF`1i9cNVF]1h9fNVF[1h9hNWFX1g9kNWFV1g9mNXFS1e9QOYFP1e9cNbFe1]9ZNgFd1X9\\NjFc1U9\\NnFc1Q9]NQGb1m8^NVGa1]7fMUIl0@]1[7kMmHk0IZ1Y7QNeHh04V1W7KjH5V7FoH:Q7BSI>T7nNYIR1i6WNPHHZ1P2h6TNRHFZ1V2f6PNmIP2g800000000000O100O1O1O1O1N2N2L4O1O1O100O1O1O1cMYMTJi2h5TMRH003T2k2j5YMUJh2k5XMSJj2m5VMRJk2n5UMQJl2o5TMPJm2o5TMoIn2Q6SMfHO9P3Q7QMfHU4Z7lKdHU4\\7lKbHU4^7lK`HU4a7lK[HV4e7lKWHV4i7f0O11O00O1O1N2O1JaJ^Ha5b7400O1N200000000000YJaHb5a7\\J_Hd5d702N1O2N2N2XMSHNn70UHNk70XHOg71[HNe71]HNb7_NUHa0O1N2N2O1N2N2O1N2OWMXFQ2e:L1O0000000000000000_OSNdEm1X:XNgEh1V:\\NiEd1T:aNjE_1R:fNmEZ1Q:Q1N2N2N2N2N2M3;E2N2N2N2N9G2_MbEQ2_:kMeET2j:O1O1O1O1O001O00hLRNSKn1k4]NlJc1R5`NmJ`1S5aNlJ_1V5bNWH@V2n1g5TOmIl0V6SOhIm0\\6@RIa0Q7^OmHb0X7[OeHf0d7SOYHn0P8mNkGT1^8hN]GX1k8aNSG`1o8_NoFb1T9]NiFd1Y9\\NcFf1_9\\N[Ff1h9m02N3M2N3M2^MkEj1W:jMSFV2a:000001O000000001O00000000006J3M2N1O1O1O1O001O00000000000000000000O100O1001O001O00000000000000000000000000O100O1O1O1CWNVEk1k:VNQEl1o:8000000000000GkM[EV2e:kMZEU2f:lMYET2f:oMXEQ2h:PNWEP2h:RNWEn1h:;O1O1N2N2@`0N2O1NdMYFX1f9fN]FZ1a9dNcF\\1Z9]NPGc1o8XNWGh1h8WNZGi1h8SNZGm1h8oMZGQ2h8kMZGU2n90DoM^EQ2`:QN`Eo1^:SNbEm1R8jMiG?g1M]Nj1T8_NWIJeNg1U8aNPILjNc1V8eNiHKQO`1W8gNbHMVO\\1Y8kNYHM]OX1[8POQHIDW1\\8=dGC]8=bGC_8d2001O[O\\KdHc4]7aK_H^4c7cK[H\\4e7dK[H\\4f7dKXH]4j7bKSH`4n7_KQHb4P8^KnGc4S8:1O00O1001O000fKPHY3P8aLYH\\3d7_LgH^3T7_LWI^3i6VLeIh3R8M3M2N2N3M2N3M2N2N3M1O2N2N2N2N:F001O0000001O00UMRNYJn1g5ZNRJe1n5cNjI]1V6hNeIX1[6jNcIV1]6mN`IS1`6oN^IQ1b6RO[In0e6TOYIl0g6WOVIi0j6ZOSIf0m6^OoHb0Q7BlH=T7FiH:W7JeH6[7MbH3^71^HOb76YHJg71X:8]EKb:>O001O100O1E;0O1000O10O2O1O0O2O2M3N3M2N4L1O1O1O1O2N2O3JP10lN8H8O10010N201NN2M4L3M4LUkj0", + "size": [ + 360, + 640 + ] + }, + "area": 797, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 520, + 160, + 43, + 77 + ], + "category_id": 1, + "id": 19 + }, + { + "segmentation": { + "counts": "]69o:^1bNO5K4L16K1O2NN2N2CcFlNb97[F8j:EUVl6", + "size": [ + 360, + 640 + ] + }, + "area": 538, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 0, + 205, + 13, + 63 + ], + "category_id": 1, + "id": 20 + }, + { + "segmentation": { + "counts": "i[g3>h:2M4L3YOZOhFk0CVO\\90nFm0DUO^9NmFU1R9lNmFU1S9kNkFW1T9jNgF[1Y9:00L4N2000O01000O100000O0100000001O2N10OXNeF13Y1X9fNnFZ1R9fNoFY1Q9gNPGY1o8gNRGX1m8iNSGW1n8hNSGW1n8gNUGX1_9N2N100O2O0O3N3WOfEUF@l9?VF^Oj94PF39Gf91YF5f:N2M[P10foN1N2[OMTF4k92nE0R:5hELW:c0O1O1O1O1O10O12N2N2M3N3M2N1O001O001O0010:E1O1O101O[NiFX1W9gNjFY1V9fNlFY1T9fNmFZ1S9eNoF[1P9aNTG_1\\9O1O0030001O00001M3M3M1N101N2O0CnEBS:5WFHk9O_FOkUY3", + "size": [ + 360, + 640 + ] + }, + "area": 2493, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 270, + 153, + 71, + 113 + ], + "category_id": 1, + "id": 23 + }, + { + "segmentation": { + "counts": "nQ[65n:5K6K4N2M3XO[OkFe0S9@jF?V9EgF;X9IeF7Z9McF2^91^FO[9@fFX1\\9hNdFU1^9mNaFQ1a9PO^Fm0e9SO[Fj0g9:2FWFROl9n0TFQOl9P1UFmNm9S1310O011O2N1O1O100WOiE?X:@iE`0X:^OiE`0Y:^OhEb0Y:]OhEa0Z:^OgE`0b:O1NVd8", + "size": [ + 360, + 640 + ] + }, + "area": 1250, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 577, + 141, + 38, + 79 + ], + "category_id": 1, + "id": 24 + }, + { + "segmentation": { + "counts": "kbX42V29^6JWI?g6FmHc0R7@bHj0\\7XO_Hm0`7SO^HP1`7RO^HP1a7PO]HS1a7nN^HU1_7mN_HU1`7kN^HM@f0Q8^O^HL8O[76[HJ>NV79XHLe0HT7=RHMn0Do6`0PHNU1^Ol6^1WI`Nh6_1`100001O2N2O1O01000O100O010001O001N101O1O0O2O000O1dN\\FS1e9mN^Fo0d9oN_Fm0c9SO_Fj0b9UOaFh0`9XObFe0_9ZOdFc0S:L4M2N3Jd`2M__M7I7J6L4L4L4L43M3M3J5K2N1N2O1N3N1N2O1O1N3N1N2Omij1", + "size": [ + 360, + 640 + ] + }, + "area": 2955, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 388, + 147, + 84, + 124 + ], + "category_id": 1, + "id": 25 + }, + { + "segmentation": { + "counts": "dji25o:5O1FGbE;\\:GbE;]:GaE:]::O2M2O1O0010O01OFiECX:MjE60KW:LlE8OMS:IoE91N[:MfE5f:2O1N00O1Ogfn3", + "size": [ + 360, + 640 + ] + }, + "area": 496, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 255, + 172, + 24, + 48 + ], + "category_id": 1, + "id": 26 + }, + { + "segmentation": { + "counts": "o\\U5>g:4N1O1O001C]OTFd0k9^OTFb0l9^OSFc0l9@RF`0n9BPF=P:?N1O2O001O1O1001OO010O0101hNSFQ1S:0O11O0011O0O0102M4M001N3O05K1OO01gETOQ:Q12O0O1QO_F5^:K4LReZ1", + "size": [ + 360, + 640 + ] + }, + "area": 1521, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 470, + 150, + 48, + 92 + ], + "category_id": 1, + "id": 27 + }, + { + "segmentation": { + "counts": "Ukn02]:6TFKi9k9`0O1OOPFlNP:R1RFnNn9o070XFQOW9o0a00001O1N3M4KXl8^O[TG8H2N1ZME\\J>d5BZJ`0f5AVJb0f5\\OQH4a0KS1f0[6CaHGP1j0_6@_HHl0m0e6@YHEo0l0i6NUI2l6NSI1o6OPI0S7OlH0W7OlGZO=X1Z7]OTHA?U1^7G`H?`7\\NSHl08d1X7VNcHR2X7PNfHS2W7U1ZOb0N2N?A2O1O1O000000POTJdLm5[3UJcLl5\\3XJ`Li5^3YJ`LP1", + "size": [ + 360, + 640 + ] + }, + "area": 7839, + "iscrowd": 1, + "image_id": 439180, + "bbox": [ + 272, + 142, + 368, + 178 + ], + "category_id": 1, + "id": 31 + }, + { + "segmentation": { + "counts": "YlQ2a0g:O10000000000000001O000000000O100000000000000000000000000O10000000000000000003M2N3M3M>BN3M2O1M3N2O100O11O1O001O1O001O1O1O1O2N2N3M2RFgNi9^1NoNYFa0g9XO_Fc0g9WO_Fe0T:00G`EIa:6aEH`:8bEE^:;800O1000002O1N2N2O1N2OZkP4", + "size": [ + 360, + 640 + ] + }, + "area": 1680, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 187, + 145, + 86, + 49 + ], + "category_id": 8, + "id": 32 + }, + { + "segmentation": { + "counts": "mk<2f:1eE2V:4fENV:7gEKU:g0K4L4L5K4O101O0O101O0O102N2M2O2N1O000000000BSNaGl1`8[NYGe1g8>0000001N10000000000O10000000000O1000000000000O1000000O1N2M3N2N2M3N2N2M3N2O1N2O1N2M3N2N2K5O1N2N2EcEI_:7bEEa:6;O1O1O1O1O100O10000O1000000010O1O1O1O2N2N001VEFd:;ZEHd:9[EJb:6^EKa:>01O1mE^O^9b0bFFV9;iFEW9hFBX9?gFAY9?gFAY9`0fF@Z9`0gF_OY9b0fF^OZ9c0eF]O[9c0eF]O[9d0dF\\O\\9e0bF\\O^9W10001O0000\\O_F@b9a0bFUOc9h0`0M3N2N2M3M3M3N2M3M3N2N2O1O10WmQ5", + "size": [ + 360, + 640 + ] + }, + "area": 5791, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 36, + 159, + 143, + 77 + ], + "category_id": 8, + "id": 33 + }, + { + "segmentation": { + "counts": "Sgm12V;2N101N4L:F9nEWOS9`100O010O001O001O102Ml0TO4L5K2O1N2M3L4000000000001N5J9^H\\Lo6n3100eNmH_NT7\\1TI`Nn6[1YIbNg6Z1UJmMl5T2d1101jGdM[7f2RHhMi7R3K1N2N20O0M4fNTIPNQ7h1ZIQNj6i1_1I7H8I6J7JlU_4", + "size": [ + 360, + 640 + ] + }, + "area": 4363, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 175, + 203, + 57, + 152 + ], + "category_id": 19, + "id": 34 + }, + { + "segmentation": { + "counts": "YZS63T;1O1H8M4M2F^OlEe0S:]OiEg03XO5OX94^FZ1b960000000O1_Oa0K5]OhE5Y:IlE2V:NmEJW:6>L4NToe0", + "size": [ + 360, + 640 + ] + }, + "area": 573, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 555, + 182, + 22, + 54 + ], + "category_id": 19, + "id": 35 + }, + { + "segmentation": { + "counts": "^Pm23V;2M3N1N200O100000N5I\\SP4", + "size": [ + 360, + 640 + ] + }, + "area": 96, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 264, + 206, + 11, + 21 + ], + "category_id": 19, + "id": 36 + }, + { + "segmentation": { + "counts": "ZRg1:7NR:l0I5L:aFgN[8]2E9nNRMZIW3`6mLWIW2OWNk6GiHS2d0UNa6U2hIeMX6X2lIfMT6X2QJeMP6X2SJgMm5X2UJfMm5W2VJgMk5X2b10lHjMW51RIo1\\1\\Na5DVIm3i6RLYIm3g6RL[Im3d6TL^Ik3_6WLdIf3Z6\\LjI`3U6aLQJNe5a3WJ]LY6k2WImMMKe6T2cIeNc6U1_IiNd6T1SJhM\\6W2VIfMEOH8X7m1YIjNl6Q1RIPOR7m0gHYOZ7g0_HiN6C]7Y2SI]Mo6_2aH`M90V7Y2fHnMi7T2oGRNP8c21O1O2lNmGoNT8i0\\HaN]O3Z8X1^HaNP8\\1R1L4K6J8H7Ji_^3", + "size": [ + 360, + 640 + ] + }, + "area": 4160, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 273, + 184, + 52, + 164 + ], + "category_id": 19, + "id": 38 + }, + { + "segmentation": { + "counts": "\\ad58P;2M2XEF`:d0M4K4M4M3L5K3L4M4L:F9G:F1O10O0O1mNT1NVGgNg7X1SHPOl7o0gG_OZ8g10O010^O_G\\Nc8^1f0M3N2O2G8L4M3M4M4L3GaEFb:2fEJ]:Ol\\n0", + "size": [ + 360, + 640 + ] + }, + "area": 1904, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 513, + 194, + 40, + 84 + ], + "category_id": 19, + "id": 39 + }, + { + "segmentation": { + "counts": "]dR56Z:3nE5P:b0GROVFQ1i9QOTFP1m96O0001O1O0000O6K3M2N2N3M6J8I5I4N3L>CO100O1O1N1N3M2105J01O1O100YOeG_N^8[1jG`NX8Z1TH^Nm7]1S1J5K6H:BH_OJZ8[1gGTOl1N3M4L_FIW83mGMS8OQHO_dn1", + "size": [ + 360, + 640 + ] + }, + "area": 5333, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 398, + 181, + 64, + 157 + ], + "category_id": 19, + "id": 41 + }, + { + "segmentation": { + "counts": "\\]g3B9H9H7L4K6I6J6K5M3L4M3L4M4K4M4O1O0O2O2M2N3L3N3Ma0^O0100O10O01O0O2N1O2O0O1WOj0K4N3M2N3K4L5J7E:L4M3M3M4L5K6H8HP^]5", + "size": [ + 360, + 640 + ] + }, + "area": 4508, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 92, + 204, + 54, + 144 + ], + "category_id": 19, + "id": 43 + }, + { + "segmentation": { + "counts": "b][6a0i0@P9g0jF]OS9g0iF\\OV9g0eF\\OZ9g0`F]O]9Y1LN3B>B=2N3N2M3N2M4jFiNV8Z1gGhNX8[1eGgNQ8JbGn1NZNa8H`G[2a8fM\\G[2e831O010O2N1O1hNhG_OY8=WHVOk7f0]1L_R;", + "size": [ + 360, + 640 + ] + }, + "area": 1511, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 578, + 179, + 30, + 95 + ], + "category_id": 19, + "id": 44 + }, + { + "segmentation": { + "counts": "old66n:4L4M3\\Od00000001N2N101N2N2N3L7Hg_6", + "size": [ + 360, + 640 + ] + }, + "area": 421, + "iscrowd": 1, + "image_id": 439180, + "bbox": [ + 605, + 184, + 16, + 37 + ], + "category_id": 19, + "id": 45 + }, + { + "segmentation": { + "counts": "ggd01R;5LKTE6i:6001ON20000NCYE=g:21O1ON22N001OO11O0000000000NDXEf:20000O1000000000000O1E^OPFb0P:_OhEO1e0U::00O1001OO10000O1001O001Ob0^O1O001O00000000O1O100O1O1VOj01OO100O11O0000O10000002N001ON200NgNUFY1k9gNUFY1k920000001O00N200001OO1002N7I1O2N1ODQO`Fn0^9VO`Fj0`9XO^Fh0b9YO\\Fh0d9YOZFh0e9ZOYFg0g9_O]F7d9]OhFb0o90001O00001OJ6UOk0I7I7M3O1O12NN200001O4L4L5K2N2N2N2N2N2N2N2N2N2N3M6J9XObE4j:O00001O00nNMoF3o8T1O10ROVF>l9XObFb0Y:I3M3M3M2N00O1XO=iEEX:e00000O10000O100O1O100AQOdFP1Q9\\OmFe0S9\\OdFl0\\9`00000000000000000N20000RObNPH`1P8aNlGb1T8_NmG_1T8`NkGa1U8`NdGf1\\8c000001O000000001OOO4L101OGbMeGb2\\833N01O1O1N2O001N2O1001N3M6K2M2`M]GX2l8N4LO1O1000000001O2N001O00G9OjIaKe5^4ZJeKe5Z4]JeKc5[4e0000000000000000000001O00000000001O00000000000002OO100M4N12^K^IZ4g6N01003M2OO0012iKPIR4W7L00L40mLoHo1S7mMoHS2?SM1NS55_JLK;3d2=VM0KS55bJKK:5f29YMOIT51jJLE48P32ZM1Gj5LTJP42SLi5MUJR41mKm51RJT4g62L3NULYIY3d6hL^IZ3`6dLaI[3^6_L[IL6g3]6_LiIa3Z6[LhIV3MeL[63jIW3Z701O0J601O1O2O1O0SMjGh2\\8UMfGf2^8AfGPNY8P2`0O1OTHkMg6U2WImMi6S2TIQNl6n1TIRN[OKU7R2`ISNZOLV7Q2`IRNZOMV7R2`IQNVOKL3\\7T2aInMUO3Z7P2_IoMTO3Z7S2_IVN_6P2\\IRNd6Z33K02OXOiH]MU7@iHo29XMT7IbHm2?WMQ7h2SITMn6k2h0O0HmG_MS8a2nG^MR8a2oG_MS8_2nG`MR8`29`M^G]2c84I`MdGb2Z8]MeG10a2X8fMhGZ2Y8fMfGY2\\89L302O2O0K5O11ON2WHhL]7]39NM3OO015KM300O10001O1O15LO4XH`Lb77\\HV3^7fLgHV3]7iLcHV3]7kLbHe2o7ZMQHf2P8ZMoGf2S8XMnGg2R8[MlGf2T8YMnGf2Y81001O1O01M300RN", + "size": [ + 360, + 640 + ] + }, + "area": 91045, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 0, + 0, + 640, + 243 + ], + "category_id": 184, + "id": 47 + }, + { + "segmentation": { + "counts": "XaZ14T;00O1OnDO00O0i:0XE8h:403MN2001O1ON2O1O1N2O1N4Jddo12^[PN0O100J8M010N20N22N2NO1O1OgEEg9;XFHf98XFIi99oECN4S:9oELR:5kEMU:b01O12NO1O16JNmEPOR:P1oEoNQ:R12N2001O1OO1O13M001ON2003nEkNk9`1I003M3M1aFYN[9j10003MO1O12eFTNV9T2KO11ON2001O001O1OO100O11ON2O1O12NO1KlFVNT9i1PGUNo8h1:1O00N21O002N1O000000002N1hFQNU9Q20001O2N1O2N1O005K00001OO1N20000M3O13M2NM300001OO100N22NJUGPNj8T1VGYO9Ba8n0^G^O3D^8m0`G^O4E[8m0aG^O5C[8o0`G@P9`0PG@P9a0QG^On8b0SGVOCJ13X9m0UGQOJ1Q9n0UGPOL0P9P1TGROV9n0hFSOY9m0hFPOZ9P1?]OoECM9S:6nEB06R:8oEAO7R:4kEG9OH2T:7ZFFB3T:6[FGk99b0O13MO10TEHh:<02NN21O1O1O00K[EGe:N[E33LN1U;1fcb0OY\\]O001ON2003lD0j:70N2O12N1OO1O12SEFh:a0L00L40WFEe8=WGEi8:`FHLK;3Y98aFJKK:5Z96_F0LE48b9i0[FXOf9g0ZFYOg9f0YFZOh9S10N2OdFjNh8U1YGmNe8U1YGlNf8S1TGfNL6R9R1TGTOl8o0PGSOo8m0oFUOQ9`1100O1O100001O1O0mFPNn8V2oFlMl8X20O1000000001O1O00O1N200M3M3004LO100LPGPNP9P2PGoMQ9R22N2O1N200002N00NiFUNU9k14IhF\\NZ9b1eF]N10Z9_1mFaNS9`1mF_NS9b19L4O1001OL4002NO1M33MN200O15KM300O1000000006J1O4aF]NQ9c1kFbNT9_1kFaNU9^1lFaNU9_1jFaNW9_1iF`NX9a1fF`NZ9_1hF_NY9a1fFaNY9f11001O1O00N21O", + "size": [ + 360, + 640 + ] + }, + "area": 12912, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 121, + 0, + 519, + 79 + ], + "category_id": 187, + "id": 48 + }, + { + "segmentation": { + "counts": "S8U3T8O00O14L002N3M00O1EUMXHl2f7^nN7I6J002O1O1N101O2c]P1jN`coN2O1O1O1N2O100000000O100000000O1O100O1O1000BYE;j:0000000WOFdF:U:000O1VODPF4b08c9D]F=\\9ITFK=;Z:1O1K5O1YO]OiFc0n90000000[OHZF8g9LTF4R:>1O001O00O100O1G90000000000O100O10000O1O1N2O1M300N21OO1N21OO100O11O00O13MO1T90O100O1@^OZFb0b9D[F=a9I]F7]93_FMV9X1L4O1G9L4M3O1N2N2M3O1001O00O1[ORMPIn2P7UMlHl2T7UMkHk2f6WMSI05i2h6gMVIZ2k6fMTIZ2l6gMRIZ2o6fMPIZ2P7hMnHX2R7iMlHX2T7iMkHW2U7n0004L3M2N2N3M6J8H6J3M4L?A00001O0000N2L41O6J1O00000000YORNTHn1h7\\NRHd1k7n0L4K5L4DB1O5Kh0XO3M1O5K1O1O>B1O1O1O000000000000O1", + "size": [ + 360, + 640 + ] + }, + "area": 40197, + "iscrowd": 0, + "image_id": 439180, + "bbox": [ + 0, + 219, + 640, + 141 + ], + "category_id": 193, + "id": 49 + } + ], + "categories": [ + { + "supercategory": "person", + "color": [ + 220, + 20, + 60 + ], + "id": 1, + "name": "person" + }, + { + "supercategory": "vehicle", + "color": [ + 119, + 11, + 32 + ], + "id": 2, + "name": "bicycle" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 142 + ], + "id": 3, + "name": "car" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 230 + ], + "id": 4, + "name": "motorcycle" + }, + { + "supercategory": "vehicle", + "color": [ + 106, + 0, + 228 + ], + "id": 5, + "name": "airplane" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 60, + 100 + ], + "id": 6, + "name": "bus" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 80, + 100 + ], + "id": 7, + "name": "train" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 70 + ], + "id": 8, + "name": "truck" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 192 + ], + "id": 9, + "name": "boat" + }, + { + "supercategory": "outdoor", + "color": [ + 250, + 170, + 30 + ], + "id": 10, + "name": "traffic light" + }, + { + "supercategory": "outdoor", + "color": [ + 100, + 170, + 30 + ], + "id": 11, + "name": "fire hydrant" + }, + { + "supercategory": "outdoor", + "color": [ + 220, + 220, + 0 + ], + "id": 13, + "name": "stop sign" + }, + { + "supercategory": "outdoor", + "color": [ + 175, + 116, + 175 + ], + "id": 14, + "name": "parking meter" + }, + { + "supercategory": "outdoor", + "color": [ + 250, + 0, + 30 + ], + "id": 15, + "name": "bench" + }, + { + "supercategory": "animal", + "color": [ + 165, + 42, + 42 + ], + "id": 16, + "name": "bird" + }, + { + "supercategory": "animal", + "color": [ + 255, + 77, + 255 + ], + "id": 17, + "name": "cat" + }, + { + "supercategory": "animal", + "color": [ + 0, + 226, + 252 + ], + "id": 18, + "name": "dog" + }, + { + "supercategory": "animal", + "color": [ + 182, + 182, + 255 + ], + "id": 19, + "name": "horse" + }, + { + "supercategory": "animal", + "color": [ + 0, + 82, + 0 + ], + "id": 20, + "name": "sheep" + }, + { + "supercategory": "animal", + "color": [ + 120, + 166, + 157 + ], + "id": 21, + "name": "cow" + }, + { + "supercategory": "animal", + "color": [ + 110, + 76, + 0 + ], + "id": 22, + "name": "elephant" + }, + { + "supercategory": "animal", + "color": [ + 174, + 57, + 255 + ], + "id": 23, + "name": "bear" + }, + { + "supercategory": "animal", + "color": [ + 199, + 100, + 0 + ], + "id": 24, + "name": "zebra" + }, + { + "supercategory": "animal", + "color": [ + 72, + 0, + 118 + ], + "id": 25, + "name": "giraffe" + }, + { + "supercategory": "accessory", + "color": [ + 255, + 179, + 240 + ], + "id": 27, + "name": "backpack" + }, + { + "supercategory": "accessory", + "color": [ + 0, + 125, + 92 + ], + "id": 28, + "name": "umbrella" + }, + { + "supercategory": "accessory", + "color": [ + 209, + 0, + 151 + ], + "id": 31, + "name": "handbag" + }, + { + "supercategory": "accessory", + "color": [ + 188, + 208, + 182 + ], + "id": 32, + "name": "tie" + }, + { + "supercategory": "accessory", + "color": [ + 0, + 220, + 176 + ], + "id": 33, + "name": "suitcase" + }, + { + "supercategory": "sports", + "color": [ + 255, + 99, + 164 + ], + "id": 34, + "name": "frisbee" + }, + { + "supercategory": "sports", + "color": [ + 92, + 0, + 73 + ], + "id": 35, + "name": "skis" + }, + { + "supercategory": "sports", + "color": [ + 133, + 129, + 255 + ], + "id": 36, + "name": "snowboard" + }, + { + "supercategory": "sports", + "color": [ + 78, + 180, + 255 + ], + "id": 37, + "name": "sports ball" + }, + { + "supercategory": "sports", + "color": [ + 0, + 228, + 0 + ], + "id": 38, + "name": "kite" + }, + { + "supercategory": "sports", + "color": [ + 174, + 255, + 243 + ], + "id": 39, + "name": "baseball bat" + }, + { + "supercategory": "sports", + "color": [ + 45, + 89, + 255 + ], + "id": 40, + "name": "baseball glove" + }, + { + "supercategory": "sports", + "color": [ + 134, + 134, + 103 + ], + "id": 41, + "name": "skateboard" + }, + { + "supercategory": "sports", + "color": [ + 145, + 148, + 174 + ], + "id": 42, + "name": "surfboard" + }, + { + "supercategory": "sports", + "color": [ + 255, + 208, + 186 + ], + "id": 43, + "name": "tennis racket" + }, + { + "supercategory": "kitchen", + "color": [ + 197, + 226, + 255 + ], + "id": 44, + "name": "bottle" + }, + { + "supercategory": "kitchen", + "color": [ + 171, + 134, + 1 + ], + "id": 46, + "name": "wine glass" + }, + { + "supercategory": "kitchen", + "color": [ + 109, + 63, + 54 + ], + "id": 47, + "name": "cup" + }, + { + "supercategory": "kitchen", + "color": [ + 207, + 138, + 255 + ], + "id": 48, + "name": "fork" + }, + { + "supercategory": "kitchen", + "color": [ + 151, + 0, + 95 + ], + "id": 49, + "name": "knife" + }, + { + "supercategory": "kitchen", + "color": [ + 9, + 80, + 61 + ], + "id": 50, + "name": "spoon" + }, + { + "supercategory": "kitchen", + "color": [ + 84, + 105, + 51 + ], + "id": 51, + "name": "bowl" + }, + { + "supercategory": "food", + "color": [ + 74, + 65, + 105 + ], + "id": 52, + "name": "banana" + }, + { + "supercategory": "food", + "color": [ + 166, + 196, + 102 + ], + "id": 53, + "name": "apple" + }, + { + "supercategory": "food", + "color": [ + 208, + 195, + 210 + ], + "id": 54, + "name": "sandwich" + }, + { + "supercategory": "food", + "color": [ + 255, + 109, + 65 + ], + "id": 55, + "name": "orange" + }, + { + "supercategory": "food", + "color": [ + 0, + 143, + 149 + ], + "id": 56, + "name": "broccoli" + }, + { + "supercategory": "food", + "color": [ + 179, + 0, + 194 + ], + "id": 57, + "name": "carrot" + }, + { + "supercategory": "food", + "color": [ + 209, + 99, + 106 + ], + "id": 58, + "name": "hot dog" + }, + { + "supercategory": "food", + "color": [ + 5, + 121, + 0 + ], + "id": 59, + "name": "pizza" + }, + { + "supercategory": "food", + "color": [ + 227, + 255, + 205 + ], + "id": 60, + "name": "donut" + }, + { + "supercategory": "food", + "color": [ + 147, + 186, + 208 + ], + "id": 61, + "name": "cake" + }, + { + "supercategory": "furniture", + "color": [ + 153, + 69, + 1 + ], + "id": 62, + "name": "chair" + }, + { + "supercategory": "furniture", + "color": [ + 3, + 95, + 161 + ], + "id": 63, + "name": "couch" + }, + { + "supercategory": "furniture", + "color": [ + 163, + 255, + 0 + ], + "id": 64, + "name": "potted plant" + }, + { + "supercategory": "furniture", + "color": [ + 119, + 0, + 170 + ], + "id": 65, + "name": "bed" + }, + { + "supercategory": "furniture", + "color": [ + 0, + 182, + 199 + ], + "id": 67, + "name": "dining table" + }, + { + "supercategory": "furniture", + "color": [ + 0, + 165, + 120 + ], + "id": 70, + "name": "toilet" + }, + { + "supercategory": "electronic", + "color": [ + 183, + 130, + 88 + ], + "id": 72, + "name": "tv" + }, + { + "supercategory": "electronic", + "color": [ + 95, + 32, + 0 + ], + "id": 73, + "name": "laptop" + }, + { + "supercategory": "electronic", + "color": [ + 130, + 114, + 135 + ], + "id": 74, + "name": "mouse" + }, + { + "supercategory": "electronic", + "color": [ + 110, + 129, + 133 + ], + "id": 75, + "name": "remote" + }, + { + "supercategory": "electronic", + "color": [ + 166, + 74, + 118 + ], + "id": 76, + "name": "keyboard" + }, + { + "supercategory": "electronic", + "color": [ + 219, + 142, + 185 + ], + "id": 77, + "name": "cell phone" + }, + { + "supercategory": "appliance", + "color": [ + 79, + 210, + 114 + ], + "id": 78, + "name": "microwave" + }, + { + "supercategory": "appliance", + "color": [ + 178, + 90, + 62 + ], + "id": 79, + "name": "oven" + }, + { + "supercategory": "appliance", + "color": [ + 65, + 70, + 15 + ], + "id": 80, + "name": "toaster" + }, + { + "supercategory": "appliance", + "color": [ + 127, + 167, + 115 + ], + "id": 81, + "name": "sink" + }, + { + "supercategory": "appliance", + "color": [ + 59, + 105, + 106 + ], + "id": 82, + "name": "refrigerator" + }, + { + "supercategory": "indoor", + "color": [ + 142, + 108, + 45 + ], + "id": 84, + "name": "book" + }, + { + "supercategory": "indoor", + "color": [ + 196, + 172, + 0 + ], + "id": 85, + "name": "clock" + }, + { + "supercategory": "indoor", + "color": [ + 95, + 54, + 80 + ], + "id": 86, + "name": "vase" + }, + { + "supercategory": "indoor", + "color": [ + 128, + 76, + 255 + ], + "id": 87, + "name": "scissors" + }, + { + "supercategory": "indoor", + "color": [ + 201, + 57, + 1 + ], + "id": 88, + "name": "teddy bear" + }, + { + "supercategory": "indoor", + "color": [ + 246, + 0, + 122 + ], + "id": 89, + "name": "hair drier" + }, + { + "supercategory": "indoor", + "color": [ + 191, + 162, + 208 + ], + "id": 90, + "name": "toothbrush" + }, + { + "supercategory": "textile", + "color": [ + 255, + 255, + 128 + ], + "id": 92, + "name": "banner" + }, + { + "supercategory": "textile", + "color": [ + 147, + 211, + 203 + ], + "id": 93, + "name": "blanket" + }, + { + "supercategory": "building", + "color": [ + 150, + 100, + 100 + ], + "id": 95, + "name": "bridge" + }, + { + "supercategory": "raw-material", + "color": [ + 168, + 171, + 172 + ], + "id": 100, + "name": "cardboard" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 146, + 112, + 198 + ], + "id": 107, + "name": "counter" + }, + { + "supercategory": "textile", + "color": [ + 210, + 170, + 100 + ], + "id": 109, + "name": "curtain" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 92, + 136, + 89 + ], + "id": 112, + "name": "door-stuff" + }, + { + "supercategory": "floor", + "color": [ + 218, + 88, + 184 + ], + "id": 118, + "name": "floor-wood" + }, + { + "supercategory": "plant", + "color": [ + 241, + 129, + 0 + ], + "id": 119, + "name": "flower" + }, + { + "supercategory": "food-stuff", + "color": [ + 217, + 17, + 255 + ], + "id": 122, + "name": "fruit" + }, + { + "supercategory": "ground", + "color": [ + 124, + 74, + 181 + ], + "id": 125, + "name": "gravel" + }, + { + "supercategory": "building", + "color": [ + 70, + 70, + 70 + ], + "id": 128, + "name": "house" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 255, + 228, + 255 + ], + "id": 130, + "name": "light" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 154, + 208, + 0 + ], + "id": 133, + "name": "mirror-stuff" + }, + { + "supercategory": "structural", + "color": [ + 193, + 0, + 92 + ], + "id": 138, + "name": "net" + }, + { + "supercategory": "textile", + "color": [ + 76, + 91, + 113 + ], + "id": 141, + "name": "pillow" + }, + { + "supercategory": "ground", + "color": [ + 255, + 180, + 195 + ], + "id": 144, + "name": "platform" + }, + { + "supercategory": "ground", + "color": [ + 106, + 154, + 176 + ], + "id": 145, + "name": "playingfield" + }, + { + "supercategory": "ground", + "color": [ + 230, + 150, + 140 + ], + "id": 147, + "name": "railroad" + }, + { + "supercategory": "water", + "color": [ + 60, + 143, + 255 + ], + "id": 148, + "name": "river" + }, + { + "supercategory": "ground", + "color": [ + 128, + 64, + 128 + ], + "id": 149, + "name": "road" + }, + { + "supercategory": "building", + "color": [ + 92, + 82, + 55 + ], + "id": 151, + "name": "roof" + }, + { + "supercategory": "ground", + "color": [ + 254, + 212, + 124 + ], + "id": 154, + "name": "sand" + }, + { + "supercategory": "water", + "color": [ + 73, + 77, + 174 + ], + "id": 155, + "name": "sea" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 255, + 160, + 98 + ], + "id": 156, + "name": "shelf" + }, + { + "supercategory": "ground", + "color": [ + 255, + 255, + 255 + ], + "id": 159, + "name": "snow" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 104, + 84, + 109 + ], + "id": 161, + "name": "stairs" + }, + { + "supercategory": "building", + "color": [ + 169, + 164, + 131 + ], + "id": 166, + "name": "tent" + }, + { + "supercategory": "textile", + "color": [ + 225, + 199, + 255 + ], + "id": 168, + "name": "towel" + }, + { + "supercategory": "wall", + "color": [ + 137, + 54, + 74 + ], + "id": 171, + "name": "wall-brick" + }, + { + "supercategory": "wall", + "color": [ + 135, + 158, + 223 + ], + "id": 175, + "name": "wall-stone" + }, + { + "supercategory": "wall", + "color": [ + 7, + 246, + 231 + ], + "id": 176, + "name": "wall-tile" + }, + { + "supercategory": "wall", + "color": [ + 107, + 255, + 200 + ], + "id": 177, + "name": "wall-wood" + }, + { + "supercategory": "water", + "color": [ + 58, + 41, + 149 + ], + "id": 178, + "name": "water-other" + }, + { + "supercategory": "window", + "color": [ + 183, + 121, + 142 + ], + "id": 180, + "name": "window-blind" + }, + { + "supercategory": "window", + "color": [ + 255, + 73, + 97 + ], + "id": 181, + "name": "window-other" + }, + { + "supercategory": "plant", + "color": [ + 107, + 142, + 35 + ], + "id": 184, + "name": "tree-merged" + }, + { + "supercategory": "structural", + "color": [ + 190, + 153, + 153 + ], + "id": 185, + "name": "fence-merged" + }, + { + "supercategory": "ceiling", + "color": [ + 146, + 139, + 141 + ], + "id": 186, + "name": "ceiling-merged" + }, + { + "supercategory": "sky", + "color": [ + 70, + 130, + 180 + ], + "id": 187, + "name": "sky-other-merged" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 134, + 199, + 156 + ], + "id": 188, + "name": "cabinet-merged" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 209, + 226, + 140 + ], + "id": 189, + "name": "table-merged" + }, + { + "supercategory": "floor", + "color": [ + 96, + 36, + 108 + ], + "id": 190, + "name": "floor-other-merged" + }, + { + "supercategory": "ground", + "color": [ + 96, + 96, + 96 + ], + "id": 191, + "name": "pavement-merged" + }, + { + "supercategory": "solid", + "color": [ + 64, + 170, + 64 + ], + "id": 192, + "name": "mountain-merged" + }, + { + "supercategory": "plant", + "color": [ + 152, + 251, + 152 + ], + "id": 193, + "name": "grass-merged" + }, + { + "supercategory": "ground", + "color": [ + 208, + 229, + 228 + ], + "id": 194, + "name": "dirt-merged" + }, + { + "supercategory": "raw-material", + "color": [ + 206, + 186, + 171 + ], + "id": 195, + "name": "paper-merged" + }, + { + "supercategory": "food-stuff", + "color": [ + 152, + 161, + 64 + ], + "id": 196, + "name": "food-other-merged" + }, + { + "supercategory": "building", + "color": [ + 116, + 112, + 0 + ], + "id": 197, + "name": "building-other-merged" + }, + { + "supercategory": "solid", + "color": [ + 0, + 114, + 143 + ], + "id": 198, + "name": "rock-merged" + }, + { + "supercategory": "wall", + "color": [ + 102, + 102, + 156 + ], + "id": 199, + "name": "wall-other-merged" + }, + { + "supercategory": "textile", + "color": [ + 250, + 141, + 255 + ], + "id": 200, + "name": "rug-merged" + } + ] +} \ No newline at end of file diff --git a/sample_data/panoptic_examples.json b/sample_data/panoptic_examples.json index 7ddc893..b2e099d 100644 --- a/sample_data/panoptic_examples.json +++ b/sample_data/panoptic_examples.json @@ -1 +1,2153 @@ -{"info": {"description": "COCO 2018 Panoptic Dataset", "url": "http://cocodataset.org", "version": "1.0", "year": 2018, "contributor": "https://arxiv.org/abs/1801.00868", "date_created": "2018-06-01 00:00:00.0"}, "licenses": [{"url": "http://creativecommons.org/licenses/by-nc-sa/2.0/", "id": 1, "name": "Attribution-NonCommercial-ShareAlike License"}, {"url": "http://creativecommons.org/licenses/by-nc/2.0/", "id": 2, "name": "Attribution-NonCommercial License"}, {"url": "http://creativecommons.org/licenses/by-nc-nd/2.0/", "id": 3, "name": "Attribution-NonCommercial-NoDerivs License"}, {"url": "http://creativecommons.org/licenses/by/2.0/", "id": 4, "name": "Attribution License"}, {"url": "http://creativecommons.org/licenses/by-sa/2.0/", "id": 5, "name": "Attribution-ShareAlike License"}, {"url": "http://creativecommons.org/licenses/by-nd/2.0/", "id": 6, "name": "Attribution-NoDerivs License"}, {"url": "http://flickr.com/commons/usage/", "id": 7, "name": "No known copyright restrictions"}, {"url": "http://www.usa.gov/copyright.shtml", "id": 8, "name": "United States Government Work"}], "images": [{"license": 2, "file_name": "000000142238.jpg", "coco_url": "http://images.cocodataset.org/val2017/000000142238.jpg", "height": 427, "width": 640, "date_captured": "2013-11-20 16:47:35", "flickr_url": "http://farm5.staticflickr.com/4028/5079131149_dde584ed79_z.jpg", "id": 142238}, {"license": 1, "file_name": "000000439180.jpg", "coco_url": "http://images.cocodataset.org/val2017/000000439180.jpg", "height": 360, "width": 640, "date_captured": "2013-11-19 01:25:39", "flickr_url": "http://farm3.staticflickr.com/2831/9275116980_1d9b986e3b_z.jpg", "id": 439180}], "annotations": [{"segments_info": [{"area": 3528, "category_id": 1, "iscrowd": 0, "id": 3937500, "bbox": [282, 207, 48, 149]}, {"area": 3751, "category_id": 1, "iscrowd": 0, "id": 4260062, "bbox": [420, 183, 49, 173]}, {"area": 2301, "category_id": 1, "iscrowd": 0, "id": 2035955, "bbox": [271, 118, 53, 141]}, {"area": 4076, "category_id": 1, "iscrowd": 0, "id": 4325578, "bbox": [337, 208, 54, 149]}, {"area": 2931, "category_id": 1, "iscrowd": 0, "id": 2628072, "bbox": [47, 221, 36, 138]}, {"area": 2969, "category_id": 1, "iscrowd": 0, "id": 2822390, "bbox": [436, 125, 70, 151]}, {"area": 3557, "category_id": 1, "iscrowd": 0, "id": 5186532, "bbox": [241, 183, 45, 171]}, {"area": 477, "category_id": 1, "iscrowd": 0, "id": 4917453, "bbox": [618, 248, 22, 68]}, {"area": 3968, "category_id": 1, "iscrowd": 0, "id": 3476419, "bbox": [470, 211, 63, 142]}, {"area": 153, "category_id": 1, "iscrowd": 0, "id": 3997935, "bbox": [0, 242, 9, 44]}, {"area": 3330, "category_id": 1, "iscrowd": 0, "id": 2098642, "bbox": [153, 217, 58, 140]}, {"area": 355, "category_id": 1, "iscrowd": 0, "id": 5314498, "bbox": [586, 229, 13, 39]}, {"area": 636, "category_id": 1, "iscrowd": 0, "id": 4721614, "bbox": [270, 124, 26, 61]}, {"area": 24295, "category_id": 1, "iscrowd": 1, "id": 3153362, "bbox": [75, 111, 517, 262]}, {"area": 175, "category_id": 37, "iscrowd": 0, "id": 16757838, "bbox": [360, 116, 16, 17]}, {"area": 130762, "category_id": 184, "iscrowd": 0, "id": 2330219, "bbox": [0, 0, 640, 263]}, {"area": 8204, "category_id": 187, "iscrowd": 0, "id": 11829830, "bbox": [440, 0, 200, 103]}, {"area": 75100, "category_id": 193, "iscrowd": 0, "id": 10025880, "bbox": [0, 241, 640, 186]}], "file_name": "000000142238.png", "image_id": 142238}, {"segments_info": [{"area": 3512, "category_id": 1, "iscrowd": 0, "id": 3937500, "bbox": [200, 160, 53, 140]}, {"area": 797, "category_id": 1, "iscrowd": 0, "id": 2823390, "bbox": [520, 160, 43, 77]}, {"area": 538, "category_id": 1, "iscrowd": 0, "id": 5768384, "bbox": [0, 205, 13, 63]}, {"area": 2282, "category_id": 1, "iscrowd": 0, "id": 2626802, "bbox": [339, 151, 52, 70]}, {"area": 1005, "category_id": 1, "iscrowd": 0, "id": 3870421, "bbox": [164, 160, 36, 44]}, {"area": 2493, "category_id": 1, "iscrowd": 0, "id": 5119213, "bbox": [270, 153, 71, 113]}, {"area": 1250, "category_id": 1, "iscrowd": 0, "id": 3604684, "bbox": [577, 141, 38, 79]}, {"area": 2955, "category_id": 1, "iscrowd": 0, "id": 4070338, "bbox": [388, 147, 84, 124]}, {"area": 496, "category_id": 1, "iscrowd": 0, "id": 5777861, "bbox": [255, 172, 24, 48]}, {"area": 1521, "category_id": 1, "iscrowd": 0, "id": 3608258, "bbox": [470, 150, 48, 92]}, {"area": 2202, "category_id": 1, "iscrowd": 0, "id": 4725734, "bbox": [87, 163, 71, 116]}, {"area": 1222, "category_id": 1, "iscrowd": 0, "id": 4858845, "bbox": [233, 173, 35, 90]}, {"area": 672, "category_id": 1, "iscrowd": 0, "id": 4596217, "bbox": [16, 205, 19, 63]}, {"area": 7839, "category_id": 1, "iscrowd": 1, "id": 5120499, "bbox": [272, 142, 368, 178]}, {"area": 1680, "category_id": 8, "iscrowd": 0, "id": 4587520, "bbox": [187, 145, 86, 49]}, {"area": 5791, "category_id": 8, "iscrowd": 0, "id": 6094848, "bbox": [36, 159, 143, 77]}, {"area": 4363, "category_id": 19, "iscrowd": 0, "id": 16758454, "bbox": [175, 203, 57, 152]}, {"area": 573, "category_id": 19, "iscrowd": 0, "id": 16762012, "bbox": [555, 182, 22, 54]}, {"area": 96, "category_id": 19, "iscrowd": 0, "id": 15714220, "bbox": [264, 206, 11, 21]}, {"area": 2505, "category_id": 19, "iscrowd": 0, "id": 16752587, "bbox": [156, 192, 33, 146]}, {"area": 4160, "category_id": 19, "iscrowd": 0, "id": 16306338, "bbox": [273, 184, 52, 164]}, {"area": 1904, "category_id": 19, "iscrowd": 0, "id": 16756904, "bbox": [513, 194, 40, 84]}, {"area": 2742, "category_id": 19, "iscrowd": 0, "id": 16762031, "bbox": [462, 187, 45, 103]}, {"area": 5333, "category_id": 19, "iscrowd": 0, "id": 15444403, "bbox": [398, 181, 64, 157]}, {"area": 3612, "category_id": 19, "iscrowd": 0, "id": 14995098, "bbox": [339, 213, 42, 124]}, {"area": 4508, "category_id": 19, "iscrowd": 0, "id": 16761532, "bbox": [92, 204, 54, 144]}, {"area": 1511, "category_id": 19, "iscrowd": 0, "id": 16762578, "bbox": [578, 179, 30, 95]}, {"area": 421, "category_id": 19, "iscrowd": 1, "id": 16175517, "bbox": [605, 184, 16, 37]}, {"area": 11074, "category_id": 125, "iscrowd": 0, "id": 11881084, "bbox": [58, 192, 345, 168]}, {"area": 91045, "category_id": 184, "iscrowd": 0, "id": 2330219, "bbox": [0, 0, 640, 243]}, {"area": 12912, "category_id": 187, "iscrowd": 0, "id": 11829830, "bbox": [121, 0, 519, 79]}, {"area": 40197, "category_id": 193, "iscrowd": 0, "id": 10025880, "bbox": [0, 219, 640, 141]}], "file_name": "000000439180.png", "image_id": 439180}], "categories": [{"supercategory": "person", "color": [220, 20, 60], "isthing": 1, "id": 1, "name": "person"}, {"supercategory": "vehicle", "color": [119, 11, 32], "isthing": 1, "id": 2, "name": "bicycle"}, {"supercategory": "vehicle", "color": [0, 0, 142], "isthing": 1, "id": 3, "name": "car"}, {"supercategory": "vehicle", "color": [0, 0, 230], "isthing": 1, "id": 4, "name": "motorcycle"}, {"supercategory": "vehicle", "color": [106, 0, 228], "isthing": 1, "id": 5, "name": "airplane"}, {"supercategory": "vehicle", "color": [0, 60, 100], "isthing": 1, "id": 6, "name": "bus"}, {"supercategory": "vehicle", "color": [0, 80, 100], "isthing": 1, "id": 7, "name": "train"}, {"supercategory": "vehicle", "color": [0, 0, 70], "isthing": 1, "id": 8, "name": "truck"}, {"supercategory": "vehicle", "color": [0, 0, 192], "isthing": 1, "id": 9, "name": "boat"}, {"supercategory": "outdoor", "color": [250, 170, 30], "isthing": 1, "id": 10, "name": "traffic light"}, {"supercategory": "outdoor", "color": [100, 170, 30], "isthing": 1, "id": 11, "name": "fire hydrant"}, {"supercategory": "outdoor", "color": [220, 220, 0], "isthing": 1, "id": 13, "name": "stop sign"}, {"supercategory": "outdoor", "color": [175, 116, 175], "isthing": 1, "id": 14, "name": "parking meter"}, {"supercategory": "outdoor", "color": [250, 0, 30], "isthing": 1, "id": 15, "name": "bench"}, {"supercategory": "animal", "color": [165, 42, 42], "isthing": 1, "id": 16, "name": "bird"}, {"supercategory": "animal", "color": [255, 77, 255], "isthing": 1, "id": 17, "name": "cat"}, {"supercategory": "animal", "color": [0, 226, 252], "isthing": 1, "id": 18, "name": "dog"}, {"supercategory": "animal", "color": [182, 182, 255], "isthing": 1, "id": 19, "name": "horse"}, {"supercategory": "animal", "color": [0, 82, 0], "isthing": 1, "id": 20, "name": "sheep"}, {"supercategory": "animal", "color": [120, 166, 157], "isthing": 1, "id": 21, "name": "cow"}, {"supercategory": "animal", "color": [110, 76, 0], "isthing": 1, "id": 22, "name": "elephant"}, {"supercategory": "animal", "color": [174, 57, 255], "isthing": 1, "id": 23, "name": "bear"}, {"supercategory": "animal", "color": [199, 100, 0], "isthing": 1, "id": 24, "name": "zebra"}, {"supercategory": "animal", "color": [72, 0, 118], "isthing": 1, "id": 25, "name": "giraffe"}, {"supercategory": "accessory", "color": [255, 179, 240], "isthing": 1, "id": 27, "name": "backpack"}, {"supercategory": "accessory", "color": [0, 125, 92], "isthing": 1, "id": 28, "name": "umbrella"}, {"supercategory": "accessory", "color": [209, 0, 151], "isthing": 1, "id": 31, "name": "handbag"}, {"supercategory": "accessory", "color": [188, 208, 182], "isthing": 1, "id": 32, "name": "tie"}, {"supercategory": "accessory", "color": [0, 220, 176], "isthing": 1, "id": 33, "name": "suitcase"}, {"supercategory": "sports", "color": [255, 99, 164], "isthing": 1, "id": 34, "name": "frisbee"}, {"supercategory": "sports", "color": [92, 0, 73], "isthing": 1, "id": 35, "name": "skis"}, {"supercategory": "sports", "color": [133, 129, 255], "isthing": 1, "id": 36, "name": "snowboard"}, {"supercategory": "sports", "color": [78, 180, 255], "isthing": 1, "id": 37, "name": "sports ball"}, {"supercategory": "sports", "color": [0, 228, 0], "isthing": 1, "id": 38, "name": "kite"}, {"supercategory": "sports", "color": [174, 255, 243], "isthing": 1, "id": 39, "name": "baseball bat"}, {"supercategory": "sports", "color": [45, 89, 255], "isthing": 1, "id": 40, "name": "baseball glove"}, {"supercategory": "sports", "color": [134, 134, 103], "isthing": 1, "id": 41, "name": "skateboard"}, {"supercategory": "sports", "color": [145, 148, 174], "isthing": 1, "id": 42, "name": "surfboard"}, {"supercategory": "sports", "color": [255, 208, 186], "isthing": 1, "id": 43, "name": "tennis racket"}, {"supercategory": "kitchen", "color": [197, 226, 255], "isthing": 1, "id": 44, "name": "bottle"}, {"supercategory": "kitchen", "color": [171, 134, 1], "isthing": 1, "id": 46, "name": "wine glass"}, {"supercategory": "kitchen", "color": [109, 63, 54], "isthing": 1, "id": 47, "name": "cup"}, {"supercategory": "kitchen", "color": [207, 138, 255], "isthing": 1, "id": 48, "name": "fork"}, {"supercategory": "kitchen", "color": [151, 0, 95], "isthing": 1, "id": 49, "name": "knife"}, {"supercategory": "kitchen", "color": [9, 80, 61], "isthing": 1, "id": 50, "name": "spoon"}, {"supercategory": "kitchen", "color": [84, 105, 51], "isthing": 1, "id": 51, "name": "bowl"}, {"supercategory": "food", "color": [74, 65, 105], "isthing": 1, "id": 52, "name": "banana"}, {"supercategory": "food", "color": [166, 196, 102], "isthing": 1, "id": 53, "name": "apple"}, {"supercategory": "food", "color": [208, 195, 210], "isthing": 1, "id": 54, "name": "sandwich"}, {"supercategory": "food", "color": [255, 109, 65], "isthing": 1, "id": 55, "name": "orange"}, {"supercategory": "food", "color": [0, 143, 149], "isthing": 1, "id": 56, "name": "broccoli"}, {"supercategory": "food", "color": [179, 0, 194], "isthing": 1, "id": 57, "name": "carrot"}, {"supercategory": "food", "color": [209, 99, 106], "isthing": 1, "id": 58, "name": "hot dog"}, {"supercategory": "food", "color": [5, 121, 0], "isthing": 1, "id": 59, "name": "pizza"}, {"supercategory": "food", "color": [227, 255, 205], "isthing": 1, "id": 60, "name": "donut"}, {"supercategory": "food", "color": [147, 186, 208], "isthing": 1, "id": 61, "name": "cake"}, {"supercategory": "furniture", "color": [153, 69, 1], "isthing": 1, "id": 62, "name": "chair"}, {"supercategory": "furniture", "color": [3, 95, 161], "isthing": 1, "id": 63, "name": "couch"}, {"supercategory": "furniture", "color": [163, 255, 0], "isthing": 1, "id": 64, "name": "potted plant"}, {"supercategory": "furniture", "color": [119, 0, 170], "isthing": 1, "id": 65, "name": "bed"}, {"supercategory": "furniture", "color": [0, 182, 199], "isthing": 1, "id": 67, "name": "dining table"}, {"supercategory": "furniture", "color": [0, 165, 120], "isthing": 1, "id": 70, "name": "toilet"}, {"supercategory": "electronic", "color": [183, 130, 88], "isthing": 1, "id": 72, "name": "tv"}, {"supercategory": "electronic", "color": [95, 32, 0], "isthing": 1, "id": 73, "name": "laptop"}, {"supercategory": "electronic", "color": [130, 114, 135], "isthing": 1, "id": 74, "name": "mouse"}, {"supercategory": "electronic", "color": [110, 129, 133], "isthing": 1, "id": 75, "name": "remote"}, {"supercategory": "electronic", "color": [166, 74, 118], "isthing": 1, "id": 76, "name": "keyboard"}, {"supercategory": "electronic", "color": [219, 142, 185], "isthing": 1, "id": 77, "name": "cell phone"}, {"supercategory": "appliance", "color": [79, 210, 114], "isthing": 1, "id": 78, "name": "microwave"}, {"supercategory": "appliance", "color": [178, 90, 62], "isthing": 1, "id": 79, "name": "oven"}, {"supercategory": "appliance", "color": [65, 70, 15], "isthing": 1, "id": 80, "name": "toaster"}, {"supercategory": "appliance", "color": [127, 167, 115], "isthing": 1, "id": 81, "name": "sink"}, {"supercategory": "appliance", "color": [59, 105, 106], "isthing": 1, "id": 82, "name": "refrigerator"}, {"supercategory": "indoor", "color": [142, 108, 45], "isthing": 1, "id": 84, "name": "book"}, {"supercategory": "indoor", "color": [196, 172, 0], "isthing": 1, "id": 85, "name": "clock"}, {"supercategory": "indoor", "color": [95, 54, 80], "isthing": 1, "id": 86, "name": "vase"}, {"supercategory": "indoor", "color": [128, 76, 255], "isthing": 1, "id": 87, "name": "scissors"}, {"supercategory": "indoor", "color": [201, 57, 1], "isthing": 1, "id": 88, "name": "teddy bear"}, {"supercategory": "indoor", "color": [246, 0, 122], "isthing": 1, "id": 89, "name": "hair drier"}, {"supercategory": "indoor", "color": [191, 162, 208], "isthing": 1, "id": 90, "name": "toothbrush"}, {"supercategory": "textile", "color": [255, 255, 128], "isthing": 0, "id": 92, "name": "banner"}, {"supercategory": "textile", "color": [147, 211, 203], "isthing": 0, "id": 93, "name": "blanket"}, {"supercategory": "building", "color": [150, 100, 100], "isthing": 0, "id": 95, "name": "bridge"}, {"supercategory": "raw-material", "color": [168, 171, 172], "isthing": 0, "id": 100, "name": "cardboard"}, {"supercategory": "furniture-stuff", "color": [146, 112, 198], "isthing": 0, "id": 107, "name": "counter"}, {"supercategory": "textile", "color": [210, 170, 100], "isthing": 0, "id": 109, "name": "curtain"}, {"supercategory": "furniture-stuff", "color": [92, 136, 89], "isthing": 0, "id": 112, "name": "door-stuff"}, {"supercategory": "floor", "color": [218, 88, 184], "isthing": 0, "id": 118, "name": "floor-wood"}, {"supercategory": "plant", "color": [241, 129, 0], "isthing": 0, "id": 119, "name": "flower"}, {"supercategory": "food-stuff", "color": [217, 17, 255], "isthing": 0, "id": 122, "name": "fruit"}, {"supercategory": "ground", "color": [124, 74, 181], "isthing": 0, "id": 125, "name": "gravel"}, {"supercategory": "building", "color": [70, 70, 70], "isthing": 0, "id": 128, "name": "house"}, {"supercategory": "furniture-stuff", "color": [255, 228, 255], "isthing": 0, "id": 130, "name": "light"}, {"supercategory": "furniture-stuff", "color": [154, 208, 0], "isthing": 0, "id": 133, "name": "mirror-stuff"}, {"supercategory": "structural", "color": [193, 0, 92], "isthing": 0, "id": 138, "name": "net"}, {"supercategory": "textile", "color": [76, 91, 113], "isthing": 0, "id": 141, "name": "pillow"}, {"supercategory": "ground", "color": [255, 180, 195], "isthing": 0, "id": 144, "name": "platform"}, {"supercategory": "ground", "color": [106, 154, 176], "isthing": 0, "id": 145, "name": "playingfield"}, {"supercategory": "ground", "color": [230, 150, 140], "isthing": 0, "id": 147, "name": "railroad"}, {"supercategory": "water", "color": [60, 143, 255], "isthing": 0, "id": 148, "name": "river"}, {"supercategory": "ground", "color": [128, 64, 128], "isthing": 0, "id": 149, "name": "road"}, {"supercategory": "building", "color": [92, 82, 55], "isthing": 0, "id": 151, "name": "roof"}, {"supercategory": "ground", "color": [254, 212, 124], "isthing": 0, "id": 154, "name": "sand"}, {"supercategory": "water", "color": [73, 77, 174], "isthing": 0, "id": 155, "name": "sea"}, {"supercategory": "furniture-stuff", "color": [255, 160, 98], "isthing": 0, "id": 156, "name": "shelf"}, {"supercategory": "ground", "color": [255, 255, 255], "isthing": 0, "id": 159, "name": "snow"}, {"supercategory": "furniture-stuff", "color": [104, 84, 109], "isthing": 0, "id": 161, "name": "stairs"}, {"supercategory": "building", "color": [169, 164, 131], "isthing": 0, "id": 166, "name": "tent"}, {"supercategory": "textile", "color": [225, 199, 255], "isthing": 0, "id": 168, "name": "towel"}, {"supercategory": "wall", "color": [137, 54, 74], "isthing": 0, "id": 171, "name": "wall-brick"}, {"supercategory": "wall", "color": [135, 158, 223], "isthing": 0, "id": 175, "name": "wall-stone"}, {"supercategory": "wall", "color": [7, 246, 231], "isthing": 0, "id": 176, "name": "wall-tile"}, {"supercategory": "wall", "color": [107, 255, 200], "isthing": 0, "id": 177, "name": "wall-wood"}, {"supercategory": "water", "color": [58, 41, 149], "isthing": 0, "id": 178, "name": "water-other"}, {"supercategory": "window", "color": [183, 121, 142], "isthing": 0, "id": 180, "name": "window-blind"}, {"supercategory": "window", "color": [255, 73, 97], "isthing": 0, "id": 181, "name": "window-other"}, {"supercategory": "plant", "color": [107, 142, 35], "isthing": 0, "id": 184, "name": "tree-merged"}, {"supercategory": "structural", "color": [190, 153, 153], "isthing": 0, "id": 185, "name": "fence-merged"}, {"supercategory": "ceiling", "color": [146, 139, 141], "isthing": 0, "id": 186, "name": "ceiling-merged"}, {"supercategory": "sky", "color": [70, 130, 180], "isthing": 0, "id": 187, "name": "sky-other-merged"}, {"supercategory": "furniture-stuff", "color": [134, 199, 156], "isthing": 0, "id": 188, "name": "cabinet-merged"}, {"supercategory": "furniture-stuff", "color": [209, 226, 140], "isthing": 0, "id": 189, "name": "table-merged"}, {"supercategory": "floor", "color": [96, 36, 108], "isthing": 0, "id": 190, "name": "floor-other-merged"}, {"supercategory": "ground", "color": [96, 96, 96], "isthing": 0, "id": 191, "name": "pavement-merged"}, {"supercategory": "solid", "color": [64, 170, 64], "isthing": 0, "id": 192, "name": "mountain-merged"}, {"supercategory": "plant", "color": [152, 251, 152], "isthing": 0, "id": 193, "name": "grass-merged"}, {"supercategory": "ground", "color": [208, 229, 228], "isthing": 0, "id": 194, "name": "dirt-merged"}, {"supercategory": "raw-material", "color": [206, 186, 171], "isthing": 0, "id": 195, "name": "paper-merged"}, {"supercategory": "food-stuff", "color": [152, 161, 64], "isthing": 0, "id": 196, "name": "food-other-merged"}, {"supercategory": "building", "color": [116, 112, 0], "isthing": 0, "id": 197, "name": "building-other-merged"}, {"supercategory": "solid", "color": [0, 114, 143], "isthing": 0, "id": 198, "name": "rock-merged"}, {"supercategory": "wall", "color": [102, 102, 156], "isthing": 0, "id": 199, "name": "wall-other-merged"}, {"supercategory": "textile", "color": [250, 141, 255], "isthing": 0, "id": 200, "name": "rug-merged"}]} \ No newline at end of file +{ + "info": { + "description": "COCO 2018 Panoptic Dataset", + "url": "http://cocodataset.org", + "version": "1.0", + "year": 2018, + "contributor": "https://arxiv.org/abs/1801.00868", + "date_created": "2018-06-01 00:00:00.0" + }, + "licenses": [ + { + "url": "http://creativecommons.org/licenses/by-nc-sa/2.0/", + "id": 1, + "name": "Attribution-NonCommercial-ShareAlike License" + }, + { + "url": "http://creativecommons.org/licenses/by-nc/2.0/", + "id": 2, + "name": "Attribution-NonCommercial License" + }, + { + "url": "http://creativecommons.org/licenses/by-nc-nd/2.0/", + "id": 3, + "name": "Attribution-NonCommercial-NoDerivs License" + }, + { + "url": "http://creativecommons.org/licenses/by/2.0/", + "id": 4, + "name": "Attribution License" + }, + { + "url": "http://creativecommons.org/licenses/by-sa/2.0/", + "id": 5, + "name": "Attribution-ShareAlike License" + }, + { + "url": "http://creativecommons.org/licenses/by-nd/2.0/", + "id": 6, + "name": "Attribution-NoDerivs License" + }, + { + "url": "http://flickr.com/commons/usage/", + "id": 7, + "name": "No known copyright restrictions" + }, + { + "url": "http://www.usa.gov/copyright.shtml", + "id": 8, + "name": "United States Government Work" + } + ], + "images": [ + { + "license": 2, + "file_name": "000000142238.jpg", + "coco_url": "http://images.cocodataset.org/val2017/000000142238.jpg", + "height": 427, + "width": 640, + "date_captured": "2013-11-20 16:47:35", + "flickr_url": "http://farm5.staticflickr.com/4028/5079131149_dde584ed79_z.jpg", + "id": 142238 + }, + { + "license": 1, + "file_name": "000000439180.jpg", + "coco_url": "http://images.cocodataset.org/val2017/000000439180.jpg", + "height": 360, + "width": 640, + "date_captured": "2013-11-19 01:25:39", + "flickr_url": "http://farm3.staticflickr.com/2831/9275116980_1d9b986e3b_z.jpg", + "id": 439180 + } + ], + "annotations": [ + { + "segments_info": [ + { + "area": 3528, + "category_id": 1, + "iscrowd": 0, + "id": 3937500, + "bbox": [ + 282, + 207, + 48, + 149 + ] + }, + { + "area": 3751, + "category_id": 1, + "iscrowd": 0, + "id": 4260062, + "bbox": [ + 420, + 183, + 49, + 173 + ] + }, + { + "area": 2301, + "category_id": 1, + "iscrowd": 0, + "id": 2035955, + "bbox": [ + 271, + 118, + 53, + 141 + ] + }, + { + "area": 4076, + "category_id": 1, + "iscrowd": 0, + "id": 4325578, + "bbox": [ + 337, + 208, + 54, + 149 + ] + }, + { + "area": 2931, + "category_id": 1, + "iscrowd": 0, + "id": 2628072, + "bbox": [ + 47, + 221, + 36, + 138 + ] + }, + { + "area": 2969, + "category_id": 1, + "iscrowd": 0, + "id": 2822390, + "bbox": [ + 436, + 125, + 70, + 151 + ] + }, + { + "area": 3557, + "category_id": 1, + "iscrowd": 0, + "id": 5186532, + "bbox": [ + 241, + 183, + 45, + 171 + ] + }, + { + "area": 477, + "category_id": 1, + "iscrowd": 0, + "id": 4917453, + "bbox": [ + 618, + 248, + 22, + 68 + ] + }, + { + "area": 3968, + "category_id": 1, + "iscrowd": 0, + "id": 3476419, + "bbox": [ + 470, + 211, + 63, + 142 + ] + }, + { + "area": 153, + "category_id": 1, + "iscrowd": 0, + "id": 3997935, + "bbox": [ + 0, + 242, + 9, + 44 + ] + }, + { + "area": 3330, + "category_id": 1, + "iscrowd": 0, + "id": 2098642, + "bbox": [ + 153, + 217, + 58, + 140 + ] + }, + { + "area": 355, + "category_id": 1, + "iscrowd": 0, + "id": 5314498, + "bbox": [ + 586, + 229, + 13, + 39 + ] + }, + { + "area": 636, + "category_id": 1, + "iscrowd": 0, + "id": 4721614, + "bbox": [ + 270, + 124, + 26, + 61 + ] + }, + { + "area": 24295, + "category_id": 1, + "iscrowd": 1, + "id": 3153362, + "bbox": [ + 75, + 111, + 517, + 262 + ] + }, + { + "area": 175, + "category_id": 37, + "iscrowd": 0, + "id": 16757838, + "bbox": [ + 360, + 116, + 16, + 17 + ] + }, + { + "area": 130762, + "category_id": 184, + "iscrowd": 0, + "id": 2330219, + "bbox": [ + 0, + 0, + 640, + 263 + ] + }, + { + "area": 8204, + "category_id": 187, + "iscrowd": 0, + "id": 11829830, + "bbox": [ + 440, + 0, + 200, + 103 + ] + }, + { + "area": 75100, + "category_id": 193, + "iscrowd": 0, + "id": 10025880, + "bbox": [ + 0, + 241, + 640, + 186 + ] + } + ], + "file_name": "000000142238.png", + "image_id": 142238 + }, + { + "segments_info": [ + { + "area": 3512, + "category_id": 1, + "iscrowd": 0, + "id": 3937500, + "bbox": [ + 200, + 160, + 53, + 140 + ] + }, + { + "area": 797, + "category_id": 1, + "iscrowd": 0, + "id": 2823390, + "bbox": [ + 520, + 160, + 43, + 77 + ] + }, + { + "area": 538, + "category_id": 1, + "iscrowd": 0, + "id": 5768384, + "bbox": [ + 0, + 205, + 13, + 63 + ] + }, + { + "area": 2282, + "category_id": 1, + "iscrowd": 0, + "id": 2626802, + "bbox": [ + 339, + 151, + 52, + 70 + ] + }, + { + "area": 1005, + "category_id": 1, + "iscrowd": 0, + "id": 3870421, + "bbox": [ + 164, + 160, + 36, + 44 + ] + }, + { + "area": 2493, + "category_id": 1, + "iscrowd": 0, + "id": 5119213, + "bbox": [ + 270, + 153, + 71, + 113 + ] + }, + { + "area": 1250, + "category_id": 1, + "iscrowd": 0, + "id": 3604684, + "bbox": [ + 577, + 141, + 38, + 79 + ] + }, + { + "area": 2955, + "category_id": 1, + "iscrowd": 0, + "id": 4070338, + "bbox": [ + 388, + 147, + 84, + 124 + ] + }, + { + "area": 496, + "category_id": 1, + "iscrowd": 0, + "id": 5777861, + "bbox": [ + 255, + 172, + 24, + 48 + ] + }, + { + "area": 1521, + "category_id": 1, + "iscrowd": 0, + "id": 3608258, + "bbox": [ + 470, + 150, + 48, + 92 + ] + }, + { + "area": 2202, + "category_id": 1, + "iscrowd": 0, + "id": 4725734, + "bbox": [ + 87, + 163, + 71, + 116 + ] + }, + { + "area": 1222, + "category_id": 1, + "iscrowd": 0, + "id": 4858845, + "bbox": [ + 233, + 173, + 35, + 90 + ] + }, + { + "area": 672, + "category_id": 1, + "iscrowd": 0, + "id": 4596217, + "bbox": [ + 16, + 205, + 19, + 63 + ] + }, + { + "area": 7839, + "category_id": 1, + "iscrowd": 1, + "id": 5120499, + "bbox": [ + 272, + 142, + 368, + 178 + ] + }, + { + "area": 1680, + "category_id": 8, + "iscrowd": 0, + "id": 4587520, + "bbox": [ + 187, + 145, + 86, + 49 + ] + }, + { + "area": 5791, + "category_id": 8, + "iscrowd": 0, + "id": 6094848, + "bbox": [ + 36, + 159, + 143, + 77 + ] + }, + { + "area": 4363, + "category_id": 19, + "iscrowd": 0, + "id": 16758454, + "bbox": [ + 175, + 203, + 57, + 152 + ] + }, + { + "area": 573, + "category_id": 19, + "iscrowd": 0, + "id": 16762012, + "bbox": [ + 555, + 182, + 22, + 54 + ] + }, + { + "area": 96, + "category_id": 19, + "iscrowd": 0, + "id": 15714220, + "bbox": [ + 264, + 206, + 11, + 21 + ] + }, + { + "area": 2505, + "category_id": 19, + "iscrowd": 0, + "id": 16752587, + "bbox": [ + 156, + 192, + 33, + 146 + ] + }, + { + "area": 4160, + "category_id": 19, + "iscrowd": 0, + "id": 16306338, + "bbox": [ + 273, + 184, + 52, + 164 + ] + }, + { + "area": 1904, + "category_id": 19, + "iscrowd": 0, + "id": 16756904, + "bbox": [ + 513, + 194, + 40, + 84 + ] + }, + { + "area": 2742, + "category_id": 19, + "iscrowd": 0, + "id": 16762031, + "bbox": [ + 462, + 187, + 45, + 103 + ] + }, + { + "area": 5333, + "category_id": 19, + "iscrowd": 0, + "id": 15444403, + "bbox": [ + 398, + 181, + 64, + 157 + ] + }, + { + "area": 3612, + "category_id": 19, + "iscrowd": 0, + "id": 14995098, + "bbox": [ + 339, + 213, + 42, + 124 + ] + }, + { + "area": 4508, + "category_id": 19, + "iscrowd": 0, + "id": 16761532, + "bbox": [ + 92, + 204, + 54, + 144 + ] + }, + { + "area": 1511, + "category_id": 19, + "iscrowd": 0, + "id": 16762578, + "bbox": [ + 578, + 179, + 30, + 95 + ] + }, + { + "area": 421, + "category_id": 19, + "iscrowd": 1, + "id": 16175517, + "bbox": [ + 605, + 184, + 16, + 37 + ] + }, + { + "area": 11074, + "category_id": 125, + "iscrowd": 0, + "id": 11881084, + "bbox": [ + 58, + 192, + 345, + 168 + ] + }, + { + "area": 91045, + "category_id": 184, + "iscrowd": 0, + "id": 2330219, + "bbox": [ + 0, + 0, + 640, + 243 + ] + }, + { + "area": 12912, + "category_id": 187, + "iscrowd": 0, + "id": 11829830, + "bbox": [ + 121, + 0, + 519, + 79 + ] + }, + { + "area": 40197, + "category_id": 193, + "iscrowd": 0, + "id": 10025880, + "bbox": [ + 0, + 219, + 640, + 141 + ] + } + ], + "file_name": "000000439180.png", + "image_id": 439180 + } + ], + "categories": [ + { + "supercategory": "person", + "color": [ + 220, + 20, + 60 + ], + "isthing": 1, + "id": 1, + "name": "person" + }, + { + "supercategory": "vehicle", + "color": [ + 119, + 11, + 32 + ], + "isthing": 1, + "id": 2, + "name": "bicycle" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 142 + ], + "isthing": 1, + "id": 3, + "name": "car" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 230 + ], + "isthing": 1, + "id": 4, + "name": "motorcycle" + }, + { + "supercategory": "vehicle", + "color": [ + 106, + 0, + 228 + ], + "isthing": 1, + "id": 5, + "name": "airplane" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 60, + 100 + ], + "isthing": 1, + "id": 6, + "name": "bus" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 80, + 100 + ], + "isthing": 1, + "id": 7, + "name": "train" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 70 + ], + "isthing": 1, + "id": 8, + "name": "truck" + }, + { + "supercategory": "vehicle", + "color": [ + 0, + 0, + 192 + ], + "isthing": 1, + "id": 9, + "name": "boat" + }, + { + "supercategory": "outdoor", + "color": [ + 250, + 170, + 30 + ], + "isthing": 1, + "id": 10, + "name": "traffic light" + }, + { + "supercategory": "outdoor", + "color": [ + 100, + 170, + 30 + ], + "isthing": 1, + "id": 11, + "name": "fire hydrant" + }, + { + "supercategory": "outdoor", + "color": [ + 220, + 220, + 0 + ], + "isthing": 1, + "id": 13, + "name": "stop sign" + }, + { + "supercategory": "outdoor", + "color": [ + 175, + 116, + 175 + ], + "isthing": 1, + "id": 14, + "name": "parking meter" + }, + { + "supercategory": "outdoor", + "color": [ + 250, + 0, + 30 + ], + "isthing": 1, + "id": 15, + "name": "bench" + }, + { + "supercategory": "animal", + "color": [ + 165, + 42, + 42 + ], + "isthing": 1, + "id": 16, + "name": "bird" + }, + { + "supercategory": "animal", + "color": [ + 255, + 77, + 255 + ], + "isthing": 1, + "id": 17, + "name": "cat" + }, + { + "supercategory": "animal", + "color": [ + 0, + 226, + 252 + ], + "isthing": 1, + "id": 18, + "name": "dog" + }, + { + "supercategory": "animal", + "color": [ + 182, + 182, + 255 + ], + "isthing": 1, + "id": 19, + "name": "horse" + }, + { + "supercategory": "animal", + "color": [ + 0, + 82, + 0 + ], + "isthing": 1, + "id": 20, + "name": "sheep" + }, + { + "supercategory": "animal", + "color": [ + 120, + 166, + 157 + ], + "isthing": 1, + "id": 21, + "name": "cow" + }, + { + "supercategory": "animal", + "color": [ + 110, + 76, + 0 + ], + "isthing": 1, + "id": 22, + "name": "elephant" + }, + { + "supercategory": "animal", + "color": [ + 174, + 57, + 255 + ], + "isthing": 1, + "id": 23, + "name": "bear" + }, + { + "supercategory": "animal", + "color": [ + 199, + 100, + 0 + ], + "isthing": 1, + "id": 24, + "name": "zebra" + }, + { + "supercategory": "animal", + "color": [ + 72, + 0, + 118 + ], + "isthing": 1, + "id": 25, + "name": "giraffe" + }, + { + "supercategory": "accessory", + "color": [ + 255, + 179, + 240 + ], + "isthing": 1, + "id": 27, + "name": "backpack" + }, + { + "supercategory": "accessory", + "color": [ + 0, + 125, + 92 + ], + "isthing": 1, + "id": 28, + "name": "umbrella" + }, + { + "supercategory": "accessory", + "color": [ + 209, + 0, + 151 + ], + "isthing": 1, + "id": 31, + "name": "handbag" + }, + { + "supercategory": "accessory", + "color": [ + 188, + 208, + 182 + ], + "isthing": 1, + "id": 32, + "name": "tie" + }, + { + "supercategory": "accessory", + "color": [ + 0, + 220, + 176 + ], + "isthing": 1, + "id": 33, + "name": "suitcase" + }, + { + "supercategory": "sports", + "color": [ + 255, + 99, + 164 + ], + "isthing": 1, + "id": 34, + "name": "frisbee" + }, + { + "supercategory": "sports", + "color": [ + 92, + 0, + 73 + ], + "isthing": 1, + "id": 35, + "name": "skis" + }, + { + "supercategory": "sports", + "color": [ + 133, + 129, + 255 + ], + "isthing": 1, + "id": 36, + "name": "snowboard" + }, + { + "supercategory": "sports", + "color": [ + 78, + 180, + 255 + ], + "isthing": 1, + "id": 37, + "name": "sports ball" + }, + { + "supercategory": "sports", + "color": [ + 0, + 228, + 0 + ], + "isthing": 1, + "id": 38, + "name": "kite" + }, + { + "supercategory": "sports", + "color": [ + 174, + 255, + 243 + ], + "isthing": 1, + "id": 39, + "name": "baseball bat" + }, + { + "supercategory": "sports", + "color": [ + 45, + 89, + 255 + ], + "isthing": 1, + "id": 40, + "name": "baseball glove" + }, + { + "supercategory": "sports", + "color": [ + 134, + 134, + 103 + ], + "isthing": 1, + "id": 41, + "name": "skateboard" + }, + { + "supercategory": "sports", + "color": [ + 145, + 148, + 174 + ], + "isthing": 1, + "id": 42, + "name": "surfboard" + }, + { + "supercategory": "sports", + "color": [ + 255, + 208, + 186 + ], + "isthing": 1, + "id": 43, + "name": "tennis racket" + }, + { + "supercategory": "kitchen", + "color": [ + 197, + 226, + 255 + ], + "isthing": 1, + "id": 44, + "name": "bottle" + }, + { + "supercategory": "kitchen", + "color": [ + 171, + 134, + 1 + ], + "isthing": 1, + "id": 46, + "name": "wine glass" + }, + { + "supercategory": "kitchen", + "color": [ + 109, + 63, + 54 + ], + "isthing": 1, + "id": 47, + "name": "cup" + }, + { + "supercategory": "kitchen", + "color": [ + 207, + 138, + 255 + ], + "isthing": 1, + "id": 48, + "name": "fork" + }, + { + "supercategory": "kitchen", + "color": [ + 151, + 0, + 95 + ], + "isthing": 1, + "id": 49, + "name": "knife" + }, + { + "supercategory": "kitchen", + "color": [ + 9, + 80, + 61 + ], + "isthing": 1, + "id": 50, + "name": "spoon" + }, + { + "supercategory": "kitchen", + "color": [ + 84, + 105, + 51 + ], + "isthing": 1, + "id": 51, + "name": "bowl" + }, + { + "supercategory": "food", + "color": [ + 74, + 65, + 105 + ], + "isthing": 1, + "id": 52, + "name": "banana" + }, + { + "supercategory": "food", + "color": [ + 166, + 196, + 102 + ], + "isthing": 1, + "id": 53, + "name": "apple" + }, + { + "supercategory": "food", + "color": [ + 208, + 195, + 210 + ], + "isthing": 1, + "id": 54, + "name": "sandwich" + }, + { + "supercategory": "food", + "color": [ + 255, + 109, + 65 + ], + "isthing": 1, + "id": 55, + "name": "orange" + }, + { + "supercategory": "food", + "color": [ + 0, + 143, + 149 + ], + "isthing": 1, + "id": 56, + "name": "broccoli" + }, + { + "supercategory": "food", + "color": [ + 179, + 0, + 194 + ], + "isthing": 1, + "id": 57, + "name": "carrot" + }, + { + "supercategory": "food", + "color": [ + 209, + 99, + 106 + ], + "isthing": 1, + "id": 58, + "name": "hot dog" + }, + { + "supercategory": "food", + "color": [ + 5, + 121, + 0 + ], + "isthing": 1, + "id": 59, + "name": "pizza" + }, + { + "supercategory": "food", + "color": [ + 227, + 255, + 205 + ], + "isthing": 1, + "id": 60, + "name": "donut" + }, + { + "supercategory": "food", + "color": [ + 147, + 186, + 208 + ], + "isthing": 1, + "id": 61, + "name": "cake" + }, + { + "supercategory": "furniture", + "color": [ + 153, + 69, + 1 + ], + "isthing": 1, + "id": 62, + "name": "chair" + }, + { + "supercategory": "furniture", + "color": [ + 3, + 95, + 161 + ], + "isthing": 1, + "id": 63, + "name": "couch" + }, + { + "supercategory": "furniture", + "color": [ + 163, + 255, + 0 + ], + "isthing": 1, + "id": 64, + "name": "potted plant" + }, + { + "supercategory": "furniture", + "color": [ + 119, + 0, + 170 + ], + "isthing": 1, + "id": 65, + "name": "bed" + }, + { + "supercategory": "furniture", + "color": [ + 0, + 182, + 199 + ], + "isthing": 1, + "id": 67, + "name": "dining table" + }, + { + "supercategory": "furniture", + "color": [ + 0, + 165, + 120 + ], + "isthing": 1, + "id": 70, + "name": "toilet" + }, + { + "supercategory": "electronic", + "color": [ + 183, + 130, + 88 + ], + "isthing": 1, + "id": 72, + "name": "tv" + }, + { + "supercategory": "electronic", + "color": [ + 95, + 32, + 0 + ], + "isthing": 1, + "id": 73, + "name": "laptop" + }, + { + "supercategory": "electronic", + "color": [ + 130, + 114, + 135 + ], + "isthing": 1, + "id": 74, + "name": "mouse" + }, + { + "supercategory": "electronic", + "color": [ + 110, + 129, + 133 + ], + "isthing": 1, + "id": 75, + "name": "remote" + }, + { + "supercategory": "electronic", + "color": [ + 166, + 74, + 118 + ], + "isthing": 1, + "id": 76, + "name": "keyboard" + }, + { + "supercategory": "electronic", + "color": [ + 219, + 142, + 185 + ], + "isthing": 1, + "id": 77, + "name": "cell phone" + }, + { + "supercategory": "appliance", + "color": [ + 79, + 210, + 114 + ], + "isthing": 1, + "id": 78, + "name": "microwave" + }, + { + "supercategory": "appliance", + "color": [ + 178, + 90, + 62 + ], + "isthing": 1, + "id": 79, + "name": "oven" + }, + { + "supercategory": "appliance", + "color": [ + 65, + 70, + 15 + ], + "isthing": 1, + "id": 80, + "name": "toaster" + }, + { + "supercategory": "appliance", + "color": [ + 127, + 167, + 115 + ], + "isthing": 1, + "id": 81, + "name": "sink" + }, + { + "supercategory": "appliance", + "color": [ + 59, + 105, + 106 + ], + "isthing": 1, + "id": 82, + "name": "refrigerator" + }, + { + "supercategory": "indoor", + "color": [ + 142, + 108, + 45 + ], + "isthing": 1, + "id": 84, + "name": "book" + }, + { + "supercategory": "indoor", + "color": [ + 196, + 172, + 0 + ], + "isthing": 1, + "id": 85, + "name": "clock" + }, + { + "supercategory": "indoor", + "color": [ + 95, + 54, + 80 + ], + "isthing": 1, + "id": 86, + "name": "vase" + }, + { + "supercategory": "indoor", + "color": [ + 128, + 76, + 255 + ], + "isthing": 1, + "id": 87, + "name": "scissors" + }, + { + "supercategory": "indoor", + "color": [ + 201, + 57, + 1 + ], + "isthing": 1, + "id": 88, + "name": "teddy bear" + }, + { + "supercategory": "indoor", + "color": [ + 246, + 0, + 122 + ], + "isthing": 1, + "id": 89, + "name": "hair drier" + }, + { + "supercategory": "indoor", + "color": [ + 191, + 162, + 208 + ], + "isthing": 1, + "id": 90, + "name": "toothbrush" + }, + { + "supercategory": "textile", + "color": [ + 255, + 255, + 128 + ], + "isthing": 0, + "id": 92, + "name": "banner" + }, + { + "supercategory": "textile", + "color": [ + 147, + 211, + 203 + ], + "isthing": 0, + "id": 93, + "name": "blanket" + }, + { + "supercategory": "building", + "color": [ + 150, + 100, + 100 + ], + "isthing": 0, + "id": 95, + "name": "bridge" + }, + { + "supercategory": "raw-material", + "color": [ + 168, + 171, + 172 + ], + "isthing": 0, + "id": 100, + "name": "cardboard" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 146, + 112, + 198 + ], + "isthing": 0, + "id": 107, + "name": "counter" + }, + { + "supercategory": "textile", + "color": [ + 210, + 170, + 100 + ], + "isthing": 0, + "id": 109, + "name": "curtain" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 92, + 136, + 89 + ], + "isthing": 0, + "id": 112, + "name": "door-stuff" + }, + { + "supercategory": "floor", + "color": [ + 218, + 88, + 184 + ], + "isthing": 0, + "id": 118, + "name": "floor-wood" + }, + { + "supercategory": "plant", + "color": [ + 241, + 129, + 0 + ], + "isthing": 0, + "id": 119, + "name": "flower" + }, + { + "supercategory": "food-stuff", + "color": [ + 217, + 17, + 255 + ], + "isthing": 0, + "id": 122, + "name": "fruit" + }, + { + "supercategory": "ground", + "color": [ + 124, + 74, + 181 + ], + "isthing": 0, + "id": 125, + "name": "gravel" + }, + { + "supercategory": "building", + "color": [ + 70, + 70, + 70 + ], + "isthing": 0, + "id": 128, + "name": "house" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 255, + 228, + 255 + ], + "isthing": 0, + "id": 130, + "name": "light" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 154, + 208, + 0 + ], + "isthing": 0, + "id": 133, + "name": "mirror-stuff" + }, + { + "supercategory": "structural", + "color": [ + 193, + 0, + 92 + ], + "isthing": 0, + "id": 138, + "name": "net" + }, + { + "supercategory": "textile", + "color": [ + 76, + 91, + 113 + ], + "isthing": 0, + "id": 141, + "name": "pillow" + }, + { + "supercategory": "ground", + "color": [ + 255, + 180, + 195 + ], + "isthing": 0, + "id": 144, + "name": "platform" + }, + { + "supercategory": "ground", + "color": [ + 106, + 154, + 176 + ], + "isthing": 0, + "id": 145, + "name": "playingfield" + }, + { + "supercategory": "ground", + "color": [ + 230, + 150, + 140 + ], + "isthing": 0, + "id": 147, + "name": "railroad" + }, + { + "supercategory": "water", + "color": [ + 60, + 143, + 255 + ], + "isthing": 0, + "id": 148, + "name": "river" + }, + { + "supercategory": "ground", + "color": [ + 128, + 64, + 128 + ], + "isthing": 0, + "id": 149, + "name": "road" + }, + { + "supercategory": "building", + "color": [ + 92, + 82, + 55 + ], + "isthing": 0, + "id": 151, + "name": "roof" + }, + { + "supercategory": "ground", + "color": [ + 254, + 212, + 124 + ], + "isthing": 0, + "id": 154, + "name": "sand" + }, + { + "supercategory": "water", + "color": [ + 73, + 77, + 174 + ], + "isthing": 0, + "id": 155, + "name": "sea" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 255, + 160, + 98 + ], + "isthing": 0, + "id": 156, + "name": "shelf" + }, + { + "supercategory": "ground", + "color": [ + 255, + 255, + 255 + ], + "isthing": 0, + "id": 159, + "name": "snow" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 104, + 84, + 109 + ], + "isthing": 0, + "id": 161, + "name": "stairs" + }, + { + "supercategory": "building", + "color": [ + 169, + 164, + 131 + ], + "isthing": 0, + "id": 166, + "name": "tent" + }, + { + "supercategory": "textile", + "color": [ + 225, + 199, + 255 + ], + "isthing": 0, + "id": 168, + "name": "towel" + }, + { + "supercategory": "wall", + "color": [ + 137, + 54, + 74 + ], + "isthing": 0, + "id": 171, + "name": "wall-brick" + }, + { + "supercategory": "wall", + "color": [ + 135, + 158, + 223 + ], + "isthing": 0, + "id": 175, + "name": "wall-stone" + }, + { + "supercategory": "wall", + "color": [ + 7, + 246, + 231 + ], + "isthing": 0, + "id": 176, + "name": "wall-tile" + }, + { + "supercategory": "wall", + "color": [ + 107, + 255, + 200 + ], + "isthing": 0, + "id": 177, + "name": "wall-wood" + }, + { + "supercategory": "water", + "color": [ + 58, + 41, + 149 + ], + "isthing": 0, + "id": 178, + "name": "water-other" + }, + { + "supercategory": "window", + "color": [ + 183, + 121, + 142 + ], + "isthing": 0, + "id": 180, + "name": "window-blind" + }, + { + "supercategory": "window", + "color": [ + 255, + 73, + 97 + ], + "isthing": 0, + "id": 181, + "name": "window-other" + }, + { + "supercategory": "plant", + "color": [ + 107, + 142, + 35 + ], + "isthing": 0, + "id": 184, + "name": "tree-merged" + }, + { + "supercategory": "structural", + "color": [ + 190, + 153, + 153 + ], + "isthing": 0, + "id": 185, + "name": "fence-merged" + }, + { + "supercategory": "ceiling", + "color": [ + 146, + 139, + 141 + ], + "isthing": 0, + "id": 186, + "name": "ceiling-merged" + }, + { + "supercategory": "sky", + "color": [ + 70, + 130, + 180 + ], + "isthing": 0, + "id": 187, + "name": "sky-other-merged" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 134, + 199, + 156 + ], + "isthing": 0, + "id": 188, + "name": "cabinet-merged" + }, + { + "supercategory": "furniture-stuff", + "color": [ + 209, + 226, + 140 + ], + "isthing": 0, + "id": 189, + "name": "table-merged" + }, + { + "supercategory": "floor", + "color": [ + 96, + 36, + 108 + ], + "isthing": 0, + "id": 190, + "name": "floor-other-merged" + }, + { + "supercategory": "ground", + "color": [ + 96, + 96, + 96 + ], + "isthing": 0, + "id": 191, + "name": "pavement-merged" + }, + { + "supercategory": "solid", + "color": [ + 64, + 170, + 64 + ], + "isthing": 0, + "id": 192, + "name": "mountain-merged" + }, + { + "supercategory": "plant", + "color": [ + 152, + 251, + 152 + ], + "isthing": 0, + "id": 193, + "name": "grass-merged" + }, + { + "supercategory": "ground", + "color": [ + 208, + 229, + 228 + ], + "isthing": 0, + "id": 194, + "name": "dirt-merged" + }, + { + "supercategory": "raw-material", + "color": [ + 206, + 186, + 171 + ], + "isthing": 0, + "id": 195, + "name": "paper-merged" + }, + { + "supercategory": "food-stuff", + "color": [ + 152, + 161, + 64 + ], + "isthing": 0, + "id": 196, + "name": "food-other-merged" + }, + { + "supercategory": "building", + "color": [ + 116, + 112, + 0 + ], + "isthing": 0, + "id": 197, + "name": "building-other-merged" + }, + { + "supercategory": "solid", + "color": [ + 0, + 114, + 143 + ], + "isthing": 0, + "id": 198, + "name": "rock-merged" + }, + { + "supercategory": "wall", + "color": [ + 102, + 102, + 156 + ], + "isthing": 0, + "id": 199, + "name": "wall-other-merged" + }, + { + "supercategory": "textile", + "color": [ + 250, + 141, + 255 + ], + "isthing": 0, + "id": 200, + "name": "rug-merged" + } + ] +} \ No newline at end of file diff --git a/setup.py b/setup.py index 9881f00..f539602 100644 --- a/setup.py +++ b/setup.py @@ -1,15 +1,33 @@ -#-*- coding: utf-8 -*- +# -*- coding: utf-8 -*- +import os +from pathlib import Path +from setuptools import setup -from setuptools import setup, Extension +def read(file_name): + with open(os.path.join(Path(os.path.dirname(__file__)), file_name))\ + as _file: + return _file.read() + + +long_description = read('README.md') setup( name='panopticapi', packages=['panopticapi'], - package_dir = {'panopticapi': 'panopticapi'}, + package_dir={'panopticapi': 'panopticapi'}, install_requires=[ + 'scikit_image', 'numpy', + 'matplotlib', + 'cityscapesscripts', 'Pillow', + 'pycocotools', + 'skimage' ], + long_description=long_description, + long_description_content_type='text/markdown', version='0.1', + url='https://github.com/cocodataset/panopticapi', + download_url='https://github.com/cocodataset/panopticapi', ) diff --git a/visualization.py b/visualization.py index 863f8d8..d79d45c 100644 --- a/visualization.py +++ b/visualization.py @@ -10,7 +10,7 @@ from __future__ import division from __future__ import print_function from __future__ import unicode_literals -import os, sys +import os import numpy as np import json