From 71ba711607ab299c765e87c4057c29914635de80 Mon Sep 17 00:00:00 2001 From: Romain Guesdon <r.guesdon@hotmail.fr> Date: Wed, 13 Oct 2021 10:58:09 +0200 Subject: [PATCH] Initial commit --- .gitignore | 3 + README.md | 90 +- eval_mapk.py | 242 + json/gts/autob_coco_test.json | 1 + .../keypoints_autob_coco_test_results.json | 87254 ++++++++++++++++ requirements.txt | 2 + 6 files changed, 87590 insertions(+), 2 deletions(-) create mode 100644 .gitignore create mode 100644 eval_mapk.py create mode 100644 json/gts/autob_coco_test.json create mode 100644 json/preds/keypoints_autob_coco_test_results.json create mode 100644 requirements.txt diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..79a5411 --- /dev/null +++ b/.gitignore @@ -0,0 +1,3 @@ +__pycache__ +.idea +venv \ No newline at end of file diff --git a/README.md b/README.md index a23e69f..cbc28b4 100644 --- a/README.md +++ b/README.md @@ -1,4 +1,90 @@ -# DriPE dataset +<h1 style="text-align:center"> +DriPE: A Dataset for Human Pose Estimation in Real-World Driving Settings +</h1> +<div style="text-align:center"> +<h3> +<a href="https://liris.cnrs.fr/page-membre/romain-guesdon">Romain Guesdon</a>, +<a href="https://liris.cnrs.fr/page-membre/carlos-crispim-junior">Carlos Crispim-Junior</a>, +<a href="https://liris.cnrs.fr/page-membre/laure-tougne">Laure Tougne</a> +<br> +<br> +ICCV: International Conference on Computer Vision 2021 +<br> +Workshop AVVision : Autonomous Vehicle Vision +</h3> +</div> -This webpage will be updated soon with more information on how to download the DriPE dataset. +# Table of content +- [Overview](#overview) +- [Dataset](#dataset) +- [Evaluation](#evaluation) +- [Training](#training) +- [Citation](#citation) +- [Acknowledgements](#acknowledgements) +# Overview +This repository contains link to download the DriPE dataset, +along with trained weights for the three networks presented in this paper: +SBl, MSPN and RSN. +Furthermore, we provide the code to evaluate HPE networks with mAPK metric, our keypoint-centered metric. + +# Dataset +DriPE dataset can be found [here](). We provide the 10k images, +along with keypoint annotations, split as: +* 6.4k for training +* 1.3k for validation +* 1.3k for testing + +Annotations follow the COCO annotation style, with 17 keypoints. +More information can be found [here](https://cocodataset.org/#format-data). + + +# Networks +We used in our study three architectures: +* __SBl__: Simple Baselines for Human Pose Estimation and Tracking (Xiao 2018) [GitHub](https://github.com/microsoft/human-pose-estimation.pytorch) +* __MSPN__: Rethinking on Multi-Stage Networks for Human Pose Estimation (Li 2019) [GitHub](https://github.com/megvii-detection/MSPN) +* __RSN__: Learning Delicate Local Representations for Multi-Person Pose Estimation (Cai 2020) [GitHub](https://github.com/caiyuanhao1998/RSN) + +We used for training and for inference the code provided by the authors in the three linked repositories. +Weights of the trained model evaluated in our study can be found [here](). +More details about the training can be found in our paper. + +# Evaluation +Evaluation is performed using two metrics: +* __AP OKS__, the original metric from COCO dataset, which is already implemented in the [cocoapi](https://github.com/cocodataset/cocoapi) +and in the three network repositories +* __mAPK__, our new keypoint-centered metric. We provide script for evaluate the network predictions in this repository. + +Evaluation with mAPK can be used by running the eval_mpk.py script. +```Script to evaluate prediction in COCO format using the mAPK metric. +Usage: python eval_mapk.py [json_prediction_path] [json_annotation_path] +Paths can be absolute, relative to the script or relative to the respective json/gts or json/preds directory. + -h, --help\tdisplay this help message and exit +``` + +We provide in this repo one annotation file and one prediction. To evaluate these predictions, run: +``` +python eval_mapk.py keypoints_autob_coco_test_results.json autob_coco_test.json +``` + +Expected results are : + F1 score: 0.9278493428365919 + | Head | Should. | Elbow | Wrist | Hip | Knee | Ankle | All | Mean | Std +:-- | :------: | :---------: | :-------: | :-------: | :-----: | :------: | :-------: | :-----: | :------: | :-----: +AP | 0.84 | 0.90 | 0.94 | 0.96 0.98 | 0.95 | 0.68 | 0.91 | 0.90 | 0.10 +AR | 0.87 | 0.96 | 0.96 | 0.97 0.98 | 0.95 | 0.80 | 0.94 | 0.93 | 0.06 + +# Citation +If you use this dataset or code in your research, please cite the paper: +``` +@InProceedings{Guesdon_2021_ICCV, + author = {Guesdon, Romain and Crispim-Junior, Carlos and Tougne, Laure}, + title = {DriPE: A Dataset for Human Pose Estimation in Real-World Driving Settings}, + booktitle = {Proceedings of the IEEE/CVF International Conference on Computer Vision (ICCV) Workshops}, + month = {October}, + year = {2021}, + pages = {2865-2874} +} +``` + +# Acknowledgments \ No newline at end of file diff --git a/eval_mapk.py b/eval_mapk.py new file mode 100644 index 0000000..0ba0b31 --- /dev/null +++ b/eval_mapk.py @@ -0,0 +1,242 @@ +import os.path +import sys +from pycocotools.coco import COCO +from pycocotools.cocoeval import COCOeval +import numpy as np +from statistics import stdev +from collections import OrderedDict +from tabulate import tabulate + +COCO_KP = { + 'keypoints': ['nose', 'left_eye', 'right_eye', 'left_ear', 'right_ear', 'left_shoulder', 'right_shoulder', + 'left_elbow', 'right_elbow', 'left_wrist', 'right_wrist', 'left_hip', 'right_hip', 'left_knee', + 'right_knee', 'left_ankle', 'right_ankle'], + 'skeleton': [[16, 14], [14, 12], [17, 15], [15, 13], [12, 13], [6, 12], [7, 13], [6, 7], [6, 8], [7, 9], [8, 10], + [9, 11], [2, 3], [1, 2], [1, 3], [2, 4], [3, 5], [4, 6], [5, 7]], + 'parts': OrderedDict( + [('Head', [0, 1, 2, 3, 4]), ('Should.', [5, 6]), ('Elbow', [7, 8]), ('Wrist', [9, 10]), ('Hip', [11, 12]), + ('Knee', [13, 14]), ('Ankle', [15, 16]), ('All', list(range(17)))]), +} + + +def get_coco_eval(gts_name, dts_name, one_range=True): + coco_gt = COCO(gts_name) + coco_dt = coco_gt.loadRes(dts_name) + + imgIds = sorted(coco_gt.getImgIds()) + # running evaluation + cocoEval = COCOeval(coco_gt, coco_dt, 'keypoints') + cocoEval.params.imgIds = imgIds + if one_range: + cocoEval.params.areaRng = [cocoEval.params.areaRng[0]] + cocoEval.params.areaRngLbl = [cocoEval.params.areaRngLbl[0]] + cocoEval.evaluate() + + return cocoEval + + +def comp_mets(coco, site_thold=0.25, dist_thold=1 / 8, fix_scale=False, weights=None): + N_KP = 17 + coco.params.iouThrs = np.array([0.]) + coco.evaluate() + eval_imgs = coco.evalImgs + + tp = [0 for _ in range(N_KP)] + fp = [0 for _ in range(N_KP)] + fn = [0 for _ in range(N_KP)] + d2s = [[] for _ in range(N_KP)] + + ref_p = [0 for _ in range(N_KP)] + tp_conf = [] + fp_conf = [] + + d2_arms = [] + arm = (12, 6) + + sigmas = np.array( + [.26, .25, .25, .35, .35, .79, .79, .72, .72, .62, .62, 1.07, 1.07, .87, .87, .89, .89]) / 10.0 + vars = (sigmas * 2) ** 2 + + for img in eval_imgs: + if img is None: + continue + if fix_scale: + img_an = coco.cocoGt.loadImgs(int(img['image_id']))[0] + scale = min(img_an['height'], img_an['width']) + + for g, gt_id in enumerate(img['gtIds']): + if img['gtIgnore'][g]: + continue + dt_id = int(img['gtMatches'][0, g]) + + # Handle unmatched GT + if not dt_id: + gt_an = coco.cocoGt.loadAnns(gt_id)[0] + for kp in range(N_KP): + if gt_an['keypoints'][3 * kp + 2] > 0: + fn[kp] += 1 + continue + + gt_an = coco.cocoGt.loadAnns(gt_id)[0] + dt_an = coco.cocoDt.loadAnns(dt_id)[0] + + if not fix_scale: + scale = gt_an['area'] ** 0.5 + + if gt_an['keypoints'][3 * arm[0] + 2] * gt_an['keypoints'][3 * arm[1] + 2]: + d2el = np.array(gt_an['keypoints'][3 * arm[0]:3 * arm[0] + 2]) - np.array( + gt_an['keypoints'][3 * arm[1]:3 * arm[1] + 2]) + d2el = np.sum(d2el ** 2) + d2_arms.append(np.sqrt(d2el) / scale) + + for kp in range(N_KP): + has_gt = gt_an['keypoints'][3 * kp + 2] > 0 + has_dt = dt_an['keypoints'][3 * kp + 2] >= site_thold + + if not (has_gt and has_dt): + fn[kp] += int(has_gt) + fp[kp] += int(has_dt) + continue + + gt = np.array(gt_an['keypoints'][3 * kp:3 * kp + 2]) + dt = np.array(dt_an['keypoints'][3 * kp:3 * kp + 2]) + + # Distance between gt and dt. Shape |gt|,|dt| + d2 = np.sum(np.array(dt - gt) ** 2) + dist = d2 / (scale ** 2 * vars[kp] + np.spacing(1)) + + if np.exp(-dist / 2) > dist_thold: + tp[kp] += 1 + tp_conf.append(dt_an['keypoints'][3 * kp + 2]) + else: + fn[kp] += 1 + fp[kp] += 1 + fp_conf.append(dt_an['keypoints'][3 * kp + 2]) + ref_p[kp] += 1 + + d2s[kp].append(dist * vars[kp]) + + # Handle unmatched DT + + if len(img['dtIds']) > len(img['dtMatches'][0]): + for dt_id in img['dtIds']: + dt_an = coco.cocoGt.loadAnns(dt_id)[0] + for kp in range(N_KP): + if dt_an['keypoints'][3 * kp + 2] > site_thold: + fp[kp] += 1 + + means = [sum(d2l) / len(d2l) if len(d2l) else -1 for d2l in d2s] + stds = [stdev(d2l) if len(d2l) >= 2 else -1 for d2l in d2s] + + ref_p = np.array(ref_p) + + return tp, fp, fn, means, stds, ref_p + + +def compute_apr(tp, fp, fn, means, stds): + tp = np.array(tp) + fp = np.array(fp) + fn = np.array(fn) + stds = np.array(stds) + + # Remove -1 from stds: + stds[stds <= 0] = stds[stds > 0].mean() + + aps = [] + ars = [] + + for parts in COCO_KP['parts'].values(): + if (tp[parts] + fp[parts]).any(): + ap = np.sum(tp[parts]) / np.sum(tp[parts] + fp[parts]) + else: + ap = -1 + + if (tp[parts] + fn[parts]).any(): + ar = np.sum(tp[parts]) / np.sum(tp[parts] + fn[parts]) + else: + ar = -1 + + aps.append(ap) + ars.append(ar) + + m_w = np.ones((len(COCO_KP['parts']) - 1,)) + + aps_m = np.array(aps) + ars_m = np.array(ars) + aps.append(np.sum(aps_m[:-1] * m_w) / m_w.sum()) + aps.append(np.std(aps_m[:-1] * m_w)) + ars.append(np.sum(ars_m[:-1] * m_w) / m_w.sum()) + ars.append(np.std(ars_m[:-1] * m_w)) + + return aps, ars + + +def mean_ap(coco, site_thold=0.25, fix_scale=False): + aps, ars = [], [] + tp, fp, fn = [], [], [] + ref_p = [] + for t in np.linspace(0.5, 0.95, 10): + res_coco = comp_mets(coco, site_thold=site_thold, dist_thold=t, fix_scale=fix_scale) + tp.append(res_coco[0]) + fp.append(res_coco[1]) + fn.append(res_coco[2]) + ref_p.append(res_coco[5]) + + ap, ar = compute_apr(*res_coco[:-1]) + aps.append(ap) + ars.append(ar) + aps = np.array(aps) + ars = np.array(ars) + + tp = np.array(tp).sum(axis=0) + fp = np.array(fp).sum(axis=0) + fn = np.array(fn).sum(axis=0) + + f1 = tp.sum() / (tp.sum() + 0.5 * (fp.sum() + fn.sum())) + print(f'\n\tF1 score: {f1:0.3f}') + + map = aps.mean(axis=0) + mar = ars.mean(axis=0) + + return map, mar + + +def parse_args(): + argv = sys.argv + argc = len(argv) + + if argc < 2: + return + + if argv[1] in ['--help', '-h']: + print('''Script to evaluate prediction in COCO format using the mAPK metric. +Usage: python eval_mapk.py [json_prediction_path] [json_annotation_path] +Paths can be absolute, relative to the script or relative to the respective json/gts or json/preds directory. + -h, --help\tdisplay this help message and exit + ''') + + return + + if argc >= 3: + gt_path = argv[2] + if not os.path.isfile(gt_path): + json_path = 'json/gts/' + gt_path + if os.path.isfile(json_path): + gt_path = json_path + + pred_path = argv[1] + if not os.path.isfile(pred_path): + json_path = 'json/preds/' + pred_path + if os.path.isfile(json_path): + pred_path = json_path + + coco_repo = get_coco_eval(gt_path, pred_path, one_range=True) + map, mar = mean_ap(coco_repo, site_thold=0.25, fix_scale=False) + print( + tabulate([['AP'] + map.tolist(), ['AR'] + mar.tolist()], headers=list(COCO_KP['parts']) + ['Mean', 'Std'], + floatfmt=[None] + ['0.2f'] * len(map)) + ) + + +if __name__ == '__main__': + parse_args() diff --git a/json/gts/autob_coco_test.json b/json/gts/autob_coco_test.json new file mode 100644 index 0000000..66ad46d --- /dev/null +++ b/json/gts/autob_coco_test.json @@ -0,0 +1 @@ +{"images": [{"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_1100_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501311000}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_1180_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501311800}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_1240_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501312400}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_1640_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501316400}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_2130_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501321300}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_2240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501322401}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_2390_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501323900}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_240_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501302400}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_2590_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501325900}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_2670_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501326700}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_270_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501302700}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_3160_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501331600}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_3580_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501335800}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_3940_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501339400}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_4280_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501342800}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_4480_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501344800}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_4600_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501346000}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_4940_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501349400}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_5000_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501350000}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_5110_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501351100}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_5220_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501352200}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_5330_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501353300}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_5460_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501354600}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_550_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501305500}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_5620_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501356200}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_5650_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501356500}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_5760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501357600}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_5800_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501358000}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_5920_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501359200}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_6030_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501360300}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_6060_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501360600}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501307201}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_750_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501307500}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_7520_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501375200}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_790_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501307900}, {"license": 0, "file_name": "Transpolis-E-AMBA0013MOV_8160_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501381600}, {"license": 0, "file_name": "Transpolis-E-AMBA0014MOV_6130_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501461300}, {"license": 0, "file_name": "Transpolis-E-AMBA0014MOV_6160_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501461600}, {"license": 0, "file_name": "Transpolis-E-AMBA0014MOV_8840_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501488400}, {"license": 0, "file_name": "Transpolis-E-AMBA0015MOV_2990_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501529900}, {"license": 0, "file_name": "Transpolis-E-AMBA0015MOV_3050_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501530500}, {"license": 0, "file_name": "Transpolis-E-AMBA0015MOV_3190_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501531900}, {"license": 0, "file_name": "Transpolis-E-AMBA0015MOV_4580_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501545800}, {"license": 0, "file_name": "Transpolis-E-AMBA0015MOV_670_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20501506700}, {"license": 0, "file_name": "Transpolis-E-AMBA0028MOV_1140_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20502811400}, {"license": 0, "file_name": "Transpolis-E-AMBA0028MOV_1960_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20502819600}, {"license": 0, "file_name": "Transpolis-E-AMBA0028MOV_3800_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20502838000}, {"license": 0, "file_name": "Transpolis-E-AMBA0028MOV_470_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20502804700}, {"license": 0, "file_name": "Transpolis-E-AMBA0028MOV_520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20502805201}, {"license": 0, "file_name": "Transpolis-E-AMBA0028MOV_550_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20502805500}, {"license": 0, "file_name": "Transpolis-E-AMBA0028MOV_5680_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20502856800}, {"license": 0, "file_name": "Transpolis-E-AMBA0028MOV_820_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20502808200}, {"license": 0, "file_name": "Transpolis-E-AMBA0029MOV_2320_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20502923200}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_1070_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503510700}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_1420_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503514200}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_1540_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503515400}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_1650_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503516500}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_1720_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503517200}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_1900_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503519000}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_2050_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503520500}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_2370_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503523700}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_2410_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503524100}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_2510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503525100}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_2590_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503525900}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_2760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503527600}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_2800_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503528000}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_2870_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503528700}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_2940_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503529400}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_3120_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503531200}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_3160_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503531600}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_3360_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503533600}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_3890_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503538900}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_4020_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503540200}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_4080_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503540800}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_4160_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503541600}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_4190_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503541900}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_4220_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503542200}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_4500_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503545000}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_4690_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503546900}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_4760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503547600}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_4820_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503548200}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_5230_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503552300}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_5340_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503553400}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_5480_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503554800}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_5630_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503556300}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_5740_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503557400}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_5860_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503558600}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_6120_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503561200}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_6250_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503562500}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_6430_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503564300}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_6590_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503565900}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_7350_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503573500}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_7430_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503574300}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_7700_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503577000}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_8140_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503581400}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_8390_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503583900}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_8480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503584801}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_8530_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503585300}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_8600_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503586000}, {"license": 0, "file_name": "Transpolis-E-AMBA0035MOV_8700_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503587000}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_110_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503601100}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_1210_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503612100}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_1250_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503612500}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_1280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503612801}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_1610_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503616100}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_2040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503620400}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_2420_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503624200}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_2580_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503625800}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_2970_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503629700}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_3030_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503630300}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_3070_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503630700}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_320_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503603200}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_3290_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503632900}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_3440_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503634400}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_3520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503635201}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_3580_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503635800}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_3650_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503636500}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_3760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503637600}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_4040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503640400}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_4170_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503641700}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_4250_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503642500}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_4280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503642801}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_4320_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503643201}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_4350_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503643500}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_4500_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503645000}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_5310_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503653100}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_5360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503653601}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_5690_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503656900}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_5720_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503657200}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_5870_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503658700}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_5950_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503659500}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_600_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503606000}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_6040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503660400}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_6350_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503663500}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_6410_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503664100}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_6780_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503667800}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_7210_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503672100}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503607600}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_7690_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503676900}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_790_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503607900}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_7910_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503679100}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_7940_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503679400}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_7980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503679800}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_820_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503608200}, {"license": 0, "file_name": "Transpolis-E-AMBA0036MOV_8250_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503682500}, {"license": 0, "file_name": "Transpolis-E-AMBA0037MOV_3750_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503737500}, {"license": 0, "file_name": "Transpolis-E-AMBA0037MOV_390_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503703900}, {"license": 0, "file_name": "Transpolis-E-AMBA0037MOV_4100_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503741000}, {"license": 0, "file_name": "Transpolis-E-AMBA0037MOV_4310_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503743100}, {"license": 0, "file_name": "Transpolis-E-AMBA0037MOV_530_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503705300}, {"license": 0, "file_name": "Transpolis-E-AMBA0037MOV_6050_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503760500}, {"license": 0, "file_name": "Transpolis-E-AMBA0037MOV_60_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503700600}, {"license": 0, "file_name": "Transpolis-E-AMBA0037MOV_6290_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503762900}, {"license": 0, "file_name": "Transpolis-E-AMBA0037MOV_6320_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503763200}, {"license": 0, "file_name": "Transpolis-E-AMBA0037MOV_6870_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503768700}, {"license": 0, "file_name": "Transpolis-E-AMBA0037MOV_7170_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503771700}, {"license": 0, "file_name": "Transpolis-E-AMBA0037MOV_7200_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503772000}, {"license": 0, "file_name": "Transpolis-E-AMBA0037MOV_7950_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503779500}, {"license": 0, "file_name": "Transpolis-E-AMBA0037MOV_8020_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503780200}, {"license": 0, "file_name": "Transpolis-E-AMBA0037MOV_8050_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503780500}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_1050_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503810500}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_1310_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503813100}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_1390_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503813900}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_1420_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503814200}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_2070_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503820700}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_2710_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503827100}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_2800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503828001}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_2890_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503828900}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_2920_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503829200}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_2960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503829601}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_3020_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503830200}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_3070_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503830700}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_3570_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503835700}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_3620_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503836200}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_3650_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503836500}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_3860_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503838600}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_3890_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503838900}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_4100_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503841000}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_5590_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503855900}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_6180_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503861800}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_6560_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503865600}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_6590_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503865900}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_8100_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503881000}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_8270_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503882700}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_8300_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503883000}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_8370_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503883700}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_8520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503885201}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_8580_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503885800}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_8640_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503886400}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_8670_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503886700}, {"license": 0, "file_name": "Transpolis-E-AMBA0038MOV_8740_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503887400}, {"license": 0, "file_name": "Transpolis-E-AMBA0039MOV_1920_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503919200}, {"license": 0, "file_name": "Transpolis-E-AMBA0039MOV_200_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503902000}, {"license": 0, "file_name": "Transpolis-E-AMBA0039MOV_3370_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503933700}, {"license": 0, "file_name": "Transpolis-E-AMBA0039MOV_3580_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503935800}, {"license": 0, "file_name": "Transpolis-E-AMBA0039MOV_3610_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503936100}, {"license": 0, "file_name": "Transpolis-E-AMBA0039MOV_3980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503939800}, {"license": 0, "file_name": "Transpolis-E-AMBA0039MOV_4630_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503946300}, {"license": 0, "file_name": "Transpolis-E-AMBA0039MOV_5740_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503957400}, {"license": 0, "file_name": "Transpolis-E-AMBA0039MOV_5820_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503958200}, {"license": 0, "file_name": "Transpolis-E-AMBA0039MOV_5880_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503958800}, {"license": 0, "file_name": "Transpolis-E-AMBA0039MOV_7810_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503978100}, {"license": 0, "file_name": "Transpolis-E-AMBA0039MOV_7860_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503978600}, {"license": 0, "file_name": "Transpolis-E-AMBA0039MOV_8040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503980400}, {"license": 0, "file_name": "Transpolis-E-AMBA0039MOV_950_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20503909500}, {"license": 0, "file_name": "Transpolis-E-AMBA0040MOV_1350_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504013500}, {"license": 0, "file_name": "Transpolis-E-AMBA0040MOV_1520_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504015200}, {"license": 0, "file_name": "Transpolis-E-AMBA0040MOV_2640_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504026400}, {"license": 0, "file_name": "Transpolis-E-AMBA0040MOV_330_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504003300}, {"license": 0, "file_name": "Transpolis-E-AMBA0040MOV_360_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504003600}, {"license": 0, "file_name": "Transpolis-E-AMBA0040MOV_6470_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504064700}, {"license": 0, "file_name": "Transpolis-E-AMBA0040MOV_6870_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504068700}, {"license": 0, "file_name": "Transpolis-E-AMBA0040MOV_7140_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504071400}, {"license": 0, "file_name": "Transpolis-E-AMBA0040MOV_7170_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504071700}, {"license": 0, "file_name": "Transpolis-E-AMBA0041MOV_1120_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504111201}, {"license": 0, "file_name": "Transpolis-E-AMBA0041MOV_1160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504111601}, {"license": 0, "file_name": "Transpolis-E-AMBA0041MOV_1220_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504112200}, {"license": 0, "file_name": "Transpolis-E-AMBA0041MOV_1310_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504113100}, {"license": 0, "file_name": "Transpolis-E-AMBA0041MOV_1350_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504113500}, {"license": 0, "file_name": "Transpolis-E-AMBA0041MOV_1380_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504113800}, {"license": 0, "file_name": "Transpolis-E-AMBA0041MOV_5920_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504159200}, {"license": 0, "file_name": "Transpolis-E-AMBA0041MOV_6480_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504164800}, {"license": 0, "file_name": "Transpolis-E-AMBA0041MOV_6510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504165100}, {"license": 0, "file_name": "Transpolis-E-AMBA0041MOV_6580_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504165800}, {"license": 0, "file_name": "Transpolis-E-AMBA0041MOV_940_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504109400}, {"license": 0, "file_name": "Transpolis-E-AMBA0041MOV_970_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20504109700}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_1050_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505410500}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_1800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505418001}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_330_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505403300}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_4600_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505446000}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_4640_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505446400}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_4670_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505446700}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_480_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505404800}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_5570_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505455700}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_5670_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505456700}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_600_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505406000}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_6380_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505463800}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_6990_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505469900}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_710_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505407100}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_7440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505474401}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_7500_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505475000}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_7590_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505475900}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_7770_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505477700}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_7800_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505478000}, {"license": 0, "file_name": "Transpolis-E-AMBA0054MOV_7840_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505478400}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_1720_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505517200}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_2280_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505522800}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_3240_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505532400}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_3540_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505535400}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_3640_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505536400}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_4120_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505541200}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_5040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505550400}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_5980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505559800}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_6220_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505562200}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_7080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505570801}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_7230_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505572300}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_7270_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505572700}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_7360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505573601}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_7400_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505574000}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_7440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505574401}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_7600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505576001}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_8040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505580400}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_8280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505582801}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_8430_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505584300}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_8840_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505588400}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_8870_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505588700}, {"license": 0, "file_name": "Transpolis-E-AMBA0055MOV_8900_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505589000}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_1260_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505612600}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_1480_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505614800}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_180_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505601800}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_2320_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505623200}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_2530_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505625300}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_4140_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505641400}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_4240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505642401}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_4340_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505643400}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_4440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505644401}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_4770_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505647700}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_5840_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505658401}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_5870_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505658700}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_5900_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505659000}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_5960_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505659600}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_6080_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505660800}, {"license": 0, "file_name": "Transpolis-E-AMBA0056MOV_920_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505609200}, {"license": 0, "file_name": "Transpolis-E-AMBA0057MOV_100_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505701000}, {"license": 0, "file_name": "Transpolis-E-AMBA0057MOV_20_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505700200}, {"license": 0, "file_name": "Transpolis-E-AMBA0057MOV_3340_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505733400}, {"license": 0, "file_name": "Transpolis-E-AMBA0057MOV_3600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505736001}, {"license": 0, "file_name": "Transpolis-E-AMBA0057MOV_4150_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505741500}, {"license": 0, "file_name": "Transpolis-E-AMBA0057MOV_5230_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505752300}, {"license": 0, "file_name": "Transpolis-E-AMBA0057MOV_5430_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505754300}, {"license": 0, "file_name": "Transpolis-E-AMBA0057MOV_6610_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505766100}, {"license": 0, "file_name": "Transpolis-E-AMBA0058MOV_740_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505807400}, {"license": 0, "file_name": "Transpolis-E-AMBA0059MOV_1130_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505911300}, {"license": 0, "file_name": "Transpolis-E-AMBA0059MOV_1160_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505911600}, {"license": 0, "file_name": "Transpolis-E-AMBA0059MOV_1210_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505912100}, {"license": 0, "file_name": "Transpolis-E-AMBA0059MOV_150_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505901500}, {"license": 0, "file_name": "Transpolis-E-AMBA0059MOV_180_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505901800}, {"license": 0, "file_name": "Transpolis-E-AMBA0059MOV_3940_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505939400}, {"license": 0, "file_name": "Transpolis-E-AMBA0059MOV_4730_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505947300}, {"license": 0, "file_name": "Transpolis-E-AMBA0059MOV_7660_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505976600}, {"license": 0, "file_name": "Transpolis-E-AMBA0059MOV_7740_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505977400}, {"license": 0, "file_name": "Transpolis-E-AMBA0059MOV_7960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505979601}, {"license": 0, "file_name": "Transpolis-E-AMBA0059MOV_8040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505980400}, {"license": 0, "file_name": "Transpolis-E-AMBA0059MOV_8860_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20505988600}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_1260_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506012600}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_1320_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506013200}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_2860_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506028600}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_3010_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506030100}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_3040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506030400}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_3110_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506031100}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_3260_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506032600}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_3510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506035100}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_4230_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506042300}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_4360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506043601}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_4440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506044401}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_4480_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506044800}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_4880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506048801}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_4920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506049201}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_4980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506049800}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_5160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506051601}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_5770_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506057700}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_6280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506062801}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_7160_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506071600}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_7640_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506076400}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_7760_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506077601}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_7800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506078001}, {"license": 0, "file_name": "Transpolis-E-AMBA0060MOV_8120_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506081201}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_1750_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506117500}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_2400_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506124001}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_2470_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506124700}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_2720_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506127200}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_2750_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506127500}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_2810_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506128100}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_2840_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506128400}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_540_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506105400}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_5790_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506157900}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_5880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506158801}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_6040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506160401}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_6480_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506164800}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_6830_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506168300}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_6880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506168801}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_7760_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506177601}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_7920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506179201}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_8000_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506180001}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_8360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506183601}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_8480_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506184800}, {"license": 0, "file_name": "Transpolis-E-AMBA0061MOV_910_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506109100}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_1730_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506217300}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_1880_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506218800}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_2440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506224401}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_2560_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506225600}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_2840_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506228400}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_2920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506229201}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_2960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506229601}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_2990_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506229900}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_3030_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506230300}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_3280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506232801}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_3480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506234801}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_5290_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506252900}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_5860_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506258600}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_6010_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506260100}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_6400_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506264000}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_6510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506265100}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_7640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506276401}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_7710_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506277100}, {"license": 0, "file_name": "Transpolis-E-AMBA0062MOV_8730_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506287300}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_1010_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506310100}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_1040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506310400}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_1400_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506314001}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_2120_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506321201}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_2350_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506323500}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_2640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506326401}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_2720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506327201}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_2760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506327600}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_3000_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506330000}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_3110_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506331100}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_320_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506303200}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_3220_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506332200}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_3350_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506333500}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_370_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506303700}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_5830_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506358300}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_5920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506359201}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_6000_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506360000}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506306001}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_6380_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506363800}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_6420_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506364200}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_6920_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506369200}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_7080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506370801}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_7720_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506377200}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_7800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506378001}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_7880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506378801}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_7950_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506379500}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506308001}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_8240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506382401}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_8320_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506383200}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_8460_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506384600}, {"license": 0, "file_name": "Transpolis-E-AMBA0063MOV_900_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506309000}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_1730_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506417300}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_1840_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506418400}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_1980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506419800}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_2010_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506420100}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_2160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506421601}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_2300_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506423000}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_2340_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506423400}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_2530_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506425300}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_2640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506426401}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_2710_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506427100}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_2760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506427600}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_2870_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506428700}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_2980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506429800}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_3010_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506430100}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_3120_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506431200}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_4450_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506444500}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_4820_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506448200}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_5020_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506450200}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_5610_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506456100}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_6040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506460400}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_7040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506470401}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_7200_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506472001}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_7230_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506472300}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_7280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506472801}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_7320_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506473201}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_7350_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506473500}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_7560_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506475601}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_7810_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506478100}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_7840_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506478400}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_7980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506479800}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_8080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506480801}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_8120_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506481201}, {"license": 0, "file_name": "Transpolis-E-AMBA0064MOV_8460_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506484600}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_1140_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506511400}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_1170_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506511700}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_1200_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506512000}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_1340_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506513400}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_1730_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506517300}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_2160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506521601}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_2280_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506522800}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_2440_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506524400}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_2480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506524801}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_3200_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506532000}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_3300_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506533000}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_3360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506533601}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_3600_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506536000}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_3850_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506538500}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_5240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506552401}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_5440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506554401}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_6320_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506563200}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_6730_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506567300}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_6790_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506567900}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_6860_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506568600}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_690_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506506900}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_6920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506569201}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_6980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506569800}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_7080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506570801}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_7830_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506578300}, {"license": 0, "file_name": "Transpolis-E-AMBA0065MOV_7860_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506578600}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_200_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506602000}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_2040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506620400}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_2200_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506622001}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_2240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506622401}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_2280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506622801}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_230_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506602300}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_2320_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506623201}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_2440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506624401}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_2480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506624801}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_3310_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506633100}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_3520_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506635200}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_410_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506604100}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_470_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506604700}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_590_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506605900}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_6120_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506661201}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_6150_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506661500}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_6280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506662801}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_6400_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506664001}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_6640_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506666400}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_6680_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506666800}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_6710_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506667100}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_6740_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506667400}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_6800_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506668000}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_6830_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506668300}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_7980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506679800}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_80_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506600801}, {"license": 0, "file_name": "Transpolis-E-AMBA0066MOV_8720_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506687200}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_1580_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506715800}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_2040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506720400}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_2360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506723601}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_2750_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506727500}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_2880_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506728800}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_3190_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506731900}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_3260_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506732600}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_4080_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506740800}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_4120_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506741201}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_4210_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506742100}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_4240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506742401}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_4440_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506744400}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_4760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506747600}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_4810_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506748100}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_6320_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506763201}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_6380_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506763800}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_6720_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506767200}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_7100_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506771000}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_710_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506707100}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_7360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506773601}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506707600}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_7680_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506776800}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_7800_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506778000}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_7950_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506779500}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_8000_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506780000}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_8070_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506780700}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_8250_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506782500}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_830_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506708300}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_8520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506785201}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_8600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506786001}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506708801}, {"license": 0, "file_name": "Transpolis-E-AMBA0067MOV_8840_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506788401}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_2200_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506822001}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_2520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506825201}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_3400_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506834000}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_3430_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506834300}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_4470_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506844700}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_4520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506845201}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_4560_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506845601}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_4680_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506846801}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_5190_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506851900}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_5230_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506852300}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_5280_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506852800}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_5380_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506853800}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_5470_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506854700}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_7040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506870401}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_7080_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506870800}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_8430_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506884300}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_8600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506886001}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_8640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506886401}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_8720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506887201}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_8800_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506888000}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_8840_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506888400}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_8880_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506888800}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_8910_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506889100}, {"license": 0, "file_name": "Transpolis-E-AMBA0068MOV_8940_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506889400}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_1000_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506910000}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_1030_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506910300}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_1060_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506910600}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_1140_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506911400}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_140_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506901400}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_1830_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506918300}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_1880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506918801}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_2210_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506922100}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_2280_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506922800}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_2310_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506923100}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_2790_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506927900}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_2820_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506928200}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_2940_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506929400}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_3200_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506932001}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_3450_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506934500}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_3700_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506937000}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_4130_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506941300}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_4240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506942401}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_4360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506943601}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_4440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506944401}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_4830_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506948300}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_4920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506949201}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_5000_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506950001}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_5200_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506952001}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_5240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506952401}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_5310_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506953100}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_5510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506955100}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_5600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506956001}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_5640_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506956400}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_5680_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506956800}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_5780_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506957800}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_6160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506961601}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_6200_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506962001}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_7000_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506970000}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_7080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506970801}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_7280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506972801}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_7320_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506973201}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_7360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506973601}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_7590_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506975900}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_7650_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506976500}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_7880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506978801}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_8430_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506984300}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_8510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506985100}, {"license": 0, "file_name": "Transpolis-E-AMBA0069MOV_8620_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20506986200}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_1160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507011601}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_1290_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507012901}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_1320_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507013200}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_1960_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507019600}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_2000_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507020001}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_2370_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507023700}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_3040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507030400}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_3100_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507031000}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_4400_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507044000}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_5440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507054401}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_5560_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507055601}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_5600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507056001}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_5640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507056401}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_5670_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507056700}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_5780_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507057800}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_5930_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507059300}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_5960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507059601}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_6040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507060401}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_6080_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507060800}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_6150_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507061500}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_6820_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507068200}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_6930_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507069300}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_7360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507073601}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_7400_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507074001}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_7440_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507074400}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_7480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507074801}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_7520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507075201}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_7550_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507075500}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_7580_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507075800}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_7910_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507079100}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_8160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507081601}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_8240_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507082400}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_880_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507008800}, {"license": 0, "file_name": "Transpolis-E-AMBA0070MOV_910_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507009100}, {"license": 0, "file_name": "Transpolis-E-AMBA0071MOV_1020_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507110200}, {"license": 0, "file_name": "Transpolis-E-AMBA0071MOV_1050_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507110500}, {"license": 0, "file_name": "Transpolis-E-AMBA0071MOV_3910_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507139100}, {"license": 0, "file_name": "Transpolis-E-AMBA0071MOV_5930_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507159300}, {"license": 0, "file_name": "Transpolis-E-AMBA0071MOV_6140_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507161400}, {"license": 0, "file_name": "Transpolis-E-AMBA0071MOV_6630_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507166300}, {"license": 0, "file_name": "Transpolis-E-AMBA0071MOV_6830_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507168300}, {"license": 0, "file_name": "Transpolis-E-AMBA0071MOV_7530_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507175300}, {"license": 0, "file_name": "Transpolis-E-AMBA0071MOV_760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507107600}, {"license": 0, "file_name": "Transpolis-E-AMBA0071MOV_8760_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507187601}, {"license": 0, "file_name": "Transpolis-E-AMBA0071MOV_8800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507188001}, {"license": 0, "file_name": "Transpolis-E-AMBA0071MOV_8960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507189601}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_1110_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507211100}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_1240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507212401}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_1280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507212801}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_1360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507213601}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_1440_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507214400}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_1560_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507215601}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507201601}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_1640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507216401}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_1680_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507216801}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_1810_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507218100}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_1850_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507218500}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_1950_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507219500}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_1980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507219800}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_2110_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507221100}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_2240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507222401}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_2280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507222801}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_2310_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507223100}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_2380_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507223800}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_2440_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507224400}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_2470_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507224700}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_2500_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507225000}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_2560_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507225600}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_2680_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507226800}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_3080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507230801}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_3210_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507232100}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_3430_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507234300}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507203601}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_400_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507204001}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507206001}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507207201}, {"license": 0, "file_name": "Transpolis-E-AMBA0072MOV_800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 20507208001}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_1600_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500916000}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_1720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500917201}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_1760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500917600}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_1860_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500918600}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_2090_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500920900}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_2130_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500921300}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_2200_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500922000}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_3000_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500930001}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_3060_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500930600}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_3100_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500931000}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_4000_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500940000}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_4040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500940400}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_4100_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500941000}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_4200_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500942000}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_4310_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500943100}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_4430_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500944300}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_5430_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500954300}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_660_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500906600}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500907600}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_7620_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500976200}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_8260_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500982600}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_8330_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500983300}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_8360_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500983600}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_8390_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500983900}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_8450_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500984500}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_850_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500908500}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_8510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500985100}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_8690_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500986900}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_8980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500989800}, {"license": 0, "file_name": "Transpolis-O-AMBA0009MOV_900_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21500909000}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_1890_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501018900}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_2060_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501020600}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_2360_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501023600}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_2520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501025201}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_2930_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501029300}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_2960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501029601}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_3000_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501030001}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_3040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501030401}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_310_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501003100}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_360_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501003600}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_410_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501004100}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501004401}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_4480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501044801}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_4560_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501045601}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_5140_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501051400}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_5190_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501051900}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501005201}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_550_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501005500}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_5590_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501055900}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_580_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501005800}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501006401}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_6560_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501065600}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_680_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501006801}, {"license": 0, "file_name": "Transpolis-O-AMBA0010MOV_8000_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501080001}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_1500_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501115000}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_1560_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501115600}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_1600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501116001}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_1630_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501116300}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_1680_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501116801}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_1790_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501117900}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_1880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501118801}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_2480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501124801}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_2680_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501126801}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_2800_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501128000}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_5820_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501158200}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501107201}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501107600}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501108001}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501108801}, {"license": 0, "file_name": "Transpolis-O-AMBA0011MOV_910_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501109100}, {"license": 0, "file_name": "Transpolis-O-AMBA0012MOV_2080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501220801}, {"license": 0, "file_name": "Transpolis-O-AMBA0012MOV_2360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501223601}, {"license": 0, "file_name": "Transpolis-O-AMBA0012MOV_7880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21501278801}, {"license": 0, "file_name": "Transpolis-O-AMBA0026MOV_4120_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21502641201}, {"license": 0, "file_name": "Transpolis-O-AMBA0026MOV_4160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21502641601}, {"license": 0, "file_name": "Transpolis-O-AMBA0026MOV_5920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21502659201}, {"license": 0, "file_name": "Transpolis-O-AMBA0026MOV_6800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21502668001}, {"license": 0, "file_name": "Transpolis-O-AMBA0026MOV_6920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21502669201}, {"license": 0, "file_name": "Transpolis-O-AMBA0026MOV_6960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21502669601}, {"license": 0, "file_name": "Transpolis-O-AMBA0026MOV_720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21502607201}, {"license": 0, "file_name": "Transpolis-O-AMBA0026MOV_7520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21502675201}, {"license": 0, "file_name": "Transpolis-O-AMBA0026MOV_7800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21502678001}, {"license": 0, "file_name": "Transpolis-O-AMBA0026MOV_8160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21502681601}, {"license": 0, "file_name": "Transpolis-O-AMBA0026MOV_8920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21502689201}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_1400_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503614000}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_1460_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503614600}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_200_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503602000}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_2450_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503624500}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_2510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503625100}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_2580_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503625800}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_2630_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503626300}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_2660_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503626600}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_2720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503627201}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_2750_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503627500}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_2790_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503627900}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_2840_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503628400}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_2990_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503629900}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_3080_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503630800}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_3120_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503631201}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_3160_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503631600}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_3490_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503634900}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_360_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503603600}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_6680_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503666801}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_7900_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503679000}, {"license": 0, "file_name": "Transpolis-O-AMBA0036MOV_80_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503600800}, {"license": 0, "file_name": "Transpolis-O-AMBA0037MOV_1980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503719800}, {"license": 0, "file_name": "Transpolis-O-AMBA0037MOV_2200_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503722000}, {"license": 0, "file_name": "Transpolis-O-AMBA0037MOV_2740_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503727400}, {"license": 0, "file_name": "Transpolis-O-AMBA0037MOV_2770_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503727700}, {"license": 0, "file_name": "Transpolis-O-AMBA0037MOV_2920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503729201}, {"license": 0, "file_name": "Transpolis-O-AMBA0037MOV_3020_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503730200}, {"license": 0, "file_name": "Transpolis-O-AMBA0037MOV_4520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503745201}, {"license": 0, "file_name": "Transpolis-O-AMBA0037MOV_4550_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503745500}, {"license": 0, "file_name": "Transpolis-O-AMBA0037MOV_4680_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503746800}, {"license": 0, "file_name": "Transpolis-O-AMBA0037MOV_50_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503700500}, {"license": 0, "file_name": "Transpolis-O-AMBA0037MOV_6630_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503766300}, {"license": 0, "file_name": "Transpolis-O-AMBA0038MOV_2180_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503821800}, {"license": 0, "file_name": "Transpolis-O-AMBA0038MOV_7720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503877201}, {"license": 0, "file_name": "Transpolis-O-AMBA0038MOV_7880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503878801}, {"license": 0, "file_name": "Transpolis-O-AMBA0038MOV_7950_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503879500}, {"license": 0, "file_name": "Transpolis-O-AMBA0039MOV_5680_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503956801}, {"license": 0, "file_name": "Transpolis-O-AMBA0039MOV_5760_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503957601}, {"license": 0, "file_name": "Transpolis-O-AMBA0039MOV_5800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503958001}, {"license": 0, "file_name": "Transpolis-O-AMBA0039MOV_5920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503959201}, {"license": 0, "file_name": "Transpolis-O-AMBA0039MOV_6470_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503964700}, {"license": 0, "file_name": "Transpolis-O-AMBA0039MOV_6500_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503965000}, {"license": 0, "file_name": "Transpolis-O-AMBA0039MOV_6550_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503965500}, {"license": 0, "file_name": "Transpolis-O-AMBA0039MOV_8760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503987600}, {"license": 0, "file_name": "Transpolis-O-AMBA0039MOV_8820_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21503988200}, {"license": 0, "file_name": "Transpolis-O-AMBA0040MOV_3710_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21504037100}, {"license": 0, "file_name": "Transpolis-O-AMBA0040MOV_6040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21504060400}, {"license": 0, "file_name": "Transpolis-O-AMBA0040MOV_8130_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21504081300}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_3120_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505531200}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_3200_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505532000}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_3330_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505533300}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_3360_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505533600}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_3770_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505537700}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_4180_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505541800}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_4250_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505542500}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_5230_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505552300}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_5400_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505554000}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_5440_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505554400}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_5560_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505555601}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_5920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505559201}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_6200_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505562001}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_7200_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505572001}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_7310_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505573100}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_7520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505575201}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_7550_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505575500}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_7580_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505575800}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_7610_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505576100}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_7780_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505577800}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_7870_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505578700}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_7960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505579601}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_8760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505587600}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_8800_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505588000}, {"license": 0, "file_name": "Transpolis-O-AMBA0055MOV_8920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505589201}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_1020_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505610200}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_1080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505610801}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_1960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505619601}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_2360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505623601}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_2520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505625201}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_390_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505603900}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_5080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505650801}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_5240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505652401}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_5710_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505657100}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_5840_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505658401}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_6400_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505664001}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_6440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505664401}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_6880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505668801}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_6920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505669201}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_6960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505669601}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_7000_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505670001}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_7040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505670401}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_7070_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505670700}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_710_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505607100}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_7150_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505671500}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505607600}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_80_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505600801}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_900_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505609000}, {"license": 0, "file_name": "Transpolis-O-AMBA0056MOV_990_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505609900}, {"license": 0, "file_name": "Transpolis-O-AMBA0057MOV_1150_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505711500}, {"license": 0, "file_name": "Transpolis-O-AMBA0057MOV_1490_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505714900}, {"license": 0, "file_name": "Transpolis-O-AMBA0057MOV_1580_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505715800}, {"license": 0, "file_name": "Transpolis-O-AMBA0057MOV_190_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505701900}, {"license": 0, "file_name": "Transpolis-O-AMBA0057MOV_3090_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505730900}, {"license": 0, "file_name": "Transpolis-O-AMBA0057MOV_3240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505732401}, {"license": 0, "file_name": "Transpolis-O-AMBA0057MOV_3320_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505733201}, {"license": 0, "file_name": "Transpolis-O-AMBA0057MOV_3450_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505734500}, {"license": 0, "file_name": "Transpolis-O-AMBA0057MOV_3480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505734801}, {"license": 0, "file_name": "Transpolis-O-AMBA0057MOV_370_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505703700}, {"license": 0, "file_name": "Transpolis-O-AMBA0057MOV_3720_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505737200}, {"license": 0, "file_name": "Transpolis-O-AMBA0057MOV_410_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505704100}, {"license": 0, "file_name": "Transpolis-O-AMBA0057MOV_7520_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505775200}, {"license": 0, "file_name": "Transpolis-O-AMBA0057MOV_7560_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505775601}, {"license": 0, "file_name": "Transpolis-O-AMBA0057MOV_860_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505708600}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_2040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505820401}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_2160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505821601}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_2440_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505824400}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_3160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505831601}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_3250_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505832500}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_3320_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505833200}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_3360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505833601}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_3390_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505833900}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_3450_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505834500}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_3530_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505835300}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_3560_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505835601}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_3590_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505835900}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_3640_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505836400}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_3670_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505836700}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_4140_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505841400}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_4620_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505846200}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_4710_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505847100}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_4760_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505847601}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_4810_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505848100}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_4840_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505848401}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_4880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505848801}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_5080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505850801}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_5450_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505854500}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_5590_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505855900}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_5620_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505856200}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_5680_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505856801}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_7080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505870801}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_7160_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505871600}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_7440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505874401}, {"license": 0, "file_name": "Transpolis-O-AMBA0058MOV_7540_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505875400}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_2980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505929800}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_3940_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505939401}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_3990_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505939900}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_4050_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505940501}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_4080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505940801}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_4120_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505941201}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_4470_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505944700}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_4600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505946001}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_4680_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505946800}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_4720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505947201}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_4830_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505948300}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_4860_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505948600}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505905201}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_5600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505956001}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_5660_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505956600}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_7870_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505978700}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_810_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505908100}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_8350_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505983500}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_840_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505908400}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_8420_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505984200}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_8460_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505984600}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_8490_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505984900}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_8520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505985201}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_8580_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505985800}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505908801}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_8810_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505988100}, {"license": 0, "file_name": "Transpolis-O-AMBA0059MOV_910_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21505909100}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_1040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506010401}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_2000_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506020001}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_2240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506022401}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_2300_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506023000}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_2400_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506024001}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_2440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506024401}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_2630_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506026300}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_2680_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506026801}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_280_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506002800}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_3680_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506036801}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_3880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506038801}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_3920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506039201}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_3950_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506039501}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_4160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506041601}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_4580_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506045800}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_4680_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506046800}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_4770_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506047700}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506004801}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_4880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506048801}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_4960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506049601}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_5720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506057201}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_5780_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506057800}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_5960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506059601}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506006401}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_6640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506066401}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_6920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506069201}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_7040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506070401}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506007201}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_8460_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506084601}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_8520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506085201}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_8560_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506085601}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_8770_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506087700}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_8800_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506088000}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_8830_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506088300}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_8860_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506088600}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_8940_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506089400}, {"license": 0, "file_name": "Transpolis-O-AMBA0060MOV_900_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506009000}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_2120_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506121200}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_4680_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506146801}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_4720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506147201}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_4760_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506147601}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_4790_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506147901}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_5000_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506150001}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_5040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506150401}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_5120_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506151200}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_5330_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506153300}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_5360_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506153600}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_5430_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506154300}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_5500_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506155000}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_5530_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506155300}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_5560_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506155601}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_6390_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506163900}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_6840_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506168401}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_6920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506169201}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_7240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506172401}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_7630_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506176300}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_8150_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506181500}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_8280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506182801}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_8390_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506183900}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_8440_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506184400}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_8480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506184801}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_8510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506185100}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_8540_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506185400}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_8570_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506185700}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_8720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506187201}, {"license": 0, "file_name": "Transpolis-O-AMBA0061MOV_8960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506189601}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_2360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506223601}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_2400_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506224001}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_2470_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506224700}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_2520_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506225200}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_4040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506240401}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_4070_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506240700}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_4100_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506241000}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_4130_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506241301}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_4160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506241601}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_4240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506242401}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_4500_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506245000}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_4560_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506245600}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_4710_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506247100}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_4740_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506247400}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_4800_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506248000}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_4920_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506249200}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_5000_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506250001}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_5720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506257201}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_6160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506261601}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_6640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506266401}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_7260_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506272600}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_7420_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506274200}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_7920_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506279200}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_7980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506279800}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_8070_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506280700}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_8130_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506281300}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_8280_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506282800}, {"license": 0, "file_name": "Transpolis-O-AMBA0062MOV_8890_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506288900}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_1620_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506316200}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_1840_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506318401}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_2350_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506323500}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_3600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506336001}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_3630_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506336300}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_3680_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506336801}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_3920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506339201}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_4040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506340400}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_4160_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506341600}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_4220_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506342200}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_4260_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506342600}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_4350_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506343500}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_4380_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506343800}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_4520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506345201}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_4960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506349601}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_5360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506353601}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_5440_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506354400}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_5680_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506356801}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_6240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506362401}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_6360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506363601}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_6920_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506369200}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_6950_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506369500}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_7120_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506371201}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_7160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506371601}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_7240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506372401}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_7270_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506372700}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_7350_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506373500}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_7440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506374401}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_7480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506374801}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_7510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506375100}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_7560_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506375601}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_7600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506376001}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_7680_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506376800}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_7990_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506379901}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_8080_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506380800}, {"license": 0, "file_name": "Transpolis-O-AMBA0063MOV_8180_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506381800}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_1520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506415201}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_1550_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506415500}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_1590_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506415900}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506401601}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_1640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506416401}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_1770_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506417700}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_1800_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506418000}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_1840_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506418400}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_190_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506401900}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_1920_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506419200}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_1960_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506419600}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_2320_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506423201}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_3000_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506430001}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_3040_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506430400}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_3200_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506432001}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_3760_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506437601}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_4240_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506442400}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_4310_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506443100}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_4340_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506443400}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_4370_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506443700}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_4420_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506444200}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_4450_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506444501}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_4480_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506444800}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_4510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506445100}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_4560_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506445600}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_4640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506446401}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506404801}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506405201}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_5480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506454801}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_5510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506455100}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_5540_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506455401}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_5570_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506455700}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_5600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506456001}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_5800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506458001}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_5950_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506459500}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_6000_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506460000}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_6140_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506461400}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_6170_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506461700}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_6280_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506462800}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_6310_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506463100}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_6360_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506463600}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_6400_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506464000}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_640_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506406400}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_6440_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506464400}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_6480_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506464800}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_7200_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506472001}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_7240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506472401}, {"license": 0, "file_name": "Transpolis-O-AMBA0064MOV_880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506408801}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_1080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506510801}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_1350_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506513500}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_1420_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506514200}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_1480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506514801}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_1510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506515100}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_1630_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506516300}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_1660_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506516600}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_2600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506526001}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_2720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506527201}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_3280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506532801}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_3510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506535100}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_3560_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506535601}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_3590_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506535900}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_3640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506536401}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_3680_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506536801}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_400_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506504001}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_4110_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506541100}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_4160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506541601}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_4200_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506542000}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_4230_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506542300}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_4260_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506542600}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_4360_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506543600}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_4440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506544401}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_4480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506544801}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_5040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506550401}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_5110_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506551100}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_5150_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506551500}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506506401}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_6640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506566401}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_6880_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506568801}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_7440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506574401}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_800_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506508000}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_8520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506585201}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_8560_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506585601}, {"license": 0, "file_name": "Transpolis-O-AMBA0065MOV_8970_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506589700}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_100_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506601000}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_170_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506601700}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_230_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506602300}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_260_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506602600}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_3120_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506631200}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_320_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506603201}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_360_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506603600}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_400_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506604000}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_5160_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506651600}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_5260_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506652600}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_5360_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506653600}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_5400_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506654001}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_5440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506654401}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_5480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506654801}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_5890_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506658900}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_6080_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506660800}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_6280_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506662800}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_6320_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506663200}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_6480_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506664800}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_6510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506665100}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_6720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506667201}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_6760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506667600}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_6800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506668001}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_70_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506600700}, {"license": 0, "file_name": "Transpolis-O-AMBA0066MOV_8240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506682401}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_110_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506701100}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_1120_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506711200}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_1200_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506712001}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_1400_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506714000}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_150_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506701500}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_1640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506716401}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_190_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506701900}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_2280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506722801}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_2680_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506726800}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_2720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506727201}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_2760_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506727601}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_2800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506728001}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_2840_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506728401}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_300_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506703000}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_3040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506730401}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_330_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506703300}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_3360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506733601}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_3400_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506734001}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_3440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506734401}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_4280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506742801}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_4320_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506743201}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_4480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506744801}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_4570_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506745700}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_4680_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506746801}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_4840_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506748401}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_4910_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506749100}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_5010_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506750100}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_5120_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506751201}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_5520_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506755201}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_5560_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506755601}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_5680_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506756800}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_5760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506757600}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_5960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506759601}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_720_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506707200}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_7350_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506773500}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_7380_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506773800}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_7420_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506774201}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_7620_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506776201}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_7730_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506777300}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_7780_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506777800}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_7840_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506778400}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_7870_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506778700}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_7900_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506779000}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_7980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506779800}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_8020_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506780200}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_80_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506700801}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_8120_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506781200}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_840_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506708400}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_870_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506708700}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_930_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506709300}, {"license": 0, "file_name": "Transpolis-O-AMBA0067MOV_980_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506709800}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_1600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506816001}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_1720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506817201}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_1870_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506818700}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_1960_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506819600}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_2000_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506820001}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_2040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506820401}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_2620_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506826200}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_2840_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506828401}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_2920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506829201}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_3040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506830401}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_3140_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506831400}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_3180_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506831800}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_3320_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506833201}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_3360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506833601}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_3500_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506835000}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_3970_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506839700}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_4100_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506841000}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_4130_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506841300}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_4280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506842801}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_4320_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506843201}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_4360_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506843600}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_4400_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506844000}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_4440_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506844400}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_4480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506844801}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_4600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506846001}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_5280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506852801}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_6080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506860801}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_6160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506861601}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_6200_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506862001}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_6290_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506862900}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_6320_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506863201}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_6350_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506863500}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_6380_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506863800}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_660_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506806600}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_6710_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506867100}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_6840_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506868400}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_6870_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506868700}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_6900_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506869000}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_6930_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506869300}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_6960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506869601}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_7000_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506870000}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_7090_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506870900}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_7120_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506871200}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_7210_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506872100}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_7240_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506872400}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_7270_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506872700}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_8160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506881601}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_8360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506883601}, {"license": 0, "file_name": "Transpolis-O-AMBA0068MOV_920_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506809201}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_1270_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506912700}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_1640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506916401}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_2320_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506923201}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_2360_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506923601}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_2440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506924401}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_2600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506926001}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_2640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506926401}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_3040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506930401}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_3160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506931601}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_3670_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506936700}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_3800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506938001}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_4030_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506940300}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_4090_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506940900}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_5080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506950801}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_5120_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506951201}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_5240_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506952401}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_5320_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506953201}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_5800_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506958001}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_5840_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506958401}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_5870_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506958700}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_6120_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506961201}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_6280_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506962801}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_6310_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506963100}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_6720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506967201}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_6960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506969601}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_7040_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506970401}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_7080_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506970801}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_7120_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506971201}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_7160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506971601}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_7600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506976001}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_7640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506976401}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_7960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506979601}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_8000_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506980001}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_8640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506986401}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_8700_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506987000}, {"license": 0, "file_name": "Transpolis-O-AMBA0069MOV_8990_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21506989900}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_1000_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507010001}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_1230_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507012300}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_160_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507001601}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_1660_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507016600}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_1690_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507016900}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_1720_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507017201}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_1760_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507017600}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_1790_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507017900}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_1820_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507018200}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_1850_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507018500}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_1880_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507018800}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_1910_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507019100}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_1940_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507019400}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_1970_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507019700}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2000_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507020000}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2080_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507020800}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2110_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507021100}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2160_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507021600}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2300_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507023000}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2340_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507023400}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2370_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507023700}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2400_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507024001}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_240_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507002400}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2440_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507024401}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2480_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507024801}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2510_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507025100}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2570_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507025700}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2600_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507026001}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_270_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507002700}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2760_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507027601}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2800_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507028000}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_2830_brightdif.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507028300}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_3000_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507030001}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_640_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507006401}, {"license": 0, "file_name": "Transpolis-O-AMBA0070MOV_960_sim.png", "coco_url": "", "height": 480, "width": 1137, "date_captured": "", "flickr_url": "", "id": 21507009601}], "annotations": [{"segmentation": [[45, 0, 800, 0, 800, 472, 45, 472]], "num_keypoints": 11, "area": 356360.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 283, 7, 1, 131, 144, 2, 326, 94, 1, 269, 405, 2, 478, 72, 2, 495, 297, 2, 394, 210, 1, 405, 341, 1, 584, 88, 1, 688, 221, 2, 677, 212, 1, 0, 0, 0], "image_id": 20501311000, "bbox": [45, 0, 755, 472], "category_id": 1, "id": 20501311000}, {"segmentation": [[88, 3, 794, 3, 794, 420, 88, 420]], "num_keypoints": 9, "area": 294402.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 235, 132, 2, 314, 93, 1, 460, 271, 2, 485, 77, 2, 540, 58, 2, 381, 218, 1, 388, 341, 2, 578, 73, 1, 707, 224, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501311800, "bbox": [88, 3, 706, 417], "category_id": 1, "id": 20501311800}, {"segmentation": [[59, 5, 829, 5, 829, 447, 59, 447]], "num_keypoints": 9, "area": 340340.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 120, 19, 1, 296, 11, 2, 0, 0, 0, 624, 12, 2, 0, 0, 0, 0, 0, 0, 349, 198, 1, 388, 323, 2, 583, 91, 1, 712, 207, 2, 686, 213, 1, 782, 321, 1], "image_id": 20501312400, "bbox": [59, 5, 770, 442], "category_id": 1, "id": 20501312400}, {"segmentation": [[48, 2, 827, 2, 827, 446, 48, 446]], "num_keypoints": 11, "area": 345876, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 303, 2, 2, 124, 131, 2, 346, 118, 1, 301, 373, 2, 460, 181, 2, 481, 237, 2, 384, 201, 1, 394, 320, 1, 576, 92, 1, 697, 219, 2, 0, 0, 0, 765, 349, 1], "image_id": 20501316400, "bbox": [48, 2, 779, 444], "category_id": 1, "id": 20501316400}, {"segmentation": [[31, 3, 785, 3, 785, 454, 31, 454]], "num_keypoints": 9, "area": 340054.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 88, 95, 2, 485, 15, 2, 294, 361, 2, 626, 4, 2, 502, 279, 2, 392, 212, 1, 376, 386, 2, 610, 75, 1, 712, 231, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501321300, "bbox": [31, 3, 754, 451], "category_id": 1, "id": 20501321300}, {"segmentation": [[61, 3, 800, 3, 800, 448, 61, 448]], "num_keypoints": 9, "area": 328855.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 129, 144, 2, 457, 53, 2, 290, 390, 2, 607, 36, 2, 532, 311, 2, 403, 201, 1, 399, 319, 2, 566, 81, 1, 705, 227, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501322401, "bbox": [61, 3, 739, 445], "category_id": 1, "id": 20501322401}, {"segmentation": [[15, 2, 792, 2, 792, 480, 15, 480]], "num_keypoints": 10, "area": 371406.0, "iscrowd": 0, "keypoints": [37, 24, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 85, 123, 2, 497, 22, 2, 260, 398, 2, 632, 8, 2, 522, 447, 2, 408, 209, 1, 421, 333, 2, 600, 84, 1, 686, 236, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501323900, "bbox": [15, 2, 777, 478], "category_id": 1, "id": 20501323900}, {"segmentation": [[149, 5, 829, 5, 829, 454, 149, 454]], "num_keypoints": 7, "area": 305320.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 331, 23, 2, 0, 0, 0, 586, 131, 2, 0, 0, 0, 0, 0, 0, 375, 222, 1, 398, 340, 2, 584, 75, 1, 706, 234, 2, 0, 0, 0, 781, 333, 1], "image_id": 20501302400, "bbox": [149, 5, 680, 449], "category_id": 1, "id": 20501302400}, {"segmentation": [[112, 1, 793, 1, 793, 480, 112, 480]], "num_keypoints": 9, "area": 326199.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 194, 152, 2, 395, 90, 1, 269, 435, 2, 470, 89, 2, 494, 310, 2, 388, 201, 1, 393, 354, 1, 595, 96, 1, 702, 230, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501325900, "bbox": [112, 1, 681, 479], "category_id": 1, "id": 20501325900}, {"segmentation": [[150, 3, 803, 3, 803, 462, 150, 462]], "num_keypoints": 9, "area": 299727.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 348, 118, 2, 0, 0, 0, 395, 407, 2, 0, 0, 0, 501, 243, 2, 384, 199, 1, 405, 340, 1, 592, 105, 1, 710, 239, 2, 684, 239, 1, 782, 328, 1], "image_id": 20501326700, "bbox": [150, 3, 653, 459], "category_id": 1, "id": 20501326700}, {"segmentation": [[106, 1, 785, 1, 785, 463, 106, 463]], "num_keypoints": 8, "area": 313698.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 285, 60, 2, 0, 0, 0, 564, 123, 2, 471, 76, 1, 0, 0, 0, 375, 238, 1, 404, 349, 2, 567, 80, 1, 724, 235, 2, 693, 238, 1, 0, 0, 0], "image_id": 20501302700, "bbox": [106, 1, 679, 462], "category_id": 1, "id": 20501302700}, {"segmentation": [[31, 3, 816, 3, 816, 462, 31, 462]], "num_keypoints": 9, "area": 360315.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 104, 126, 2, 472, 34, 2, 273, 374, 2, 601, 3, 2, 499, 245, 2, 397, 204, 1, 354, 343, 1, 589, 85, 1, 699, 233, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501331600, "bbox": [31, 3, 785, 459], "category_id": 1, "id": 20501331600}, {"segmentation": [[14, 1, 820, 1, 820, 430, 14, 430]], "num_keypoints": 9, "area": 345774.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 95, 118, 2, 478, 29, 2, 285, 373, 2, 640, 16, 2, 519, 295, 2, 385, 208, 1, 391, 354, 1, 605, 81, 1, 689, 232, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501335800, "bbox": [14, 1, 806, 429], "category_id": 1, "id": 20501335800}, {"segmentation": [[18, 0, 803, 0, 803, 440, 18, 440]], "num_keypoints": 9, "area": 345400.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 89, 112, 2, 481, 37, 2, 283, 343, 2, 628, 12, 2, 519, 269, 2, 395, 206, 1, 375, 345, 1, 602, 84, 1, 701, 237, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501339400, "bbox": [18, 0, 785, 440], "category_id": 1, "id": 20501339400}, {"segmentation": [[81, 4, 792, 4, 792, 429, 81, 429]], "num_keypoints": 10, "area": 302175.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 312, 9, 1, 160, 153, 2, 460, 57, 2, 433, 340, 2, 648, 48, 2, 664, 324, 2, 378, 200, 1, 380, 369, 1, 660, 87, 1, 720, 236, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501342800, "bbox": [81, 4, 711, 425], "category_id": 1, "id": 20501342800}, {"segmentation": [[124, 3, 780, 3, 780, 439, 124, 439]], "num_keypoints": 10, "area": 286016.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 320, 6, 1, 215, 110, 2, 461, 61, 2, 347, 365, 2, 641, 57, 2, 544, 268, 2, 409, 205, 1, 386, 316, 1, 623, 118, 1, 703, 246, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501344800, "bbox": [124, 3, 656, 436], "category_id": 1, "id": 20501344800}, {"segmentation": [[130, 2, 779, 2, 779, 451, 130, 451]], "num_keypoints": 9, "area": 291401.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 278, 114, 2, 413, 76, 2, 454, 377, 2, 582, 131, 2, 678, 311, 2, 391, 200, 1, 404, 337, 1, 596, 102, 1, 704, 238, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501346000, "bbox": [130, 2, 649, 449], "category_id": 1, "id": 20501346000}, {"segmentation": [[69, 0, 801, 0, 801, 480, 69, 480]], "num_keypoints": 10, "area": 351360.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 266, 7, 1, 185, 173, 2, 393, 72, 2, 332, 440, 2, 511, 39, 2, 566, 462, 2, 383, 205, 1, 396, 338, 2, 612, 113, 2, 709, 243, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501349400, "bbox": [69, 0, 732, 480], "category_id": 1, "id": 20501349400}, {"segmentation": [[22, 3, 788, 3, 788, 480, 22, 480]], "num_keypoints": 10, "area": 365382.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 306, 3, 1, 98, 137, 2, 414, 75, 2, 306, 378, 2, 532, 137, 2, 549, 448, 2, 394, 208, 1, 392, 328, 2, 608, 116, 1, 684, 238, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501350000, "bbox": [22, 3, 766, 477], "category_id": 1, "id": 20501350000}, {"segmentation": [[82, 2, 760, 2, 760, 471, 82, 471]], "num_keypoints": 10, "area": 317982.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 328, 7, 2, 153, 157, 2, 427, 48, 2, 304, 419, 2, 633, 59, 1, 576, 395, 2, 408, 207, 2, 393, 328, 2, 646, 97, 1, 735, 265, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501351100, "bbox": [82, 2, 678, 469], "category_id": 1, "id": 20501351100}, {"segmentation": [[71, 0, 791, 0, 791, 452, 71, 452]], "num_keypoints": 7, "area": 325440.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 153, 195, 2, 0, 0, 0, 390, 396, 2, 0, 0, 0, 657, 339, 2, 384, 209, 1, 395, 316, 2, 600, 109, 1, 698, 248, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501352200, "bbox": [71, 0, 720, 452], "category_id": 1, "id": 20501352200}, {"segmentation": [[66, 4, 806, 4, 806, 445, 66, 445]], "num_keypoints": 9, "area": 326340.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 150, 190, 2, 407, 17, 2, 386, 384, 2, 641, 50, 2, 658, 333, 2, 387, 209, 1, 407, 316, 2, 596, 100, 2, 706, 251, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501353300, "bbox": [66, 4, 740, 441], "category_id": 1, "id": 20501353300}, {"segmentation": [[97, 2, 783, 2, 783, 423, 97, 423]], "num_keypoints": 9, "area": 288806.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 247, 132, 2, 356, 125, 1, 399, 371, 2, 515, 93, 2, 614, 260, 2, 397, 219, 1, 407, 338, 1, 531, 74, 1, 696, 245, 1, 0, 0, 0, 0, 0, 0], "image_id": 20501354600, "bbox": [97, 2, 686, 421], "category_id": 1, "id": 20501354600}, {"segmentation": [[121, 1, 788, 1, 788, 449, 121, 449]], "num_keypoints": 8, "area": 298816.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 325, 38, 2, 0, 0, 0, 594, 112, 2, 489, 63, 1, 598, 3, 2, 406, 217, 1, 406, 335, 2, 580, 66, 1, 708, 221, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501305500, "bbox": [121, 1, 667, 448], "category_id": 1, "id": 20501305500}, {"segmentation": [[83, 0, 780, 0, 780, 448, 83, 448]], "num_keypoints": 10, "area": 312256.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 288, 1, 1, 201, 184, 2, 426, 57, 2, 454, 390, 2, 632, 77, 2, 676, 328, 2, 399, 192, 1, 410, 310, 1, 584, 111, 1, 700, 242, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501356200, "bbox": [83, 0, 697, 448], "category_id": 1, "id": 20501356200}, {"segmentation": [[112, 2, 883, 2, 883, 453, 112, 453]], "num_keypoints": 12, "area": 347721.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 335, 3, 2, 222, 225, 2, 422, 50, 2, 445, 383, 2, 630, 23, 2, 687, 322, 2, 442, 173, 2, 456, 303, 2, 600, 102, 1, 713, 239, 2, 693, 242, 1, 786, 327, 1], "image_id": 20501356500, "bbox": [112, 2, 771, 451], "category_id": 1, "id": 20501356500}, {"segmentation": [[195, 0, 783, 0, 783, 459, 195, 459]], "num_keypoints": 8, "area": 269892.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 287, 11, 1, 472, 89, 2, 550, 11, 2, 589, 237, 2, 0, 0, 0, 0, 0, 0, 381, 245, 1, 403, 320, 2, 617, 155, 1, 716, 261, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501357600, "bbox": [195, 0, 588, 459], "category_id": 1, "id": 20501357600}, {"segmentation": [[93, 1, 787, 1, 787, 444, 93, 444]], "num_keypoints": 8, "area": 307442.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 179, 141, 2, 434, 12, 2, 342, 377, 2, 0, 0, 0, 532, 257, 2, 408, 206, 1, 384, 341, 1, 572, 73, 1, 696, 238, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501358000, "bbox": [93, 1, 694, 443], "category_id": 1, "id": 20501358000}, {"segmentation": [[90, 2, 804, 2, 804, 439, 90, 439]], "num_keypoints": 12, "area": 312018.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 160, 128, 2, 303, 17, 1, 226, 241, 2, 360, 99, 2, 459, 367, 2, 494, 137, 2, 691, 321, 2, 457, 214, 2, 459, 305, 2, 598, 91, 2, 706, 239, 2, 700, 252, 1, 0, 0, 0], "image_id": 20501359200, "bbox": [90, 2, 714, 437], "category_id": 1, "id": 20501359200}, {"segmentation": [[80, 2, 846, 2, 846, 438, 80, 438]], "num_keypoints": 12, "area": 333976.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 280, 13, 1, 186, 189, 2, 386, 48, 2, 431, 374, 2, 552, 6, 2, 681, 332, 2, 380, 209, 1, 401, 322, 1, 596, 102, 1, 702, 224, 2, 685, 219, 1, 782, 317, 1], "image_id": 20501360300, "bbox": [80, 2, 766, 436], "category_id": 1, "id": 20501360300}, {"segmentation": [[65, 3, 809, 3, 809, 450, 65, 450]], "num_keypoints": 10, "area": 332568.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 223, 15, 1, 161, 173, 2, 377, 69, 2, 379, 381, 2, 545, 32, 2, 627, 360, 2, 411, 207, 1, 416, 321, 2, 617, 138, 1, 705, 228, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501360600, "bbox": [65, 3, 744, 447], "category_id": 1, "id": 20501360600}, {"segmentation": [[118, 5, 822, 5, 822, 441, 118, 441]], "num_keypoints": 9, "area": 306944.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 349, 14, 2, 0, 0, 0, 515, 202, 2, 454, 62, 1, 562, 20, 2, 377, 214, 1, 401, 336, 2, 626, 135, 1, 719, 232, 2, 0, 0, 0, 796, 298, 1], "image_id": 20501307201, "bbox": [118, 5, 704, 436], "category_id": 1, "id": 20501307201}, {"segmentation": [[68, 0, 803, 0, 803, 481, 68, 481]], "num_keypoints": 12, "area": 353535, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 219, 16, 1, 147, 147, 2, 343, 134, 1, 135, 432, 2, 414, 102, 2, 352, 481, 2, 381, 208, 1, 406, 305, 2, 584, 97, 1, 711, 212, 2, 647, 232, 1, 775, 318, 1], "image_id": 20501307500, "bbox": [68, 0, 735, 481], "category_id": 1, "id": 20501307500}, {"segmentation": [[102, 1, 782, 1, 782, 447, 102, 447]], "num_keypoints": 8, "area": 303280.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 316, 141, 2, 0, 0, 0, 521, 313, 2, 444, 170, 2, 666, 341, 2, 343, 238, 1, 375, 348, 2, 585, 99, 1, 661, 189, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501375200, "bbox": [102, 1, 680, 446], "category_id": 1, "id": 20501375200}, {"segmentation": [[92, 2, 765, 2, 765, 445, 92, 445]], "num_keypoints": 4, "area": 298139.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 341, 31, 2, 0, 0, 0, 607, 120, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 372, 320, 2, 0, 0, 0, 718, 221, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501307900, "bbox": [92, 2, 673, 443], "category_id": 1, "id": 20501307900}, {"segmentation": [[37, 0, 797, 0, 797, 456, 37, 456]], "num_keypoints": 9, "area": 346560.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 152, 183, 2, 318, 21, 2, 384, 369, 2, 0, 0, 0, 662, 335, 2, 371, 213, 1, 385, 327, 1, 589, 98, 1, 689, 254, 2, 720, 245, 1, 0, 0, 0], "image_id": 20501381600, "bbox": [37, 0, 760, 456], "category_id": 1, "id": 20501381600}, {"segmentation": [[48, 1, 808, 1, 808, 450, 48, 450]], "num_keypoints": 12, "area": 341240.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 228, 13, 1, 199, 238, 2, 344, 131, 1, 380, 354, 2, 479, 204, 2, 395, 116, 2, 372, 203, 1, 397, 373, 2, 588, 110, 2, 702, 263, 2, 737, 248, 2, 763, 373, 1], "image_id": 20501461300, "bbox": [48, 1, 760, 449], "category_id": 1, "id": 20501461300}, {"segmentation": [[48, 0, 756, 0, 756, 455, 48, 455]], "num_keypoints": 10, "area": 322140.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 173, 21, 1, 141, 183, 2, 287, 100, 1, 354, 387, 2, 477, 204, 2, 417, 164, 2, 407, 189, 1, 349, 325, 1, 589, 100, 1, 699, 274, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501461600, "bbox": [48, 0, 708, 455], "category_id": 1, "id": 20501461600}, {"segmentation": [[44, 1, 815, 1, 815, 459, 44, 459]], "num_keypoints": 12, "area": 353118.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 189, 31, 1, 163, 167, 2, 301, 98, 2, 406, 311, 2, 425, 149, 2, 499, 227, 2, 372, 209, 1, 372, 360, 1, 617, 104, 1, 714, 280, 2, 715, 200, 1, 771, 349, 1], "image_id": 20501488400, "bbox": [44, 1, 771, 458], "category_id": 1, "id": 20501488400}, {"segmentation": [[14, 2, 770, 2, 770, 463, 14, 463]], "num_keypoints": 11, "area": 348516.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 98, 35, 2, 196, 62, 1, 148, 221, 2, 246, 68, 1, 352, 369, 2, 346, 76, 2, 433, 188, 2, 368, 210, 1, 381, 345, 1, 615, 128, 1, 692, 222, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501529900, "bbox": [14, 2, 756, 461], "category_id": 1, "id": 20501529900}, {"segmentation": [[53, 0, 738, 0, 738, 448, 53, 448]], "num_keypoints": 11, "area": 306880.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 70, 2, 2, 191, 45, 1, 138, 173, 2, 328, 132, 1, 352, 369, 2, 423, 151, 2, 469, 220, 2, 400, 212, 1, 398, 375, 1, 569, 77, 1, 698, 241, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501530500, "bbox": [53, 0, 685, 448], "category_id": 1, "id": 20501530500}, {"segmentation": [[33, 0, 764, 0, 764, 456, 33, 456]], "num_keypoints": 10, "area": 333336.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 210, 24, 1, 148, 156, 2, 312, 133, 1, 340, 391, 2, 432, 174, 2, 470, 229, 2, 366, 196, 1, 378, 328, 1, 585, 57, 1, 694, 247, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501531900, "bbox": [33, 0, 731, 456], "category_id": 1, "id": 20501531900}, {"segmentation": [[20, 0, 775, 0, 775, 455, 20, 455]], "num_keypoints": 9, "area": 343525.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 87, 15, 2, 0, 0, 0, 132, 215, 2, 0, 0, 0, 398, 322, 2, 427, 188, 2, 306, 77, 2, 328, 225, 1, 363, 363, 2, 590, 99, 1, 701, 236, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501545800, "bbox": [20, 0, 755, 455], "category_id": 1, "id": 20501545800}, {"segmentation": [[25, 4, 760, 4, 760, 477, 25, 477]], "num_keypoints": 10, "area": 347655.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 236, 17, 1, 160, 177, 2, 340, 146, 1, 365, 413, 2, 465, 191, 2, 562, 233, 2, 390, 214, 1, 381, 352, 1, 624, 93, 1, 687, 249, 2, 0, 0, 0, 0, 0, 0], "image_id": 20501506700, "bbox": [25, 4, 735, 473], "category_id": 1, "id": 20501506700}, {"segmentation": [[30, 2, 825, 2, 825, 451, 30, 451]], "num_keypoints": 7, "area": 356955.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 123, 134, 2, 0, 0, 0, 365, 354, 2, 0, 0, 0, 655, 320, 2, 350, 214, 1, 361, 322, 1, 576, 101, 1, 685, 242, 2, 0, 0, 0, 0, 0, 0], "image_id": 20502811400, "bbox": [30, 2, 795, 449], "category_id": 1, "id": 20502811400}, {"segmentation": [[25, 3, 791, 3, 791, 437, 25, 437]], "num_keypoints": 8, "area": 332444.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 120, 148, 2, 0, 0, 0, 417, 304, 2, 0, 0, 0, 654, 320, 2, 362, 201, 1, 364, 355, 1, 583, 107, 1, 692, 257, 2, 707, 236, 1, 0, 0, 0], "image_id": 20502819600, "bbox": [25, 3, 766, 434], "category_id": 1, "id": 20502819600}, {"segmentation": [[27, 2, 771, 2, 771, 449, 27, 449]], "num_keypoints": 8, "area": 332568.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 124, 140, 2, 0, 0, 0, 343, 387, 2, 405, 187, 2, 479, 254, 2, 353, 195, 1, 364, 337, 1, 551, 58, 2, 682, 265, 2, 0, 0, 0, 0, 0, 0], "image_id": 20502838000, "bbox": [27, 2, 744, 447], "category_id": 1, "id": 20502838000}, {"segmentation": [[28, 1, 815, 1, 815, 434, 28, 434]], "num_keypoints": 11, "area": 340771.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 198, 12, 1, 151, 191, 2, 314, 115, 1, 389, 353, 2, 480, 122, 2, 589, 206, 2, 366, 196, 1, 362, 307, 1, 587, 84, 1, 686, 258, 2, 0, 0, 0, 796, 345, 1], "image_id": 20502804700, "bbox": [28, 1, 787, 433], "category_id": 1, "id": 20502804700}, {"segmentation": [[48, 0, 796, 0, 796, 439, 48, 439]], "num_keypoints": 10, "area": 328372.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 194, 23, 1, 157, 174, 2, 330, 130, 1, 352, 356, 2, 480, 140, 2, 544, 236, 2, 367, 196, 1, 347, 338, 1, 582, 92, 1, 683, 252, 2, 0, 0, 0, 0, 0, 0], "image_id": 20502805201, "bbox": [48, 0, 748, 439], "category_id": 1, "id": 20502805201}, {"segmentation": [[45, 1, 835, 1, 835, 433, 45, 433]], "num_keypoints": 11, "area": 341280.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 185, 9, 1, 156, 173, 2, 336, 129, 1, 365, 379, 2, 478, 153, 2, 541, 237, 2, 371, 202, 1, 365, 309, 1, 579, 90, 1, 705, 261, 2, 0, 0, 0, 781, 330, 1], "image_id": 20502805500, "bbox": [45, 1, 790, 432], "category_id": 1, "id": 20502805500}, {"segmentation": [[22, 0, 733, 0, 733, 480, 22, 480]], "num_keypoints": 12, "area": 341280.0, "iscrowd": 0, "keypoints": [301, 16, 2, 0, 0, 0, 280, 4, 2, 0, 0, 0, 0, 0, 0, 210, 21, 1, 127, 156, 2, 340, 131, 2, 237, 457, 2, 485, 215, 2, 407, 299, 2, 337, 209, 1, 348, 346, 1, 561, 54, 1, 674, 255, 2, 0, 0, 0, 0, 0, 0], "image_id": 20502856800, "bbox": [22, 0, 711, 480], "category_id": 1, "id": 20502856800}, {"segmentation": [[18, 1, 775, 1, 775, 436, 18, 436]], "num_keypoints": 9, "area": 329295.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 131, 146, 2, 332, 1, 2, 356, 364, 2, 492, 4, 2, 669, 310, 2, 367, 203, 1, 379, 324, 1, 573, 100, 2, 725, 249, 2, 0, 0, 0, 0, 0, 0], "image_id": 20502808200, "bbox": [18, 1, 757, 435], "category_id": 1, "id": 20502808200}, {"segmentation": [[25, 3, 758, 3, 758, 449, 25, 449]], "num_keypoints": 10, "area": 326918.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 198, 14, 1, 136, 181, 2, 311, 110, 2, 383, 341, 2, 451, 194, 2, 603, 236, 2, 325, 220, 1, 342, 345, 1, 557, 68, 1, 682, 244, 2, 0, 0, 0, 0, 0, 0], "image_id": 20502923200, "bbox": [25, 3, 733, 446], "category_id": 1, "id": 20502923200}, {"segmentation": [[23, 0, 777, 0, 777, 469, 23, 469]], "num_keypoints": 9, "area": 353626.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 122, 164, 2, 408, 15, 2, 331, 427, 2, 0, 0, 0, 570, 352, 2, 348, 200, 1, 368, 305, 2, 579, 91, 1, 663, 257, 2, 675, 247, 1, 0, 0, 0], "image_id": 20503510700, "bbox": [23, 0, 754, 469], "category_id": 1, "id": 20503510700}, {"segmentation": [[35, 0, 789, 0, 789, 454, 35, 454]], "num_keypoints": 11, "area": 342316.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 205, 6, 1, 140, 177, 2, 377, 18, 2, 352, 400, 2, 546, 8, 2, 614, 332, 2, 349, 192, 1, 366, 306, 2, 558, 106, 1, 668, 250, 2, 686, 229, 2, 0, 0, 0], "image_id": 20503514200, "bbox": [35, 0, 754, 454], "category_id": 1, "id": 20503514200}, {"segmentation": [[36, 1, 784, 1, 784, 433, 36, 433]], "num_keypoints": 10, "area": 323136.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 212, 19, 1, 140, 178, 2, 382, 15, 2, 437, 331, 2, 588, 6, 2, 686, 310, 2, 359, 199, 1, 361, 322, 1, 591, 96, 1, 683, 249, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503515400, "bbox": [36, 1, 748, 432], "category_id": 1, "id": 20503515400}, {"segmentation": [[44, 0, 789, 0, 789, 444, 44, 444]], "num_keypoints": 9, "area": 330780.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 129, 186, 2, 407, 35, 2, 435, 351, 2, 597, 11, 2, 689, 312, 2, 364, 203, 1, 360, 322, 1, 564, 97, 1, 679, 252, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503516500, "bbox": [44, 0, 745, 444], "category_id": 1, "id": 20503516500}, {"segmentation": [[61, 4, 914, 4, 914, 460, 61, 460]], "num_keypoints": 11, "area": 388968.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 271, 17, 2, 176, 214, 2, 414, 35, 2, 431, 330, 2, 580, 8, 2, 688, 309, 2, 420, 199, 2, 428, 275, 2, 585, 105, 1, 668, 234, 2, 697, 251, 1, 0, 0, 0], "image_id": 20503517200, "bbox": [61, 4, 853, 456], "category_id": 1, "id": 20503517200}, {"segmentation": [[12, 1, 794, 1, 794, 448, 12, 448]], "num_keypoints": 11, "area": 349554.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 286, 6, 2, 121, 163, 2, 406, 47, 2, 425, 357, 2, 557, 51, 2, 663, 320, 2, 355, 193, 1, 361, 305, 1, 567, 107, 1, 668, 232, 2, 636, 234, 1, 0, 0, 0], "image_id": 20503519000, "bbox": [12, 1, 782, 447], "category_id": 1, "id": 20503519000}, {"segmentation": [[21, 2, 814, 2, 814, 467, 21, 467]], "num_keypoints": 10, "area": 368745.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 236, 2, 1, 147, 185, 2, 385, 44, 2, 307, 427, 2, 573, 54, 2, 489, 298, 2, 358, 197, 1, 359, 297, 2, 579, 105, 1, 669, 246, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503520500, "bbox": [21, 2, 793, 465], "category_id": 1, "id": 20503520500}, {"segmentation": [[21, 3, 784, 3, 784, 480, 21, 480]], "num_keypoints": 13, "area": 363951.0, "iscrowd": 0, "keypoints": [258, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 112, 25, 2, 245, 3, 1, 143, 183, 2, 395, 30, 2, 311, 415, 2, 516, 108, 2, 479, 297, 2, 365, 199, 1, 362, 323, 1, 611, 94, 1, 677, 243, 2, 725, 296, 1, 0, 0, 0], "image_id": 20503523700, "bbox": [21, 3, 763, 477], "category_id": 1, "id": 20503523700}, {"segmentation": [[50, 1, 804, 1, 804, 476, 50, 476]], "num_keypoints": 13, "area": 358150.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 132, 4, 2, 282, 8, 1, 140, 189, 2, 411, 39, 2, 307, 430, 2, 585, 81, 2, 482, 293, 2, 345, 191, 1, 360, 308, 2, 570, 112, 1, 645, 255, 2, 666, 248, 1, 770, 340, 1], "image_id": 20503524100, "bbox": [50, 1, 754, 475], "category_id": 1, "id": 20503524100}, {"segmentation": [[33, 1, 755, 1, 755, 479, 33, 479]], "num_keypoints": 10, "area": 345116.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 248, 26, 1, 141, 193, 2, 484, 2, 2, 291, 423, 2, 0, 0, 0, 481, 298, 2, 360, 202, 1, 374, 307, 2, 572, 94, 1, 662, 237, 2, 689, 256, 1, 0, 0, 0], "image_id": 20503525100, "bbox": [33, 1, 722, 478], "category_id": 1, "id": 20503525100}, {"segmentation": [[14, 3, 814, 3, 814, 477, 14, 477]], "num_keypoints": 12, "area": 379200, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 116, 8, 2, 157, 25, 1, 120, 180, 2, 362, 36, 2, 299, 433, 2, 535, 3, 2, 480, 301, 2, 355, 210, 1, 365, 327, 2, 582, 103, 1, 664, 250, 2, 696, 252, 1, 0, 0, 0], "image_id": 20503525900, "bbox": [14, 3, 800, 474], "category_id": 1, "id": 20503525900}, {"segmentation": [[25, 2, 775, 2, 775, 469, 25, 469]], "num_keypoints": 11, "area": 350250.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 218, 15, 1, 133, 171, 2, 398, 29, 2, 288, 425, 2, 583, 37, 2, 474, 304, 2, 341, 202, 1, 365, 308, 2, 587, 99, 1, 666, 250, 2, 689, 258, 1, 0, 0, 0], "image_id": 20503527600, "bbox": [25, 2, 750, 467], "category_id": 1, "id": 20503527600}, {"segmentation": [[24, 3, 769, 3, 769, 470, 24, 470]], "num_keypoints": 11, "area": 347915.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 228, 7, 1, 132, 168, 2, 406, 31, 2, 304, 411, 2, 611, 35, 2, 481, 295, 2, 358, 180, 1, 348, 327, 1, 584, 99, 1, 681, 242, 2, 658, 277, 1, 0, 0, 0], "image_id": 20503528000, "bbox": [24, 3, 745, 467], "category_id": 1, "id": 20503528000}, {"segmentation": [[63, 1, 796, 1, 796, 467, 63, 467]], "num_keypoints": 11, "area": 341578.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 234, 15, 1, 148, 180, 2, 369, 26, 2, 304, 410, 2, 613, 33, 2, 483, 297, 2, 366, 180, 1, 344, 316, 2, 594, 102, 1, 682, 257, 2, 0, 0, 0, 764, 325, 1], "image_id": 20503528700, "bbox": [63, 1, 733, 466], "category_id": 1, "id": 20503528700}, {"segmentation": [[42, 3, 822, 3, 822, 433, 42, 433]], "num_keypoints": 10, "area": 335400, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 227, 9, 1, 155, 195, 2, 433, 19, 2, 406, 378, 2, 608, 3, 2, 669, 331, 2, 361, 195, 1, 368, 333, 1, 583, 80, 1, 674, 244, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503529400, "bbox": [42, 3, 780, 430], "category_id": 1, "id": 20503529400}, {"segmentation": [[35, 1, 776, 1, 776, 480, 35, 480]], "num_keypoints": 10, "area": 354939.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 246, 14, 1, 148, 177, 2, 416, 26, 2, 281, 457, 2, 594, 9, 2, 488, 355, 2, 383, 200, 1, 366, 339, 1, 595, 84, 1, 678, 245, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503531200, "bbox": [35, 1, 741, 479], "category_id": 1, "id": 20503531200}, {"segmentation": [[36, 1, 784, 1, 784, 480, 36, 480]], "num_keypoints": 11, "area": 358292.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 204, 7, 1, 144, 198, 2, 408, 27, 2, 302, 441, 2, 604, 7, 2, 501, 324, 2, 368, 209, 1, 375, 295, 2, 558, 103, 1, 674, 246, 2, 678, 231, 2, 0, 0, 0], "image_id": 20503531600, "bbox": [36, 1, 748, 479], "category_id": 1, "id": 20503531600}, {"segmentation": [[36, 1, 766, 1, 766, 476, 36, 476]], "num_keypoints": 9, "area": 346750.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 162, 190, 2, 373, 35, 2, 320, 428, 2, 560, 35, 2, 564, 382, 2, 359, 199, 1, 376, 319, 2, 596, 111, 1, 666, 238, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503533600, "bbox": [36, 1, 730, 475], "category_id": 1, "id": 20503533600}, {"segmentation": [[50, 5, 844, 5, 844, 454, 50, 454]], "num_keypoints": 11, "area": 356506.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 259, 17, 2, 166, 215, 2, 365, 100, 2, 368, 404, 2, 524, 37, 2, 607, 332, 2, 407, 186, 2, 422, 309, 2, 569, 104, 2, 674, 254, 2, 722, 251, 2, 0, 0, 0], "image_id": 20503538900, "bbox": [50, 5, 794, 449], "category_id": 1, "id": 20503538900}, {"segmentation": [[44, 4, 807, 4, 807, 444, 44, 444]], "num_keypoints": 13, "area": 335720.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 98, 9, 2, 276, 9, 2, 144, 203, 2, 397, 68, 2, 361, 404, 2, 570, 148, 2, 604, 331, 2, 351, 198, 1, 360, 319, 2, 534, 103, 1, 669, 252, 2, 685, 247, 1, 780, 325, 1], "image_id": 20503540200, "bbox": [44, 4, 763, 440], "category_id": 1, "id": 20503540200}, {"segmentation": [[36, 2, 787, 2, 787, 449, 36, 449]], "num_keypoints": 9, "area": 335697.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 107, 2, 2, 0, 0, 0, 140, 201, 2, 0, 0, 0, 366, 415, 2, 0, 0, 0, 604, 331, 2, 359, 197, 1, 376, 297, 2, 577, 100, 1, 683, 258, 2, 678, 243, 1, 0, 0, 0], "image_id": 20503540800, "bbox": [36, 2, 751, 447], "category_id": 1, "id": 20503540800}, {"segmentation": [[68, 0, 742, 0, 742, 466, 68, 466]], "num_keypoints": 10, "area": 314084.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 239, 6, 1, 149, 194, 2, 376, 36, 2, 357, 408, 2, 506, 4, 2, 587, 342, 2, 366, 194, 1, 363, 301, 2, 568, 102, 1, 679, 253, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503541600, "bbox": [68, 0, 674, 466], "category_id": 1, "id": 20503541600}, {"segmentation": [[34, 2, 799, 2, 799, 464, 34, 464]], "num_keypoints": 11, "area": 353430.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 130, 5, 2, 0, 0, 0, 147, 194, 2, 396, 23, 2, 350, 401, 2, 606, 39, 2, 603, 331, 2, 361, 200, 1, 378, 312, 2, 569, 101, 1, 681, 247, 2, 700, 258, 1, 0, 0, 0], "image_id": 20503541900, "bbox": [34, 2, 765, 462], "category_id": 1, "id": 20503541900}, {"segmentation": [[42, 4, 768, 4, 768, 461, 42, 461]], "num_keypoints": 12, "area": 331782.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 134, 8, 2, 184, 22, 1, 152, 206, 2, 376, 30, 2, 374, 415, 2, 530, 93, 2, 601, 331, 2, 357, 205, 1, 371, 314, 2, 579, 101, 1, 664, 250, 2, 692, 249, 1, 0, 0, 0], "image_id": 20503542200, "bbox": [42, 4, 726, 457], "category_id": 1, "id": 20503542200}, {"segmentation": [[22, 0, 848, 0, 848, 480, 22, 480]], "num_keypoints": 12, "area": 396480.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 238, 16, 1, 126, 198, 2, 418, 30, 2, 252, 447, 2, 606, 7, 2, 435, 318, 2, 343, 191, 1, 356, 323, 2, 570, 96, 1, 667, 261, 2, 668, 245, 1, 766, 338, 1], "image_id": 20503545000, "bbox": [22, 0, 826, 480], "category_id": 1, "id": 20503545000}, {"segmentation": [[36, 0, 817, 0, 817, 480, 36, 480]], "num_keypoints": 12, "area": 374880.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 213, 15, 1, 129, 143, 2, 369, 120, 2, 274, 445, 2, 518, 170, 2, 439, 310, 2, 351, 211, 1, 341, 329, 2, 579, 95, 1, 680, 251, 2, 691, 233, 2, 779, 349, 1], "image_id": 20503546900, "bbox": [36, 0, 781, 480], "category_id": 1, "id": 20503546900}, {"segmentation": [[15, 2, 797, 2, 797, 480, 15, 480]], "num_keypoints": 10, "area": 373796.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 193, 7, 1, 140, 157, 2, 342, 99, 2, 275, 432, 2, 527, 163, 2, 437, 310, 2, 345, 209, 1, 348, 335, 2, 569, 93, 1, 684, 246, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503547600, "bbox": [15, 2, 782, 478], "category_id": 1, "id": 20503547600}, {"segmentation": [[43, 0, 795, 0, 795, 480, 43, 480]], "num_keypoints": 10, "area": 360960.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 232, 18, 1, 132, 156, 2, 374, 120, 2, 280, 447, 2, 533, 173, 2, 437, 310, 2, 357, 209, 1, 355, 313, 2, 582, 82, 1, 679, 252, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503548200, "bbox": [43, 0, 752, 480], "category_id": 1, "id": 20503548200}, {"segmentation": [[51, 4, 812, 4, 812, 471, 51, 471]], "num_keypoints": 11, "area": 355387.0, "iscrowd": 0, "keypoints": [269, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 226, 18, 1, 147, 201, 2, 378, 110, 2, 352, 437, 2, 549, 139, 2, 591, 332, 2, 366, 198, 1, 379, 305, 1, 558, 107, 1, 671, 253, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503552300, "bbox": [51, 4, 761, 467], "category_id": 1, "id": 20503552300}, {"segmentation": [[40, 5, 742, 5, 742, 453, 40, 453]], "num_keypoints": 12, "area": 314496.0, "iscrowd": 0, "keypoints": [200, 16, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 84, 7, 2, 260, 28, 2, 156, 212, 2, 351, 99, 2, 382, 405, 2, 532, 145, 2, 603, 331, 2, 430, 211, 2, 432, 287, 2, 635, 171, 1, 683, 247, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503553400, "bbox": [40, 5, 702, 448], "category_id": 1, "id": 20503553400}, {"segmentation": [[24, 3, 799, 3, 799, 443, 24, 443]], "num_keypoints": 12, "area": 341000.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 101, 4, 2, 247, 16, 1, 137, 174, 2, 362, 89, 2, 374, 404, 2, 510, 133, 2, 604, 327, 2, 349, 201, 1, 359, 306, 2, 564, 99, 1, 681, 246, 2, 0, 0, 0, 774, 332, 1], "image_id": 20503554800, "bbox": [24, 3, 775, 440], "category_id": 1, "id": 20503554800}, {"segmentation": [[58, 3, 787, 3, 787, 455, 58, 455]], "num_keypoints": 10, "area": 329508.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 251, 16, 2, 163, 200, 2, 354, 102, 2, 364, 411, 2, 518, 143, 2, 604, 329, 2, 411, 188, 2, 424, 299, 2, 561, 115, 1, 668, 247, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503556300, "bbox": [58, 3, 729, 452], "category_id": 1, "id": 20503556300}, {"segmentation": [[27, 2, 773, 2, 773, 469, 27, 469]], "num_keypoints": 10, "area": 348382.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 190, 24, 1, 152, 206, 2, 399, 9, 2, 362, 420, 2, 0, 0, 0, 605, 336, 2, 348, 211, 1, 368, 319, 2, 566, 99, 1, 669, 233, 2, 695, 259, 1, 0, 0, 0], "image_id": 20503557400, "bbox": [27, 2, 746, 467], "category_id": 1, "id": 20503557400}, {"segmentation": [[28, 1, 810, 1, 810, 480, 28, 480]], "num_keypoints": 10, "area": 374578.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 223, 25, 1, 148, 173, 2, 403, 22, 2, 244, 458, 2, 0, 0, 0, 428, 365, 2, 371, 196, 1, 378, 311, 1, 573, 106, 2, 687, 255, 2, 656, 282, 1, 0, 0, 0], "image_id": 20503558600, "bbox": [28, 1, 782, 479], "category_id": 1, "id": 20503558600}, {"segmentation": [[40, 0, 863, 0, 863, 480, 40, 480]], "num_keypoints": 12, "area": 395040.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 242, 13, 1, 132, 180, 2, 390, 53, 2, 270, 444, 2, 557, 102, 2, 439, 333, 2, 352, 197, 1, 362, 297, 2, 558, 114, 1, 683, 253, 2, 674, 259, 1, 780, 328, 1], "image_id": 20503561200, "bbox": [40, 0, 823, 480], "category_id": 1, "id": 20503561200}, {"segmentation": [[45, 0, 786, 0, 786, 461, 45, 461]], "num_keypoints": 11, "area": 341601, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 230, 6, 1, 144, 168, 2, 385, 25, 2, 334, 421, 2, 544, 0, 2, 574, 362, 2, 362, 211, 1, 364, 309, 2, 581, 99, 1, 657, 260, 2, 711, 246, 2, 0, 0, 0], "image_id": 20503562500, "bbox": [45, 0, 741, 461], "category_id": 1, "id": 20503562500}, {"segmentation": [[40, 0, 782, 0, 782, 443, 40, 443]], "num_keypoints": 11, "area": 328706.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 194, 11, 1, 158, 197, 2, 377, 19, 2, 412, 374, 2, 583, 45, 2, 661, 337, 2, 361, 200, 1, 370, 309, 1, 574, 101, 1, 674, 237, 2, 680, 232, 1, 0, 0, 0], "image_id": 20503564300, "bbox": [40, 0, 742, 443], "category_id": 1, "id": 20503564300}, {"segmentation": [[30, 1, 764, 1, 764, 466, 30, 466]], "num_keypoints": 10, "area": 341310.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 210, 6, 1, 145, 189, 2, 415, 23, 2, 350, 393, 2, 583, 1, 2, 619, 341, 2, 376, 202, 1, 379, 308, 2, 607, 135, 1, 667, 231, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503565900, "bbox": [30, 1, 734, 465], "category_id": 1, "id": 20503565900}, {"segmentation": [[30, 4, 778, 4, 778, 463, 30, 463]], "num_keypoints": 9, "area": 343332.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 153, 194, 2, 365, 43, 2, 310, 426, 2, 577, 49, 2, 493, 301, 2, 355, 206, 1, 372, 298, 2, 569, 100, 1, 685, 252, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503573500, "bbox": [30, 4, 748, 459], "category_id": 1, "id": 20503573500}, {"segmentation": [[48, 3, 812, 3, 812, 463, 48, 463]], "num_keypoints": 10, "area": 351440.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 240, 11, 1, 166, 185, 2, 412, 52, 2, 384, 398, 2, 602, 61, 2, 662, 365, 2, 374, 185, 1, 388, 307, 2, 591, 100, 1, 676, 225, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503574300, "bbox": [48, 3, 764, 460], "category_id": 1, "id": 20503574300}, {"segmentation": [[31, 1, 828, 1, 828, 423, 31, 423]], "num_keypoints": 9, "area": 336334.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 131, 197, 2, 0, 0, 0, 409, 321, 2, 0, 0, 0, 666, 299, 2, 360, 193, 1, 359, 327, 1, 594, 143, 1, 673, 244, 2, 722, 213, 2, 773, 319, 1], "image_id": 20503577000, "bbox": [31, 1, 797, 422], "category_id": 1, "id": 20503577000}, {"segmentation": [[29, 2, 829, 2, 829, 480, 29, 480]], "num_keypoints": 12, "area": 382400.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 249, 10, 1, 133, 165, 2, 372, 54, 2, 285, 448, 2, 536, 99, 2, 456, 326, 2, 355, 210, 1, 369, 311, 2, 583, 110, 1, 674, 253, 2, 682, 242, 1, 805, 349, 1], "image_id": 20503581400, "bbox": [29, 2, 800, 478], "category_id": 1, "id": 20503581400}, {"segmentation": [[34, 1, 787, 1, 787, 460, 34, 460]], "num_keypoints": 10, "area": 345627.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 146, 186, 2, 381, 24, 2, 314, 400, 2, 593, 57, 2, 511, 310, 2, 349, 196, 1, 364, 300, 2, 557, 99, 1, 675, 258, 2, 703, 235, 2, 0, 0, 0], "image_id": 20503583900, "bbox": [34, 1, 753, 459], "category_id": 1, "id": 20503583900}, {"segmentation": [[40, 2, 804, 2, 804, 460, 40, 460]], "num_keypoints": 10, "area": 349912.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 189, 18, 1, 141, 183, 2, 379, 23, 2, 301, 387, 2, 585, 36, 2, 512, 266, 2, 364, 196, 1, 385, 312, 2, 581, 101, 1, 671, 216, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503584801, "bbox": [40, 2, 764, 458], "category_id": 1, "id": 20503584801}, {"segmentation": [[33, 3, 827, 3, 827, 463, 33, 463]], "num_keypoints": 12, "area": 365240.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 240, 4, 1, 141, 199, 2, 427, 21, 2, 310, 426, 2, 616, 9, 2, 479, 286, 2, 374, 181, 1, 363, 297, 2, 583, 103, 1, 667, 229, 2, 674, 206, 1, 770, 337, 1], "image_id": 20503585300, "bbox": [33, 3, 794, 460], "category_id": 1, "id": 20503585300}, {"segmentation": [[35, 4, 833, 4, 833, 450, 35, 450]], "num_keypoints": 10, "area": 355908.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 265, 13, 1, 161, 179, 2, 417, 22, 2, 433, 416, 2, 613, 11, 2, 653, 368, 2, 367, 193, 1, 383, 306, 2, 605, 138, 1, 680, 236, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503586000, "bbox": [35, 4, 798, 446], "category_id": 1, "id": 20503586000}, {"segmentation": [[21, 1, 800, 1, 800, 457, 21, 457]], "num_keypoints": 12, "area": 355224, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 216, 13, 1, 151, 205, 2, 413, 25, 2, 349, 427, 2, 552, 1, 1, 587, 345, 2, 387, 201, 1, 396, 333, 2, 569, 137, 1, 672, 240, 2, 709, 211, 1, 734, 338, 1], "image_id": 20503587000, "bbox": [21, 1, 779, 456], "category_id": 1, "id": 20503587000}, {"segmentation": [[41, 3, 754, 3, 754, 442, 41, 442]], "num_keypoints": 11, "area": 313007.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 225, 25, 1, 130, 191, 2, 418, 31, 2, 339, 387, 2, 586, 19, 2, 544, 287, 2, 374, 192, 1, 373, 306, 2, 557, 105, 1, 669, 253, 2, 690, 237, 1, 0, 0, 0], "image_id": 20503601100, "bbox": [41, 3, 713, 439], "category_id": 1, "id": 20503601100}, {"segmentation": [[57, 0, 759, 0, 759, 449, 57, 449]], "num_keypoints": 11, "area": 315198.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 231, 18, 1, 143, 164, 2, 395, 36, 2, 326, 406, 2, 604, 32, 2, 503, 289, 2, 349, 181, 2, 333, 311, 2, 582, 111, 2, 677, 244, 2, 705, 217, 2, 0, 0, 0], "image_id": 20503612100, "bbox": [57, 0, 702, 449], "category_id": 1, "id": 20503612100}, {"segmentation": [[15, 1, 746, 1, 746, 457, 15, 457]], "num_keypoints": 10, "area": 333336.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 131, 160, 2, 395, 36, 2, 322, 405, 2, 568, 37, 2, 502, 289, 2, 373, 190, 1, 362, 308, 1, 590, 96, 1, 688, 240, 2, 640, 261, 1, 0, 0, 0], "image_id": 20503612500, "bbox": [15, 1, 731, 456], "category_id": 1, "id": 20503612500}, {"segmentation": [[23, 2, 766, 2, 766, 439, 23, 439]], "num_keypoints": 11, "area": 324691.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 103, 10, 2, 0, 0, 0, 129, 164, 2, 390, 28, 2, 316, 393, 2, 592, 37, 2, 505, 286, 2, 344, 191, 1, 365, 305, 2, 558, 98, 1, 660, 245, 2, 681, 247, 1, 0, 0, 0], "image_id": 20503612801, "bbox": [23, 2, 743, 437], "category_id": 1, "id": 20503612801}, {"segmentation": [[0, 0, 686, 0, 686, 435, 0, 435]], "num_keypoints": 10, "area": 298410, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 112, 156, 2, 397, 44, 2, 298, 435, 2, 556, 11, 2, 553, 390, 2, 367, 196, 1, 356, 332, 2, 584, 110, 1, 681, 276, 2, 686, 256, 1, 0, 0, 0], "image_id": 20503616100, "bbox": [0, 0, 686, 435], "category_id": 1, "id": 20503616100}, {"segmentation": [[34, 2, 876, 2, 876, 477, 34, 477]], "num_keypoints": 11, "area": 399950, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 260, 2, 1, 120, 170, 2, 404, 53, 2, 290, 426, 2, 543, 44, 2, 476, 301, 2, 364, 209, 1, 360, 323, 2, 576, 93, 1, 667, 258, 2, 0, 0, 0, 767, 335, 1], "image_id": 20503620400, "bbox": [34, 2, 842, 475], "category_id": 1, "id": 20503620400}, {"segmentation": [[32, 0, 775, 0, 775, 479, 32, 479]], "num_keypoints": 11, "area": 355897.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 99, 9, 2, 262, 24, 1, 157, 203, 2, 442, 16, 2, 374, 430, 2, 0, 0, 0, 595, 343, 2, 361, 201, 1, 365, 300, 2, 592, 99, 1, 677, 241, 2, 685, 252, 1, 0, 0, 0], "image_id": 20503624200, "bbox": [32, 0, 743, 479], "category_id": 1, "id": 20503624200}, {"segmentation": [[38, 2, 788, 2, 788, 409, 38, 409]], "num_keypoints": 12, "area": 305250.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 241, 12, 2, 160, 190, 2, 329, 44, 2, 400, 337, 2, 437, 2, 2, 657, 315, 2, 379, 203, 2, 423, 280, 2, 577, 103, 2, 690, 243, 2, 689, 217, 2, 741, 353, 1], "image_id": 20503625800, "bbox": [38, 2, 750, 407], "category_id": 1, "id": 20503625800}, {"segmentation": [[28, 0, 780, 0, 780, 438, 28, 438]], "num_keypoints": 11, "area": 329376.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 231, 10, 1, 136, 185, 2, 394, 18, 2, 449, 343, 2, 504, 4, 2, 651, 311, 2, 351, 201, 1, 334, 332, 1, 611, 156, 1, 657, 236, 2, 721, 225, 1, 0, 0, 0], "image_id": 20503629700, "bbox": [28, 0, 752, 438], "category_id": 1, "id": 20503629700}, {"segmentation": [[37, 0, 777, 0, 777, 450, 37, 450]], "num_keypoints": 12, "area": 333000.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 231, 18, 1, 128, 183, 2, 359, 52, 2, 352, 405, 2, 531, 22, 2, 531, 207, 2, 344, 211, 1, 356, 327, 1, 573, 124, 1, 676, 256, 2, 694, 230, 1, 744, 322, 1], "image_id": 20503630300, "bbox": [37, 0, 740, 450], "category_id": 1, "id": 20503630300}, {"segmentation": [[32, 0, 796, 0, 796, 457, 32, 457]], "num_keypoints": 10, "area": 349148.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 213, 1, 1, 135, 204, 2, 385, 36, 2, 395, 391, 2, 0, 0, 0, 638, 336, 2, 357, 209, 1, 377, 303, 2, 580, 105, 1, 658, 255, 2, 705, 250, 2, 0, 0, 0], "image_id": 20503630700, "bbox": [32, 0, 764, 457], "category_id": 1, "id": 20503630700}, {"segmentation": [[26, 1, 773, 1, 773, 457, 26, 457]], "num_keypoints": 11, "area": 340632.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 220, 6, 1, 151, 183, 2, 410, 48, 2, 347, 383, 2, 599, 50, 2, 523, 257, 2, 353, 201, 1, 354, 333, 1, 567, 104, 1, 660, 252, 2, 690, 248, 1, 0, 0, 0], "image_id": 20503603200, "bbox": [26, 1, 747, 456], "category_id": 1, "id": 20503603200}, {"segmentation": [[28, 1, 779, 1, 779, 480, 28, 480]], "num_keypoints": 11, "area": 359729.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 198, 18, 1, 124, 153, 2, 395, 47, 2, 268, 456, 2, 528, 3, 2, 440, 333, 2, 357, 202, 1, 364, 336, 2, 590, 75, 1, 683, 251, 2, 673, 266, 1, 0, 0, 0], "image_id": 20503632900, "bbox": [28, 1, 751, 479], "category_id": 1, "id": 20503632900}, {"segmentation": [[47, 3, 856, 3, 856, 480, 47, 480]], "num_keypoints": 11, "area": 385893.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 124, 189, 2, 427, 27, 2, 276, 444, 2, 594, 7, 2, 437, 315, 2, 364, 198, 1, 323, 359, 2, 595, 91, 1, 668, 242, 2, 705, 248, 1, 772, 343, 1], "image_id": 20503634400, "bbox": [47, 3, 809, 477], "category_id": 1, "id": 20503634400}, {"segmentation": [[32, 2, 767, 2, 767, 419, 32, 419]], "num_keypoints": 11, "area": 306495.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 123, 6, 2, 0, 0, 0, 134, 192, 2, 367, 21, 2, 336, 356, 2, 581, 4, 2, 332, 141, 2, 342, 209, 1, 355, 321, 1, 561, 102, 1, 669, 246, 2, 700, 237, 2, 0, 0, 0], "image_id": 20503635201, "bbox": [32, 2, 735, 417], "category_id": 1, "id": 20503635201}, {"segmentation": [[30, 3, 776, 3, 776, 431, 30, 431]], "num_keypoints": 9, "area": 319288.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 121, 187, 2, 384, 20, 2, 331, 359, 2, 564, 4, 2, 342, 144, 2, 368, 194, 1, 363, 311, 1, 565, 101, 1, 673, 247, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503635800, "bbox": [30, 3, 746, 428], "category_id": 1, "id": 20503635800}, {"segmentation": [[14, 3, 785, 3, 785, 480, 14, 480]], "num_keypoints": 10, "area": 367767.0, "iscrowd": 0, "keypoints": [241, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 131, 206, 2, 401, 35, 2, 284, 463, 2, 556, 6, 2, 457, 332, 2, 364, 200, 1, 363, 377, 1, 592, 90, 1, 685, 244, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503636500, "bbox": [14, 3, 771, 477], "category_id": 1, "id": 20503636500}, {"segmentation": [[36, 1, 778, 1, 778, 480, 36, 480]], "num_keypoints": 11, "area": 355418.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 150, 4, 2, 241, 33, 1, 144, 193, 2, 412, 39, 2, 274, 457, 2, 572, 6, 2, 461, 339, 2, 364, 217, 1, 340, 393, 1, 618, 78, 1, 696, 245, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503637600, "bbox": [36, 1, 742, 479], "category_id": 1, "id": 20503637600}, {"segmentation": [[28, 0, 796, 0, 796, 480, 28, 480]], "num_keypoints": 12, "area": 368640, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 108, 0, 2, 194, 15, 1, 133, 195, 2, 383, 34, 2, 294, 450, 2, 558, 31, 2, 460, 323, 2, 347, 214, 1, 369, 321, 2, 574, 93, 1, 674, 245, 2, 696, 241, 1, 0, 0, 0], "image_id": 20503640400, "bbox": [28, 0, 768, 480], "category_id": 1, "id": 20503640400}, {"segmentation": [[49, 4, 841, 4, 841, 441, 49, 441]], "num_keypoints": 12, "area": 346104.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 237, 15, 2, 144, 174, 2, 301, 96, 2, 327, 398, 2, 450, 69, 2, 480, 237, 2, 359, 199, 1, 393, 351, 1, 567, 106, 1, 665, 241, 2, 708, 247, 2, 749, 353, 1], "image_id": 20503641700, "bbox": [49, 4, 792, 437], "category_id": 1, "id": 20503641700}, {"segmentation": [[36, 5, 778, 5, 778, 453, 36, 453]], "num_keypoints": 10, "area": 332416.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 271, 8, 1, 152, 187, 2, 450, 17, 2, 374, 415, 2, 0, 0, 0, 616, 337, 2, 377, 186, 1, 378, 302, 2, 566, 93, 1, 670, 237, 2, 699, 228, 2, 0, 0, 0], "image_id": 20503642500, "bbox": [36, 5, 742, 448], "category_id": 1, "id": 20503642500}, {"segmentation": [[46, 2, 779, 2, 779, 458, 46, 458]], "num_keypoints": 10, "area": 334248.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 244, 16, 1, 162, 191, 2, 428, 19, 2, 376, 436, 2, 606, 60, 2, 623, 378, 2, 419, 183, 2, 390, 314, 2, 629, 135, 1, 677, 242, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503642801, "bbox": [46, 2, 733, 456], "category_id": 1, "id": 20503642801}, {"segmentation": [[62, 1, 792, 1, 792, 445, 62, 445]], "num_keypoints": 11, "area": 324120.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 255, 7, 1, 182, 162, 2, 431, 33, 2, 387, 360, 2, 601, 22, 2, 487, 144, 2, 353, 205, 1, 348, 346, 1, 574, 92, 1, 670, 251, 2, 717, 242, 2, 0, 0, 0], "image_id": 20503643201, "bbox": [62, 1, 730, 444], "category_id": 1, "id": 20503643201}, {"segmentation": [[30, 3, 796, 3, 796, 458, 30, 458]], "num_keypoints": 9, "area": 348530.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 152, 181, 2, 444, 20, 2, 343, 410, 2, 0, 0, 0, 416, 144, 2, 340, 210, 1, 349, 325, 1, 593, 72, 1, 645, 270, 2, 663, 254, 1, 0, 0, 0], "image_id": 20503643500, "bbox": [30, 3, 766, 455], "category_id": 1, "id": 20503643500}, {"segmentation": [[63, 3, 756, 3, 756, 456, 63, 456]], "num_keypoints": 12, "area": 313929.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 228, 10, 1, 156, 199, 2, 400, 25, 2, 375, 404, 2, 577, 6, 2, 626, 343, 2, 364, 191, 1, 375, 316, 2, 602, 145, 2, 668, 244, 2, 724, 199, 2, 743, 298, 2], "image_id": 20503645000, "bbox": [63, 3, 693, 453], "category_id": 1, "id": 20503645000}, {"segmentation": [[46, 0, 765, 0, 765, 449, 46, 449]], "num_keypoints": 9, "area": 322831.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 165, 182, 2, 362, 24, 2, 391, 393, 2, 585, 48, 2, 630, 288, 2, 362, 196, 1, 373, 299, 1, 554, 84, 1, 678, 234, 1, 0, 0, 0, 0, 0, 0], "image_id": 20503653100, "bbox": [46, 0, 719, 449], "category_id": 1, "id": 20503653100}, {"segmentation": [[14, 1, 817, 1, 817, 480, 14, 480]], "num_keypoints": 12, "area": 384637.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 226, 7, 1, 143, 173, 2, 407, 23, 1, 287, 447, 2, 583, 3, 2, 489, 333, 2, 358, 185, 1, 353, 315, 2, 583, 95, 1, 677, 240, 2, 666, 224, 1, 778, 345, 1], "image_id": 20503653601, "bbox": [14, 1, 803, 479], "category_id": 1, "id": 20503653601}, {"segmentation": [[30, 1, 769, 1, 769, 471, 30, 471]], "num_keypoints": 9, "area": 347330.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 135, 173, 2, 306, 106, 1, 302, 422, 2, 428, 176, 2, 469, 270, 2, 354, 205, 1, 368, 348, 1, 566, 103, 1, 663, 233, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503656900, "bbox": [30, 1, 739, 470], "category_id": 1, "id": 20503656900}, {"segmentation": [[26, 2, 773, 2, 773, 449, 26, 449]], "num_keypoints": 10, "area": 333909.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 148, 135, 2, 285, 97, 1, 319, 398, 2, 397, 174, 2, 458, 249, 2, 343, 194, 1, 358, 338, 1, 562, 82, 1, 673, 254, 2, 646, 222, 1, 0, 0, 0], "image_id": 20503657200, "bbox": [26, 2, 747, 447], "category_id": 1, "id": 20503657200}, {"segmentation": [[31, 1, 757, 1, 757, 469, 31, 469]], "num_keypoints": 8, "area": 339768.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 140, 189, 2, 0, 0, 0, 329, 426, 2, 407, 185, 2, 553, 301, 2, 363, 207, 1, 353, 346, 2, 564, 89, 1, 677, 252, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503658700, "bbox": [31, 1, 726, 468], "category_id": 1, "id": 20503658700}, {"segmentation": [[44, 1, 779, 1, 779, 447, 44, 447]], "num_keypoints": 10, "area": 327810.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 246, 15, 1, 131, 163, 2, 353, 68, 2, 405, 344, 2, 472, 37, 2, 648, 322, 2, 341, 205, 1, 346, 351, 1, 562, 124, 1, 646, 253, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503659500, "bbox": [44, 1, 735, 446], "category_id": 1, "id": 20503659500}, {"segmentation": [[41, 1, 756, 1, 756, 453, 41, 453]], "num_keypoints": 9, "area": 323180.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 129, 192, 2, 387, 31, 2, 391, 419, 2, 522, 3, 2, 645, 343, 2, 365, 227, 1, 394, 312, 2, 574, 101, 2, 686, 239, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503606000, "bbox": [41, 1, 715, 452], "category_id": 1, "id": 20503606000}, {"segmentation": [[30, 3, 771, 3, 771, 435, 30, 435]], "num_keypoints": 12, "area": 320112.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 259, 11, 2, 133, 181, 2, 429, 19, 2, 360, 371, 2, 606, 10, 2, 601, 307, 2, 395, 203, 2, 403, 290, 2, 603, 152, 1, 664, 247, 2, 721, 243, 2, 727, 361, 1], "image_id": 20503660400, "bbox": [30, 3, 741, 432], "category_id": 1, "id": 20503660400}, {"segmentation": [[28, 2, 786, 2, 786, 441, 28, 441]], "num_keypoints": 10, "area": 332762.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 240, 10, 1, 161, 198, 2, 400, 36, 2, 351, 389, 2, 588, 19, 2, 605, 333, 2, 355, 189, 1, 364, 302, 2, 599, 84, 1, 672, 253, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503663500, "bbox": [28, 2, 758, 439], "category_id": 1, "id": 20503663500}, {"segmentation": [[42, 0, 761, 0, 761, 480, 42, 480]], "num_keypoints": 10, "area": 345120.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 219, 16, 1, 141, 174, 2, 380, 39, 2, 364, 401, 2, 620, 30, 2, 599, 339, 2, 389, 189, 2, 390, 310, 2, 551, 90, 1, 668, 247, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503664100, "bbox": [42, 0, 719, 480], "category_id": 1, "id": 20503664100}, {"segmentation": [[49, 5, 808, 5, 808, 448, 49, 448]], "num_keypoints": 12, "area": 336237.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 247, 16, 1, 151, 161, 2, 315, 112, 1, 319, 407, 2, 411, 173, 2, 453, 237, 2, 339, 198, 1, 356, 308, 1, 570, 99, 1, 681, 253, 2, 696, 243, 1, 757, 348, 1], "image_id": 20503667800, "bbox": [49, 5, 759, 443], "category_id": 1, "id": 20503667800}, {"segmentation": [[45, 1, 746, 1, 746, 442, 45, 442]], "num_keypoints": 10, "area": 309141.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 191, 40, 1, 144, 188, 2, 327, 136, 1, 377, 361, 2, 447, 195, 2, 586, 278, 2, 367, 196, 2, 371, 325, 1, 571, 103, 1, 686, 267, 1, 0, 0, 0, 0, 0, 0], "image_id": 20503672100, "bbox": [45, 1, 701, 441], "category_id": 1, "id": 20503672100}, {"segmentation": [[32, 0, 795, 0, 795, 424, 32, 424]], "num_keypoints": 13, "area": 323512.0, "iscrowd": 0, "keypoints": [268, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 107, 4, 2, 215, 15, 1, 127, 203, 2, 381, 17, 2, 378, 355, 2, 587, 7, 2, 651, 311, 2, 348, 206, 1, 369, 315, 1, 555, 104, 1, 668, 256, 2, 700, 252, 1, 0, 0, 0], "image_id": 20503607600, "bbox": [32, 0, 763, 424], "category_id": 1, "id": 20503607600}, {"segmentation": [[18, 2, 777, 2, 777, 462, 18, 462]], "num_keypoints": 11, "area": 349140.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 204, 6, 1, 131, 162, 2, 290, 131, 1, 332, 384, 2, 437, 183, 2, 594, 323, 2, 346, 203, 1, 371, 308, 2, 581, 104, 1, 678, 246, 1, 691, 247, 1, 0, 0, 0], "image_id": 20503676900, "bbox": [18, 2, 759, 460], "category_id": 1, "id": 20503676900}, {"segmentation": [[37, 0, 783, 0, 783, 426, 37, 426]], "num_keypoints": 12, "area": 317796.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 87, 22, 2, 232, 9, 1, 128, 202, 2, 356, 62, 2, 388, 343, 2, 510, 143, 2, 653, 311, 2, 346, 205, 1, 352, 298, 1, 578, 102, 2, 669, 246, 2, 698, 242, 1, 0, 0, 0], "image_id": 20503607900, "bbox": [37, 0, 746, 426], "category_id": 1, "id": 20503607900}, {"segmentation": [[30, 2, 772, 2, 772, 480, 30, 480]], "num_keypoints": 11, "area": 354676.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 201, 8, 1, 129, 189, 2, 314, 79, 2, 258, 469, 2, 468, 68, 2, 488, 446, 2, 350, 217, 1, 359, 332, 2, 602, 99, 1, 661, 242, 2, 696, 259, 1, 0, 0, 0], "image_id": 20503679100, "bbox": [30, 2, 742, 478], "category_id": 1, "id": 20503679100}, {"segmentation": [[60, 0, 777, 0, 777, 442, 60, 442]], "num_keypoints": 11, "area": 316914.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 201, 13, 1, 169, 165, 2, 295, 92, 1, 451, 340, 2, 465, 68, 2, 678, 212, 2, 353, 203, 2, 361, 356, 1, 584, 106, 1, 695, 254, 2, 683, 265, 1, 0, 0, 0], "image_id": 20503679400, "bbox": [60, 0, 717, 442], "category_id": 1, "id": 20503679400}, {"segmentation": [[74, 5, 805, 5, 805, 443, 74, 443]], "num_keypoints": 14, "area": 320178.0, "iscrowd": 0, "keypoints": [326, 14, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 152, 14, 2, 215, 23, 1, 175, 201, 2, 325, 90, 1, 426, 364, 2, 465, 70, 2, 651, 334, 2, 356, 195, 1, 368, 311, 1, 593, 107, 1, 642, 218, 2, 667, 250, 1, 759, 323, 1], "image_id": 20503679800, "bbox": [74, 5, 731, 438], "category_id": 1, "id": 20503679800}, {"segmentation": [[35, 2, 782, 2, 782, 463, 35, 463]], "num_keypoints": 12, "area": 344367.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 195, 10, 1, 124, 161, 2, 353, 78, 2, 332, 393, 2, 541, 174, 2, 585, 346, 2, 353, 205, 1, 359, 306, 2, 596, 134, 2, 680, 247, 1, 733, 234, 1, 734, 381, 1], "image_id": 20503608200, "bbox": [35, 2, 747, 461], "category_id": 1, "id": 20503608200}, {"segmentation": [[33, 3, 806, 3, 806, 446, 33, 446]], "num_keypoints": 11, "area": 342439.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 207, 19, 1, 153, 141, 2, 304, 108, 1, 383, 387, 2, 396, 58, 2, 437, 108, 2, 346, 209, 1, 366, 322, 1, 582, 116, 1, 659, 248, 2, 694, 248, 1, 0, 0, 0], "image_id": 20503682500, "bbox": [33, 3, 773, 443], "category_id": 1, "id": 20503682500}, {"segmentation": [[20, 2, 760, 2, 760, 464, 20, 464]], "num_keypoints": 8, "area": 341880.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 204, 5, 1, 122, 140, 2, 0, 0, 0, 332, 345, 2, 0, 0, 0, 499, 187, 2, 368, 209, 1, 359, 329, 1, 556, 91, 1, 696, 226, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503737500, "bbox": [20, 2, 740, 462], "category_id": 1, "id": 20503737500}, {"segmentation": [[23, 0, 763, 0, 763, 453, 23, 453]], "num_keypoints": 11, "area": 335220.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 110, 10, 2, 0, 0, 0, 100, 210, 2, 217, 86, 1, 333, 381, 2, 372, 111, 2, 432, 201, 2, 334, 218, 1, 349, 337, 1, 588, 111, 1, 687, 241, 2, 731, 239, 2, 0, 0, 0], "image_id": 20503703900, "bbox": [23, 0, 740, 453], "category_id": 1, "id": 20503703900}, {"segmentation": [[18, 1, 737, 1, 737, 480, 18, 480]], "num_keypoints": 11, "area": 344401.0, "iscrowd": 0, "keypoints": [258, 48, 2, 0, 0, 0, 202, 27, 2, 0, 0, 0, 90, 35, 2, 0, 0, 0, 110, 188, 2, 0, 0, 0, 207, 477, 2, 0, 0, 0, 458, 445, 2, 360, 210, 1, 366, 370, 2, 562, 69, 1, 676, 200, 2, 0, 0, 0, 685, 368, 1], "image_id": 20503741000, "bbox": [18, 1, 719, 479], "category_id": 1, "id": 20503741000}, {"segmentation": [[31, 1, 718, 1, 718, 480, 31, 480]], "num_keypoints": 9, "area": 329073.0, "iscrowd": 0, "keypoints": [248, 11, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 88, 2, 2, 0, 0, 0, 99, 173, 2, 0, 0, 0, 220, 460, 2, 0, 0, 0, 499, 436, 2, 392, 233, 1, 393, 384, 2, 564, 65, 1, 663, 201, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503743100, "bbox": [31, 1, 687, 479], "category_id": 1, "id": 20503743100}, {"segmentation": [[15, 4, 756, 4, 756, 465, 15, 465]], "num_keypoints": 11, "area": 341601.0, "iscrowd": 0, "keypoints": [226, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 56, 27, 2, 0, 0, 0, 107, 237, 2, 216, 48, 1, 310, 389, 2, 290, 15, 2, 414, 183, 2, 342, 204, 1, 348, 318, 1, 602, 136, 1, 698, 243, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503705300, "bbox": [15, 4, 741, 461], "category_id": 1, "id": 20503705300}, {"segmentation": [[44, 1, 733, 1, 733, 460, 44, 460]], "num_keypoints": 10, "area": 316251.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 191, 29, 1, 137, 182, 2, 307, 139, 1, 291, 415, 2, 405, 161, 2, 448, 257, 2, 370, 208, 1, 374, 398, 1, 553, 48, 1, 689, 242, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503760500, "bbox": [44, 1, 689, 459], "category_id": 1, "id": 20503760500}, {"segmentation": [[39, 3, 764, 3, 764, 480, 39, 480]], "num_keypoints": 12, "area": 345825.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 165, 9, 1, 116, 178, 2, 294, 94, 1, 275, 408, 2, 460, 77, 2, 491, 298, 2, 344, 206, 2, 355, 332, 2, 595, 108, 1, 680, 241, 2, 723, 253, 2, 652, 399, 1], "image_id": 20503700600, "bbox": [39, 3, 725, 477], "category_id": 1, "id": 20503700600}, {"segmentation": [[22, 4, 750, 4, 750, 477, 22, 477]], "num_keypoints": 14, "area": 344344, "iscrowd": 0, "keypoints": [218, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 72, 29, 2, 203, 34, 1, 114, 184, 2, 312, 133, 1, 332, 436, 2, 405, 175, 1, 424, 197, 2, 368, 212, 1, 363, 331, 1, 549, 58, 1, 695, 251, 2, 656, 186, 1, 695, 388, 1], "image_id": 20503762900, "bbox": [22, 4, 728, 473], "category_id": 1, "id": 20503762900}, {"segmentation": [[34, 0, 745, 0, 745, 465, 34, 465]], "num_keypoints": 13, "area": 330615.0, "iscrowd": 0, "keypoints": [227, 4, 2, 0, 0, 0, 211, 4, 2, 0, 0, 0, 75, 4, 2, 172, 47, 2, 120, 174, 2, 314, 123, 1, 336, 404, 2, 416, 183, 2, 451, 233, 2, 373, 199, 2, 346, 312, 1, 547, 47, 2, 693, 238, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503763200, "bbox": [34, 0, 711, 465], "category_id": 1, "id": 20503763200}, {"segmentation": [[35, 5, 774, 5, 774, 413, 35, 413]], "num_keypoints": 11, "area": 301512.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 215, 30, 1, 181, 221, 2, 304, 105, 2, 415, 362, 2, 410, 173, 2, 623, 187, 2, 387, 220, 1, 419, 335, 1, 556, 67, 1, 683, 234, 2, 0, 0, 0, 681, 397, 1], "image_id": 20503768700, "bbox": [35, 5, 739, 408], "category_id": 1, "id": 20503768700}, {"segmentation": [[23, 1, 861, 1, 861, 430, 23, 430]], "num_keypoints": 12, "area": 359502.0, "iscrowd": 0, "keypoints": [235, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 82, 4, 2, 168, 32, 1, 143, 214, 2, 271, 117, 1, 407, 361, 2, 410, 173, 2, 708, 272, 2, 343, 213, 1, 360, 333, 1, 553, 59, 1, 679, 243, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503771700, "bbox": [23, 1, 838, 429], "category_id": 1, "id": 20503771700}, {"segmentation": [[42, 0, 984, 0, 984, 480, 42, 480]], "num_keypoints": 12, "area": 452160.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 103, 9, 2, 210, 42, 1, 151, 215, 2, 298, 122, 1, 478, 337, 2, 408, 173, 2, 787, 263, 2, 358, 196, 1, 355, 366, 1, 551, 53, 1, 678, 241, 1, 668, 165, 1, 0, 0, 0], "image_id": 20503772000, "bbox": [42, 0, 942, 480], "category_id": 1, "id": 20503772000}, {"segmentation": [[18, 3, 752, 3, 752, 475, 18, 475]], "num_keypoints": 8, "area": 346448.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 92, 197, 2, 0, 0, 0, 336, 88, 2, 451, 200, 2, 94, 23, 2, 363, 209, 1, 366, 347, 2, 555, 50, 2, 683, 245, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503779500, "bbox": [18, 3, 734, 472], "category_id": 1, "id": 20503779500}, {"segmentation": [[46, 5, 783, 5, 783, 465, 46, 465]], "num_keypoints": 12, "area": 339020.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 221, 27, 1, 184, 212, 2, 352, 129, 2, 394, 350, 2, 439, 188, 1, 492, 140, 2, 354, 232, 1, 359, 365, 2, 492, 109, 1, 687, 242, 2, 608, 226, 1, 688, 402, 1], "image_id": 20503780200, "bbox": [46, 5, 737, 460], "category_id": 1, "id": 20503780200}, {"segmentation": [[24, 0, 839, 0, 839, 438, 24, 438]], "num_keypoints": 9, "area": 356970.0, "iscrowd": 0, "keypoints": [227, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 131, 174, 2, 0, 0, 0, 405, 340, 2, 482, 233, 2, 655, 161, 2, 354, 159, 1, 342, 400, 1, 546, 44, 2, 683, 243, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503780500, "bbox": [24, 0, 815, 438], "category_id": 1, "id": 20503780500}, {"segmentation": [[34, 2, 760, 2, 760, 480, 34, 480]], "num_keypoints": 12, "area": 347028.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 153, 4, 2, 169, 27, 1, 127, 170, 2, 273, 114, 1, 279, 445, 2, 416, 77, 2, 424, 280, 2, 350, 220, 1, 365, 329, 1, 572, 70, 1, 674, 216, 2, 678, 258, 1, 0, 0, 0], "image_id": 20503810500, "bbox": [34, 2, 726, 478], "category_id": 1, "id": 20503810500}, {"segmentation": [[121, 0, 770, 0, 770, 480, 121, 480]], "num_keypoints": 10, "area": 311520.0, "iscrowd": 0, "keypoints": [566, 78, 2, 0, 0, 0, 539, 33, 2, 0, 0, 0, 414, 0, 2, 0, 0, 0, 292, 203, 2, 0, 0, 0, 321, 473, 2, 0, 0, 0, 511, 343, 2, 394, 197, 1, 412, 311, 1, 588, 92, 1, 674, 235, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503813100, "bbox": [121, 0, 649, 480], "category_id": 1, "id": 20503813100}, {"segmentation": [[170, 2, 765, 2, 765, 480, 170, 480]], "num_keypoints": 9, "area": 284410.0, "iscrowd": 0, "keypoints": [619, 122, 2, 0, 0, 0, 595, 80, 2, 0, 0, 0, 489, 37, 2, 0, 0, 0, 449, 256, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 356, 236, 1, 388, 371, 1, 575, 115, 1, 680, 261, 2, 704, 249, 1, 0, 0, 0], "image_id": 20503813900, "bbox": [170, 2, 595, 478], "category_id": 1, "id": 20503813900}, {"segmentation": [[153, 1, 749, 1, 749, 480, 153, 480]], "num_keypoints": 12, "area": 285484.0, "iscrowd": 0, "keypoints": [556, 33, 2, 0, 0, 0, 531, 4, 2, 0, 0, 0, 0, 0, 0, 355, 47, 1, 337, 161, 2, 406, 94, 1, 271, 434, 2, 490, 101, 2, 523, 457, 2, 426, 184, 1, 413, 319, 2, 594, 111, 1, 674, 266, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503814200, "bbox": [153, 1, 596, 479], "category_id": 1, "id": 20503814200}, {"segmentation": [[3, 4, 799, 4, 799, 481, 3, 481]], "num_keypoints": 14, "area": 379692, "iscrowd": 0, "keypoints": [329, 39, 2, 0, 0, 0, 226, 37, 2, 0, 0, 0, 111, 124, 2, 272, 17, 1, 125, 281, 2, 345, 86, 1, 0, 0, 0, 476, 102, 2, 458, 481, 2, 355, 188, 1, 372, 331, 2, 613, 116, 1, 649, 232, 2, 678, 241, 1, 767, 312, 1], "image_id": 20503820700, "bbox": [3, 4, 796, 477], "category_id": 1, "id": 20503820700}, {"segmentation": [[38, 0, 787, 0, 787, 480, 38, 480]], "num_keypoints": 9, "area": 359520.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 138, 117, 2, 402, 12, 2, 272, 411, 2, 0, 0, 0, 555, 412, 2, 359, 200, 1, 365, 329, 2, 574, 89, 1, 669, 246, 2, 702, 239, 2, 0, 0, 0], "image_id": 20503827100, "bbox": [38, 0, 749, 480], "category_id": 1, "id": 20503827100}, {"segmentation": [[40, 3, 845, 3, 845, 480, 40, 480]], "num_keypoints": 11, "area": 383985.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 239, 4, 1, 116, 202, 2, 441, 25, 2, 315, 445, 2, 639, 32, 2, 558, 457, 2, 353, 216, 1, 363, 341, 2, 593, 120, 1, 675, 258, 2, 743, 231, 2, 0, 0, 0], "image_id": 20503828001, "bbox": [40, 3, 805, 477], "category_id": 1, "id": 20503828001}, {"segmentation": [[34, 1, 770, 1, 770, 480, 34, 480]], "num_keypoints": 9, "area": 352544.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 140, 195, 2, 329, 113, 1, 294, 443, 2, 492, 119, 2, 545, 465, 2, 361, 210, 1, 371, 315, 2, 595, 122, 1, 656, 262, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503828900, "bbox": [34, 1, 736, 479], "category_id": 1, "id": 20503828900}, {"segmentation": [[48, 0, 754, 0, 754, 480, 48, 480]], "num_keypoints": 8, "area": 338880.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 140, 137, 2, 352, 22, 2, 281, 436, 2, 0, 0, 0, 552, 456, 2, 352, 190, 1, 379, 341, 2, 596, 120, 1, 677, 261, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503829200, "bbox": [48, 0, 706, 480], "category_id": 1, "id": 20503829200}, {"segmentation": [[27, 0, 809, 0, 809, 480, 27, 480]], "num_keypoints": 11, "area": 375360, "iscrowd": 0, "keypoints": [0, 0, 0, 229, 8, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 262, 0, 1, 118, 178, 2, 416, 38, 2, 296, 436, 2, 649, 36, 2, 432, 401, 2, 360, 202, 1, 375, 322, 2, 593, 105, 1, 676, 255, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503829601, "bbox": [27, 0, 782, 480], "category_id": 1, "id": 20503829601}, {"segmentation": [[42, 3, 831, 3, 831, 480, 42, 480]], "num_keypoints": 11, "area": 376353.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 213, 7, 1, 140, 208, 2, 404, 17, 2, 277, 447, 2, 0, 0, 0, 457, 322, 2, 334, 215, 1, 350, 337, 2, 583, 110, 1, 681, 266, 2, 709, 247, 2, 785, 323, 1], "image_id": 20503830200, "bbox": [42, 3, 789, 477], "category_id": 1, "id": 20503830200}, {"segmentation": [[52, 2, 770, 2, 770, 480, 52, 480]], "num_keypoints": 11, "area": 343204.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 203, 8, 1, 142, 198, 2, 370, 29, 2, 250, 462, 2, 497, 4, 2, 441, 335, 2, 346, 204, 1, 362, 322, 2, 572, 107, 1, 671, 257, 2, 730, 255, 2, 0, 0, 0], "image_id": 20503830700, "bbox": [52, 2, 718, 478], "category_id": 1, "id": 20503830700}, {"segmentation": [[61, 0, 747, 0, 747, 480, 61, 480]], "num_keypoints": 10, "area": 329280.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 253, 26, 2, 123, 200, 2, 359, 107, 1, 227, 472, 2, 495, 119, 2, 406, 353, 2, 353, 223, 2, 341, 390, 2, 662, 165, 2, 672, 252, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503835700, "bbox": [61, 0, 686, 480], "category_id": 1, "id": 20503835700}, {"segmentation": [[46, 1, 749, 1, 749, 480, 46, 480]], "num_keypoints": 10, "area": 336737.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 227, 12, 1, 120, 230, 2, 320, 93, 1, 207, 448, 2, 490, 134, 2, 414, 341, 2, 367, 209, 1, 363, 315, 2, 599, 163, 1, 649, 239, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503836200, "bbox": [46, 1, 703, 479], "category_id": 1, "id": 20503836200}, {"segmentation": [[40, 5, 820, 5, 820, 436, 40, 436]], "num_keypoints": 11, "area": 336180.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 232, 15, 1, 150, 148, 2, 372, 82, 2, 397, 375, 2, 523, 39, 2, 637, 339, 2, 351, 201, 1, 353, 306, 1, 607, 145, 1, 662, 232, 2, 0, 0, 0, 784, 308, 1], "image_id": 20503836500, "bbox": [40, 5, 780, 431], "category_id": 1, "id": 20503836500}, {"segmentation": [[29, 1, 749, 1, 749, 465, 29, 465]], "num_keypoints": 8, "area": 334080.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 153, 194, 2, 0, 0, 0, 323, 383, 2, 386, 147, 2, 464, 210, 2, 334, 208, 1, 346, 343, 1, 541, 67, 2, 655, 231, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503838600, "bbox": [29, 1, 720, 464], "category_id": 1, "id": 20503838600}, {"segmentation": [[38, 1, 750, 1, 750, 457, 38, 457]], "num_keypoints": 9, "area": 324672.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 150, 178, 2, 317, 120, 1, 356, 329, 2, 445, 204, 2, 476, 240, 2, 339, 214, 1, 340, 376, 1, 550, 70, 2, 676, 254, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503838900, "bbox": [38, 1, 712, 456], "category_id": 1, "id": 20503838900}, {"segmentation": [[131, 2, 767, 2, 767, 464, 131, 464]], "num_keypoints": 10, "area": 293832.0, "iscrowd": 0, "keypoints": [476, 59, 2, 0, 0, 0, 442, 10, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 287, 154, 2, 0, 0, 0, 362, 389, 2, 437, 165, 2, 490, 231, 2, 384, 181, 1, 371, 338, 1, 544, 69, 1, 668, 258, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503841000, "bbox": [131, 2, 636, 462], "category_id": 1, "id": 20503841000}, {"segmentation": [[0, 0, 750, 0, 750, 475, 0, 475]], "num_keypoints": 10, "area": 356250.0, "iscrowd": 0, "keypoints": [3, 59, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 37, 182, 2, 461, 18, 2, 246, 415, 2, 603, 11, 2, 493, 332, 2, 367, 203, 1, 343, 362, 1, 555, 64, 1, 655, 254, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503855900, "bbox": [0, 0, 750, 475], "category_id": 1, "id": 20503855900}, {"segmentation": [[29, 5, 772, 5, 772, 473, 29, 473]], "num_keypoints": 7, "area": 347724.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 148, 170, 2, 0, 0, 0, 369, 337, 2, 0, 0, 0, 435, 181, 2, 356, 155, 1, 422, 323, 1, 563, 98, 1, 652, 255, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503861800, "bbox": [29, 5, 743, 468], "category_id": 1, "id": 20503861800}, {"segmentation": [[4, 3, 750, 3, 750, 449, 4, 449]], "num_keypoints": 11, "area": 332716.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 131, 5, 2, 88, 16, 1, 153, 247, 2, 239, 53, 1, 367, 312, 2, 355, 60, 2, 324, 87, 2, 352, 201, 1, 361, 327, 1, 631, 148, 1, 694, 258, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503865600, "bbox": [4, 3, 746, 446], "category_id": 1, "id": 20503865600}, {"segmentation": [[44, 6, 813, 6, 813, 458, 44, 458]], "num_keypoints": 10, "area": 347588.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 126, 21, 1, 152, 165, 2, 286, 82, 1, 372, 222, 2, 427, 100, 2, 302, 68, 2, 340, 167, 1, 343, 369, 2, 566, 89, 2, 680, 264, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503865900, "bbox": [44, 6, 769, 452], "category_id": 1, "id": 20503865900}, {"segmentation": [[34, 0, 734, 0, 734, 429, 34, 429]], "num_keypoints": 9, "area": 300300.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 167, 7, 1, 109, 178, 2, 0, 0, 0, 343, 341, 2, 432, 80, 2, 355, 99, 2, 342, 199, 1, 333, 328, 1, 593, 89, 1, 649, 237, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503881000, "bbox": [34, 0, 700, 429], "category_id": 1, "id": 20503881000}, {"segmentation": [[36, 1, 734, 1, 734, 439, 36, 439]], "num_keypoints": 10, "area": 305724.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 144, 21, 1, 186, 158, 2, 280, 106, 1, 447, 193, 2, 437, 81, 2, 538, 1, 2, 336, 212, 1, 346, 339, 2, 565, 115, 1, 647, 243, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503882700, "bbox": [36, 1, 698, 438], "category_id": 1, "id": 20503882700}, {"segmentation": [[74, 2, 736, 2, 736, 480, 74, 480]], "num_keypoints": 8, "area": 316436.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 277, 119, 2, 0, 0, 0, 519, 132, 2, 428, 83, 1, 562, 3, 2, 372, 235, 1, 383, 334, 2, 574, 147, 1, 656, 237, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503883000, "bbox": [74, 2, 662, 478], "category_id": 1, "id": 20503883000}, {"segmentation": [[93, 2, 785, 2, 785, 455, 93, 455]], "num_keypoints": 9, "area": 313476.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 256, 90, 2, 0, 0, 0, 430, 301, 2, 424, 102, 2, 514, 69, 2, 337, 203, 1, 371, 351, 2, 564, 94, 1, 663, 246, 2, 688, 250, 1, 0, 0, 0], "image_id": 20503883700, "bbox": [93, 2, 692, 453], "category_id": 1, "id": 20503883700}, {"segmentation": [[50, 0, 801, 0, 801, 480, 50, 480]], "num_keypoints": 10, "area": 360480.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 253, 3, 2, 110, 148, 2, 387, 29, 2, 290, 437, 2, 643, 70, 2, 543, 457, 2, 351, 203, 2, 344, 333, 2, 583, 129, 2, 688, 254, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503885201, "bbox": [50, 0, 751, 480], "category_id": 1, "id": 20503885201}, {"segmentation": [[24, 2, 745, 2, 745, 480, 24, 480]], "num_keypoints": 10, "area": 344638.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 239, 29, 1, 136, 171, 2, 348, 103, 2, 316, 431, 2, 499, 164, 2, 549, 457, 2, 382, 233, 1, 352, 355, 2, 621, 159, 1, 685, 250, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503885800, "bbox": [24, 2, 721, 478], "category_id": 1, "id": 20503885800}, {"segmentation": [[45, 2, 781, 2, 781, 480, 45, 480]], "num_keypoints": 11, "area": 351808.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 205, 9, 1, 127, 141, 2, 348, 110, 2, 331, 438, 2, 503, 164, 2, 535, 462, 2, 365, 225, 1, 373, 334, 2, 575, 92, 1, 661, 248, 2, 721, 250, 2, 0, 0, 0], "image_id": 20503886400, "bbox": [45, 2, 736, 478], "category_id": 1, "id": 20503886400}, {"segmentation": [[51, 1, 800, 1, 800, 480, 51, 480]], "num_keypoints": 11, "area": 358771.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 213, 4, 1, 133, 169, 2, 347, 95, 2, 320, 421, 2, 494, 119, 2, 555, 457, 2, 355, 207, 1, 352, 331, 2, 589, 117, 1, 665, 251, 2, 727, 249, 2, 0, 0, 0], "image_id": 20503886700, "bbox": [51, 1, 749, 479], "category_id": 1, "id": 20503886700}, {"segmentation": [[39, 1, 784, 1, 784, 480, 39, 480]], "num_keypoints": 11, "area": 356855, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 216, 1, 1, 125, 180, 2, 412, 24, 2, 300, 450, 2, 618, 6, 2, 540, 456, 2, 350, 207, 1, 355, 329, 2, 564, 106, 1, 663, 256, 2, 723, 250, 2, 0, 0, 0], "image_id": 20503887400, "bbox": [39, 1, 745, 479], "category_id": 1, "id": 20503887400}, {"segmentation": [[108, 0, 790, 0, 790, 446, 108, 446]], "num_keypoints": 8, "area": 304172.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 383, 10, 2, 0, 0, 0, 612, 104, 2, 0, 0, 0, 0, 0, 0, 310, 217, 1, 339, 321, 1, 512, 94, 1, 661, 246, 2, 620, 227, 1, 730, 374, 1], "image_id": 20503919200, "bbox": [108, 0, 682, 446], "category_id": 1, "id": 20503919200}, {"segmentation": [[34, 1, 776, 1, 776, 461, 34, 461]], "num_keypoints": 12, "area": 341320.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 180, 11, 1, 136, 145, 2, 282, 100, 1, 335, 411, 2, 435, 94, 2, 582, 322, 2, 346, 212, 1, 367, 326, 2, 581, 110, 1, 652, 222, 2, 702, 235, 2, 728, 368, 1], "image_id": 20503902000, "bbox": [34, 1, 742, 460], "category_id": 1, "id": 20503902000}, {"segmentation": [[15, 0, 752, 0, 752, 454, 15, 454]], "num_keypoints": 9, "area": 334598, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 101, 131, 2, 0, 0, 0, 328, 244, 2, 386, 164, 1, 304, 0, 2, 326, 224, 1, 341, 383, 2, 528, 58, 2, 678, 270, 2, 572, 248, 1, 0, 0, 0], "image_id": 20503933700, "bbox": [15, 0, 737, 454], "category_id": 1, "id": 20503933700}, {"segmentation": [[36, 1, 737, 1, 737, 477, 36, 477]], "num_keypoints": 10, "area": 333676.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 130, 172, 2, 270, 103, 1, 235, 435, 2, 385, 154, 2, 448, 285, 2, 352, 218, 1, 350, 345, 1, 531, 61, 2, 649, 253, 2, 670, 222, 1, 0, 0, 0], "image_id": 20503935800, "bbox": [36, 1, 701, 476], "category_id": 1, "id": 20503935800}, {"segmentation": [[17, 0, 742, 0, 742, 436, 17, 436]], "num_keypoints": 10, "area": 316100.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 154, 17, 1, 105, 156, 2, 303, 78, 2, 320, 330, 2, 453, 78, 2, 552, 247, 2, 340, 196, 1, 353, 331, 1, 534, 49, 1, 677, 228, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503936100, "bbox": [17, 0, 725, 436], "category_id": 1, "id": 20503936100}, {"segmentation": [[28, 7, 762, 7, 762, 460, 28, 460]], "num_keypoints": 11, "area": 332502.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 161, 11, 1, 126, 158, 2, 287, 119, 1, 331, 355, 2, 393, 165, 2, 489, 240, 2, 359, 218, 1, 340, 347, 1, 545, 57, 2, 681, 248, 2, 0, 0, 0, 684, 394, 1], "image_id": 20503939800, "bbox": [28, 7, 734, 453], "category_id": 1, "id": 20503939800}, {"segmentation": [[23, 2, 796, 2, 796, 480, 23, 480]], "num_keypoints": 14, "area": 369494, "iscrowd": 0, "keypoints": [277, 5, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 121, 2, 2, 155, 11, 1, 109, 173, 2, 254, 122, 1, 181, 447, 2, 389, 131, 2, 407, 385, 2, 362, 204, 1, 352, 334, 2, 551, 59, 1, 684, 248, 2, 630, 203, 2, 700, 398, 1], "image_id": 20503946300, "bbox": [23, 2, 773, 478], "category_id": 1, "id": 20503946300}, {"segmentation": [[20, 3, 728, 3, 728, 480, 20, 480]], "num_keypoints": 10, "area": 337716.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 108, 3, 2, 232, 9, 1, 126, 207, 2, 0, 0, 0, 251, 464, 2, 0, 0, 0, 442, 253, 2, 366, 195, 2, 407, 323, 2, 537, 59, 2, 672, 240, 2, 624, 239, 1, 0, 0, 0], "image_id": 20503957400, "bbox": [20, 3, 708, 477], "category_id": 1, "id": 20503957400}, {"segmentation": [[48, 5, 832, 5, 832, 447, 48, 447]], "num_keypoints": 11, "area": 346528.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 214, 8, 1, 147, 187, 2, 362, 16, 2, 428, 374, 2, 0, 0, 0, 648, 329, 2, 368, 204, 1, 368, 319, 1, 593, 148, 1, 663, 236, 2, 735, 230, 1, 776, 310, 1], "image_id": 20503958200, "bbox": [48, 5, 784, 442], "category_id": 1, "id": 20503958200}, {"segmentation": [[97, 3, 734, 3, 734, 480, 97, 480]], "num_keypoints": 7, "area": 303849.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 271, 47, 2, 0, 0, 0, 523, 95, 2, 0, 0, 0, 558, 3, 2, 336, 237, 1, 352, 344, 2, 495, 81, 1, 654, 238, 2, 0, 0, 0, 0, 0, 0], "image_id": 20503958800, "bbox": [97, 3, 637, 477], "category_id": 1, "id": 20503958800}, {"segmentation": [[26, 0, 767, 0, 767, 479, 26, 479]], "num_keypoints": 12, "area": 354939.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 154, 16, 1, 116, 164, 2, 285, 107, 1, 279, 429, 2, 404, 173, 2, 414, 256, 2, 328, 181, 2, 319, 326, 1, 559, 57, 1, 671, 254, 2, 662, 191, 2, 691, 362, 1], "image_id": 20503978100, "bbox": [26, 0, 741, 479], "category_id": 1, "id": 20503978100}, {"segmentation": [[22, 5, 756, 5, 756, 480, 22, 480]], "num_keypoints": 11, "area": 348650.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 163, 7, 1, 98, 146, 2, 0, 0, 0, 213, 463, 2, 377, 153, 1, 279, 248, 2, 366, 243, 1, 366, 345, 2, 571, 57, 1, 667, 256, 2, 601, 261, 1, 677, 425, 1], "image_id": 20503978600, "bbox": [22, 5, 734, 475], "category_id": 1, "id": 20503978600}, {"segmentation": [[24, 3, 741, 3, 741, 476, 24, 476]], "num_keypoints": 16, "area": 339141.0, "iscrowd": 0, "keypoints": [245, 70, 2, 257, 4, 2, 170, 13, 2, 0, 0, 0, 113, 12, 2, 270, 31, 1, 121, 222, 2, 306, 93, 1, 269, 449, 2, 448, 79, 2, 457, 300, 2, 354, 191, 1, 364, 314, 2, 562, 86, 1, 653, 210, 2, 688, 232, 1, 639, 392, 1], "image_id": 20503980400, "bbox": [24, 3, 717, 473], "category_id": 1, "id": 20503980400}, {"segmentation": [[57, 2, 758, 2, 758, 480, 57, 480]], "num_keypoints": 12, "area": 335078.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 212, 21, 1, 132, 171, 2, 323, 139, 1, 240, 465, 2, 415, 171, 2, 490, 442, 2, 335, 223, 1, 330, 399, 2, 554, 63, 1, 664, 232, 2, 632, 283, 1, 725, 382, 1], "image_id": 20503909500, "bbox": [57, 2, 701, 478], "category_id": 1, "id": 20503909500}, {"segmentation": [[190, 3, 933, 3, 933, 480, 190, 480]], "num_keypoints": 15, "area": 354411.0, "iscrowd": 0, "keypoints": [522, 120, 2, 0, 0, 0, 502, 91, 2, 0, 0, 0, 403, 78, 2, 370, 114, 1, 402, 328, 2, 416, 205, 2, 572, 480, 2, 497, 287, 2, 832, 478, 2, 502, 272, 2, 524, 404, 2, 661, 207, 1, 746, 327, 2, 788, 328, 1, 839, 427, 1], "image_id": 20504013500, "bbox": [190, 3, 743, 477], "category_id": 1, "id": 20504013500}, {"segmentation": [[97, 2, 876, 2, 876, 480, 97, 480]], "num_keypoints": 14, "area": 372362.0, "iscrowd": 0, "keypoints": [436, 56, 2, 0, 0, 0, 406, 27, 2, 0, 0, 0, 310, 52, 2, 308, 105, 1, 220, 257, 2, 382, 227, 1, 364, 480, 2, 500, 274, 1, 511, 322, 2, 456, 307, 1, 472, 418, 1, 661, 188, 1, 747, 320, 2, 803, 324, 2, 0, 0, 0], "image_id": 20504015200, "bbox": [97, 2, 779, 478], "category_id": 1, "id": 20504015200}, {"segmentation": [[82, 1, 863, 1, 863, 480, 82, 480]], "num_keypoints": 13, "area": 374099, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 255, 9, 2, 240, 91, 1, 229, 261, 2, 369, 223, 1, 418, 447, 2, 504, 268, 2, 566, 343, 2, 451, 316, 1, 469, 420, 1, 667, 187, 1, 759, 336, 2, 794, 320, 2, 863, 426, 1], "image_id": 20504026400, "bbox": [82, 1, 781, 479], "category_id": 1, "id": 20504026400}, {"segmentation": [[142, 5, 914, 5, 914, 480, 142, 480]], "num_keypoints": 14, "area": 366700.0, "iscrowd": 0, "keypoints": [397, 68, 2, 382, 15, 2, 344, 37, 2, 0, 0, 0, 235, 64, 2, 280, 109, 1, 248, 264, 2, 389, 212, 1, 529, 469, 2, 499, 282, 2, 756, 353, 2, 443, 302, 1, 473, 390, 2, 656, 193, 1, 756, 327, 1, 0, 0, 0, 0, 0, 0], "image_id": 20504003300, "bbox": [142, 5, 772, 475], "category_id": 1, "id": 20504003300}, {"segmentation": [[101, 3, 872, 3, 872, 480, 101, 480]], "num_keypoints": 15, "area": 367767.0, "iscrowd": 0, "keypoints": [353, 86, 2, 348, 37, 2, 300, 61, 2, 0, 0, 0, 197, 70, 2, 335, 125, 1, 229, 281, 2, 421, 238, 2, 440, 451, 2, 502, 278, 2, 566, 341, 2, 449, 310, 1, 471, 426, 1, 653, 193, 2, 761, 329, 2, 722, 358, 1, 0, 0, 0], "image_id": 20504003600, "bbox": [101, 3, 771, 477], "category_id": 1, "id": 20504003600}, {"segmentation": [[134, 0, 884, 0, 884, 477, 134, 477]], "num_keypoints": 12, "area": 357750.0, "iscrowd": 0, "keypoints": [383, 16, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 258, 19, 2, 252, 94, 1, 289, 226, 2, 0, 0, 0, 470, 429, 2, 478, 232, 2, 558, 248, 2, 459, 306, 1, 467, 419, 1, 652, 194, 1, 764, 349, 2, 797, 324, 2, 0, 0, 0], "image_id": 20504064700, "bbox": [134, 0, 750, 477], "category_id": 1, "id": 20504064700}, {"segmentation": [[53, 0, 888, 0, 888, 480, 53, 480]], "num_keypoints": 15, "area": 400800.0, "iscrowd": 0, "keypoints": [312, 16, 2, 0, 0, 0, 248, 4, 2, 0, 0, 0, 172, 32, 2, 268, 98, 1, 185, 208, 2, 383, 82, 2, 607, 360, 2, 331, 14, 2, 695, 352, 2, 442, 298, 1, 467, 413, 1, 666, 193, 1, 778, 370, 1, 797, 322, 2, 795, 427, 1], "image_id": 20504068700, "bbox": [53, 0, 835, 480], "category_id": 1, "id": 20504068700}, {"segmentation": [[87, 0, 857, 0, 857, 480, 87, 480]], "num_keypoints": 13, "area": 369600.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 258, 15, 2, 238, 85, 1, 182, 246, 2, 365, 72, 2, 394, 468, 2, 403, 60, 2, 606, 341, 2, 427, 297, 1, 420, 394, 2, 656, 201, 1, 774, 368, 2, 805, 331, 2, 772, 420, 1], "image_id": 20504071400, "bbox": [87, 0, 770, 480], "category_id": 1, "id": 20504071400}, {"segmentation": [[157, 1, 854, 1, 854, 480, 157, 480]], "num_keypoints": 10, "area": 333863.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 228, 97, 1, 299, 218, 2, 371, 88, 2, 576, 327, 2, 366, 18, 2, 652, 309, 2, 0, 0, 0, 464, 404, 2, 672, 201, 1, 752, 352, 2, 807, 339, 2, 0, 0, 0], "image_id": 20504071700, "bbox": [157, 1, 697, 479], "category_id": 1, "id": 20504071700}, {"segmentation": [[139, 3, 885, 3, 885, 480, 139, 480]], "num_keypoints": 13, "area": 355842.0, "iscrowd": 0, "keypoints": [369, 101, 2, 374, 36, 2, 310, 56, 2, 0, 0, 0, 219, 58, 2, 341, 68, 1, 236, 249, 2, 507, 120, 2, 0, 0, 0, 714, 81, 2, 0, 0, 0, 442, 304, 1, 450, 414, 2, 668, 212, 1, 764, 344, 2, 846, 346, 1, 0, 0, 0], "image_id": 20504111201, "bbox": [139, 3, 746, 477], "category_id": 1, "id": 20504111201}, {"segmentation": [[106, 1, 859, 1, 859, 480, 106, 480]], "num_keypoints": 12, "area": 360687.0, "iscrowd": 0, "keypoints": [369, 100, 2, 368, 35, 2, 303, 48, 2, 0, 0, 0, 216, 57, 2, 337, 81, 1, 225, 252, 2, 494, 126, 2, 0, 0, 0, 669, 132, 2, 0, 0, 0, 448, 304, 1, 459, 415, 2, 664, 195, 1, 770, 348, 2, 0, 0, 0, 0, 0, 0], "image_id": 20504111601, "bbox": [106, 1, 753, 479], "category_id": 1, "id": 20504111601}, {"segmentation": [[135, 2, 837, 2, 837, 480, 135, 480]], "num_keypoints": 11, "area": 335556.0, "iscrowd": 0, "keypoints": [370, 20, 2, 0, 0, 0, 296, 7, 2, 0, 0, 0, 210, 48, 2, 324, 91, 1, 229, 263, 2, 502, 124, 2, 0, 0, 0, 709, 114, 2, 0, 0, 0, 466, 286, 2, 429, 447, 2, 642, 205, 1, 766, 344, 2, 0, 0, 0, 0, 0, 0], "image_id": 20504112200, "bbox": [135, 2, 702, 478], "category_id": 1, "id": 20504112200}, {"segmentation": [[129, 5, 885, 5, 885, 480, 129, 480]], "num_keypoints": 13, "area": 359100.0, "iscrowd": 0, "keypoints": [403, 39, 2, 0, 0, 0, 343, 15, 2, 0, 0, 0, 236, 56, 2, 342, 96, 1, 250, 300, 2, 480, 122, 2, 0, 0, 0, 689, 98, 2, 0, 0, 0, 483, 311, 2, 491, 418, 2, 662, 201, 2, 761, 337, 2, 789, 360, 1, 838, 435, 1], "image_id": 20504113100, "bbox": [129, 5, 756, 475], "category_id": 1, "id": 20504113100}, {"segmentation": [[136, 4, 894, 4, 894, 480, 136, 480]], "num_keypoints": 13, "area": 360808.0, "iscrowd": 0, "keypoints": [406, 29, 2, 0, 0, 0, 353, 16, 2, 0, 0, 0, 248, 77, 2, 303, 73, 1, 210, 282, 2, 492, 86, 2, 0, 0, 0, 722, 89, 2, 0, 0, 0, 437, 306, 1, 437, 443, 2, 639, 188, 1, 766, 355, 2, 764, 314, 2, 866, 426, 1], "image_id": 20504113500, "bbox": [136, 4, 758, 476], "category_id": 1, "id": 20504113500}, {"segmentation": [[117, 1, 873, 1, 873, 480, 117, 480]], "num_keypoints": 11, "area": 362124.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 335, 4, 2, 0, 0, 0, 248, 61, 2, 356, 93, 2, 236, 369, 2, 479, 87, 2, 0, 0, 0, 670, 25, 2, 561, 456, 2, 476, 290, 2, 486, 423, 2, 650, 190, 1, 761, 342, 2, 0, 0, 0, 0, 0, 0], "image_id": 20504113800, "bbox": [117, 1, 756, 479], "category_id": 1, "id": 20504113800}, {"segmentation": [[104, 3, 813, 3, 813, 480, 104, 480]], "num_keypoints": 13, "area": 338193, "iscrowd": 0, "keypoints": [322, 14, 2, 0, 0, 0, 260, 3, 2, 0, 0, 0, 179, 64, 2, 277, 123, 1, 227, 290, 2, 397, 229, 2, 434, 468, 2, 480, 278, 2, 639, 312, 2, 431, 290, 2, 426, 384, 2, 615, 164, 2, 745, 349, 2, 0, 0, 0, 0, 0, 0], "image_id": 20504159200, "bbox": [104, 3, 709, 477], "category_id": 1, "id": 20504159200}, {"segmentation": [[126, 0, 807, 0, 807, 480, 126, 480]], "num_keypoints": 15, "area": 326880.0, "iscrowd": 0, "keypoints": [297, 57, 2, 288, 14, 1, 226, 36, 2, 0, 0, 0, 164, 79, 2, 279, 141, 2, 217, 275, 2, 394, 229, 2, 342, 480, 2, 501, 256, 2, 537, 398, 2, 429, 299, 2, 430, 418, 2, 615, 153, 2, 739, 346, 2, 756, 313, 1, 0, 0, 0], "image_id": 20504164800, "bbox": [126, 0, 681, 480], "category_id": 1, "id": 20504164800}, {"segmentation": [[41, 4, 833, 4, 833, 474, 41, 474]], "num_keypoints": 14, "area": 372240.0, "iscrowd": 0, "keypoints": [278, 48, 2, 265, 4, 2, 212, 32, 2, 0, 0, 0, 152, 89, 2, 289, 116, 1, 181, 297, 2, 360, 186, 1, 429, 445, 2, 531, 183, 2, 686, 371, 2, 431, 307, 1, 453, 407, 1, 609, 168, 1, 739, 355, 1, 0, 0, 0, 0, 0, 0], "image_id": 20504165100, "bbox": [41, 4, 792, 470], "category_id": 1, "id": 20504165100}, {"segmentation": [[88, 3, 845, 3, 845, 480, 88, 480]], "num_keypoints": 11, "area": 361089.0, "iscrowd": 0, "keypoints": [310, 25, 2, 0, 0, 0, 246, 11, 2, 0, 0, 0, 171, 63, 2, 287, 126, 1, 174, 279, 2, 364, 213, 1, 0, 0, 0, 488, 215, 2, 514, 447, 2, 414, 304, 1, 0, 0, 0, 638, 155, 1, 769, 325, 2, 0, 0, 0, 0, 0, 0], "image_id": 20504165800, "bbox": [88, 3, 757, 477], "category_id": 1, "id": 20504165800}, {"segmentation": [[92, 4, 888, 4, 888, 480, 92, 480]], "num_keypoints": 11, "area": 378896.0, "iscrowd": 0, "keypoints": [340, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 218, 35, 2, 261, 90, 1, 226, 257, 2, 373, 187, 1, 400, 480, 2, 524, 143, 2, 0, 0, 0, 427, 327, 1, 466, 421, 2, 621, 158, 2, 765, 356, 2, 0, 0, 0, 0, 0, 0], "image_id": 20504109400, "bbox": [92, 4, 796, 476], "category_id": 1, "id": 20504109400}, {"segmentation": [[94, 1, 878, 1, 878, 479, 94, 479]], "num_keypoints": 13, "area": 374752.0, "iscrowd": 0, "keypoints": [355, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 243, 16, 2, 273, 85, 1, 208, 213, 2, 429, 160, 2, 424, 471, 2, 615, 123, 2, 658, 448, 2, 438, 306, 1, 458, 416, 2, 668, 244, 1, 726, 327, 2, 818, 312, 2, 0, 0, 0], "image_id": 20504109700, "bbox": [94, 1, 784, 478], "category_id": 1, "id": 20504109700}, {"segmentation": [[103, 1, 844, 1, 844, 480, 103, 480]], "num_keypoints": 14, "area": 354939.0, "iscrowd": 0, "keypoints": [341, 37, 2, 0, 0, 0, 293, 18, 2, 0, 0, 0, 202, 77, 2, 268, 133, 1, 236, 341, 2, 443, 181, 2, 470, 467, 2, 605, 137, 2, 723, 453, 2, 444, 322, 2, 483, 425, 2, 679, 262, 1, 745, 355, 2, 813, 343, 1, 0, 0, 0], "image_id": 20505410500, "bbox": [103, 1, 741, 479], "category_id": 1, "id": 20505410500}, {"segmentation": [[118, 0, 813, 0, 813, 480, 118, 480]], "num_keypoints": 14, "area": 333600.0, "iscrowd": 0, "keypoints": [331, 68, 2, 310, 19, 2, 262, 47, 2, 0, 0, 0, 174, 94, 2, 289, 134, 1, 230, 288, 2, 430, 222, 2, 448, 480, 2, 578, 154, 2, 604, 382, 2, 431, 307, 1, 433, 433, 1, 636, 215, 1, 764, 378, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505418001, "bbox": [118, 0, 695, 480], "category_id": 1, "id": 20505418001}, {"segmentation": [[69, 2, 865, 2, 865, 480, 69, 480]], "num_keypoints": 12, "area": 380488.0, "iscrowd": 0, "keypoints": [302, 27, 2, 0, 0, 0, 278, 15, 2, 0, 0, 0, 224, 77, 2, 253, 130, 1, 173, 301, 2, 435, 199, 2, 0, 0, 0, 593, 129, 2, 553, 428, 2, 421, 339, 1, 444, 459, 2, 643, 212, 1, 758, 380, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505403300, "bbox": [69, 2, 796, 478], "category_id": 1, "id": 20505403300}, {"segmentation": [[73, 1, 841, 1, 841, 480, 73, 480]], "num_keypoints": 12, "area": 367872.0, "iscrowd": 0, "keypoints": [328, 41, 2, 0, 0, 0, 272, 27, 2, 0, 0, 0, 182, 98, 2, 270, 119, 1, 206, 293, 2, 453, 136, 2, 0, 0, 0, 632, 66, 2, 523, 427, 2, 427, 338, 1, 459, 461, 1, 640, 213, 1, 755, 373, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505446000, "bbox": [73, 1, 768, 479], "category_id": 1, "id": 20505446000}, {"segmentation": [[95, 4, 812, 4, 812, 480, 95, 480]], "num_keypoints": 12, "area": 341292.0, "iscrowd": 0, "keypoints": [324, 53, 2, 0, 0, 0, 268, 37, 2, 0, 0, 0, 176, 102, 2, 279, 120, 1, 196, 291, 2, 441, 152, 2, 0, 0, 0, 647, 216, 2, 516, 415, 2, 432, 319, 1, 426, 407, 2, 626, 254, 1, 742, 358, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505446400, "bbox": [95, 4, 717, 476], "category_id": 1, "id": 20505446400}, {"segmentation": [[57, 4, 824, 4, 824, 480, 57, 480]], "num_keypoints": 13, "area": 365092.0, "iscrowd": 0, "keypoints": [310, 36, 2, 0, 0, 0, 260, 26, 2, 0, 0, 0, 176, 110, 2, 288, 102, 1, 206, 322, 2, 420, 132, 2, 0, 0, 0, 645, 111, 2, 515, 418, 2, 430, 325, 1, 460, 439, 1, 644, 204, 1, 766, 366, 2, 704, 377, 1, 0, 0, 0], "image_id": 20505446700, "bbox": [57, 4, 767, 476], "category_id": 1, "id": 20505446700}, {"segmentation": [[66, 1, 871, 1, 871, 480, 66, 480]], "num_keypoints": 13, "area": 385595.0, "iscrowd": 0, "keypoints": [322, 37, 2, 0, 0, 0, 281, 27, 2, 0, 0, 0, 197, 97, 2, 268, 131, 1, 174, 290, 2, 437, 208, 2, 0, 0, 0, 590, 135, 2, 555, 436, 2, 421, 335, 1, 442, 452, 2, 654, 215, 1, 752, 378, 2, 782, 351, 2, 0, 0, 0], "image_id": 20505404800, "bbox": [66, 1, 805, 479], "category_id": 1, "id": 20505404800}, {"segmentation": [[83, 3, 852, 3, 852, 480, 83, 480]], "num_keypoints": 12, "area": 366813.0, "iscrowd": 0, "keypoints": [323, 27, 2, 0, 0, 0, 262, 15, 2, 0, 0, 0, 182, 87, 2, 273, 113, 1, 216, 276, 2, 441, 158, 2, 0, 0, 0, 637, 178, 2, 703, 462, 2, 431, 325, 1, 462, 427, 2, 642, 217, 1, 745, 347, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505455700, "bbox": [83, 3, 769, 477], "category_id": 1, "id": 20505455700}, {"segmentation": [[94, 3, 850, 3, 850, 480, 94, 480]], "num_keypoints": 14, "area": 360612.0, "iscrowd": 0, "keypoints": [339, 43, 2, 0, 0, 0, 283, 32, 2, 0, 0, 0, 199, 110, 2, 260, 117, 1, 214, 322, 2, 459, 139, 2, 495, 458, 2, 613, 69, 2, 691, 364, 2, 423, 329, 1, 448, 446, 1, 654, 202, 1, 757, 391, 2, 775, 368, 1, 0, 0, 0], "image_id": 20505456700, "bbox": [94, 3, 756, 477], "category_id": 1, "id": 20505456700}, {"segmentation": [[80, 1, 862, 1, 862, 480, 80, 480]], "num_keypoints": 12, "area": 374578.0, "iscrowd": 0, "keypoints": [331, 24, 2, 0, 0, 0, 287, 3, 2, 0, 0, 0, 202, 69, 2, 262, 128, 1, 195, 278, 2, 444, 158, 2, 0, 0, 0, 619, 90, 2, 726, 480, 2, 428, 324, 1, 440, 427, 2, 644, 223, 1, 755, 365, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505406000, "bbox": [80, 1, 782, 479], "category_id": 1, "id": 20505406000}, {"segmentation": [[54, 4, 847, 4, 847, 480, 54, 480]], "num_keypoints": 13, "area": 377468.0, "iscrowd": 0, "keypoints": [307, 39, 2, 0, 0, 0, 256, 32, 2, 0, 0, 0, 174, 108, 2, 292, 121, 1, 186, 263, 2, 443, 141, 2, 0, 0, 0, 627, 90, 2, 495, 440, 2, 421, 323, 1, 420, 431, 2, 644, 210, 1, 762, 372, 2, 751, 333, 2, 0, 0, 0], "image_id": 20505463800, "bbox": [54, 4, 793, 476], "category_id": 1, "id": 20505463800}, {"segmentation": [[57, 7, 876, 7, 876, 481, 57, 481]], "num_keypoints": 14, "area": 388206, "iscrowd": 0, "keypoints": [290, 87, 2, 280, 37, 2, 227, 58, 2, 0, 0, 0, 153, 99, 2, 238, 124, 1, 178, 294, 2, 387, 94, 2, 0, 0, 0, 552, 122, 2, 469, 481, 2, 424, 325, 1, 432, 440, 2, 642, 206, 1, 753, 376, 2, 781, 344, 2, 0, 0, 0], "image_id": 20505469900, "bbox": [57, 7, 819, 474], "category_id": 1, "id": 20505469900}, {"segmentation": [[80, 7, 885, 7, 885, 480, 80, 480]], "num_keypoints": 14, "area": 380765.0, "iscrowd": 0, "keypoints": [349, 27, 2, 0, 0, 0, 301, 14, 2, 0, 0, 0, 216, 68, 2, 294, 120, 1, 219, 304, 2, 467, 137, 2, 459, 453, 2, 635, 70, 2, 433, 209, 2, 429, 339, 1, 446, 436, 1, 650, 206, 1, 751, 354, 2, 773, 372, 1, 0, 0, 0], "image_id": 20505407100, "bbox": [80, 7, 805, 473], "category_id": 1, "id": 20505407100}, {"segmentation": [[85, 1, 837, 1, 837, 480, 85, 480]], "num_keypoints": 11, "area": 360208.0, "iscrowd": 0, "keypoints": [310, 25, 2, 0, 0, 0, 265, 10, 2, 0, 0, 0, 181, 71, 2, 269, 122, 1, 183, 310, 2, 419, 212, 2, 0, 0, 0, 577, 177, 2, 0, 0, 0, 438, 333, 1, 449, 445, 2, 675, 252, 1, 733, 370, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505474401, "bbox": [85, 1, 752, 479], "category_id": 1, "id": 20505474401}, {"segmentation": [[92, 3, 879, 3, 879, 480, 92, 480]], "num_keypoints": 13, "area": 375399.0, "iscrowd": 0, "keypoints": [345, 58, 2, 0, 0, 0, 302, 49, 2, 0, 0, 0, 208, 111, 2, 258, 118, 1, 215, 279, 2, 440, 141, 2, 0, 0, 0, 668, 111, 2, 539, 406, 2, 427, 337, 1, 450, 465, 1, 642, 210, 1, 763, 367, 2, 774, 350, 1, 0, 0, 0], "image_id": 20505475000, "bbox": [92, 3, 787, 477], "category_id": 1, "id": 20505475000}, {"segmentation": [[78, 2, 854, 2, 854, 480, 78, 480]], "num_keypoints": 13, "area": 370928.0, "iscrowd": 0, "keypoints": [343, 43, 2, 0, 0, 0, 310, 25, 2, 0, 0, 0, 227, 80, 2, 260, 128, 1, 205, 248, 2, 433, 175, 2, 443, 479, 2, 585, 129, 2, 556, 301, 2, 444, 331, 1, 451, 435, 1, 637, 213, 1, 750, 370, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505475900, "bbox": [78, 2, 776, 478], "category_id": 1, "id": 20505475900}, {"segmentation": [[100, 0, 884, 0, 884, 480, 100, 480]], "num_keypoints": 14, "area": 376320.0, "iscrowd": 0, "keypoints": [316, 16, 2, 0, 0, 0, 265, 4, 2, 0, 0, 0, 185, 68, 2, 293, 130, 1, 197, 307, 2, 478, 142, 2, 462, 457, 2, 678, 81, 2, 543, 261, 2, 439, 319, 1, 445, 407, 1, 643, 215, 1, 763, 389, 2, 0, 0, 0, 860, 441, 1], "image_id": 20505477700, "bbox": [100, 0, 784, 480], "category_id": 1, "id": 20505477700}, {"segmentation": [[69, 10, 927, 10, 927, 480, 69, 480]], "num_keypoints": 14, "area": 403260.0, "iscrowd": 0, "keypoints": [320, 26, 2, 0, 0, 0, 262, 15, 2, 0, 0, 0, 183, 80, 2, 290, 132, 1, 206, 270, 2, 455, 193, 2, 523, 389, 2, 584, 248, 2, 722, 214, 2, 432, 310, 1, 464, 438, 1, 632, 215, 1, 755, 365, 2, 0, 0, 0, 870, 442, 1], "image_id": 20505478000, "bbox": [69, 10, 858, 470], "category_id": 1, "id": 20505478000}, {"segmentation": [[134, 6, 863, 6, 863, 480, 134, 480]], "num_keypoints": 13, "area": 345546.0, "iscrowd": 0, "keypoints": [331, 31, 2, 0, 0, 0, 290, 16, 2, 0, 0, 0, 201, 78, 2, 276, 118, 1, 245, 305, 2, 468, 156, 2, 0, 0, 0, 636, 98, 2, 679, 461, 2, 446, 348, 1, 453, 432, 2, 627, 216, 1, 760, 337, 2, 724, 374, 1, 0, 0, 0], "image_id": 20505478400, "bbox": [134, 6, 729, 474], "category_id": 1, "id": 20505478400}, {"segmentation": [[83, 1, 860, 1, 860, 480, 83, 480]], "num_keypoints": 13, "area": 372183.0, "iscrowd": 0, "keypoints": [364, 183, 2, 0, 0, 0, 320, 143, 2, 0, 0, 0, 220, 107, 2, 292, 137, 1, 185, 299, 2, 405, 84, 2, 0, 0, 0, 553, 79, 2, 478, 449, 2, 438, 328, 1, 464, 451, 1, 640, 211, 2, 749, 370, 2, 787, 359, 2, 0, 0, 0], "image_id": 20505517200, "bbox": [83, 1, 777, 479], "category_id": 1, "id": 20505517200}, {"segmentation": [[116, 1, 831, 1, 831, 480, 116, 480]], "num_keypoints": 13, "area": 342485.0, "iscrowd": 0, "keypoints": [295, 28, 2, 0, 0, 0, 230, 22, 2, 0, 0, 0, 151, 84, 2, 271, 141, 1, 195, 270, 2, 373, 216, 1, 451, 426, 2, 529, 186, 2, 666, 299, 2, 444, 329, 2, 443, 407, 1, 597, 176, 2, 738, 371, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505522800, "bbox": [116, 1, 715, 479], "category_id": 1, "id": 20505522800}, {"segmentation": [[77, 3, 864, 3, 864, 480, 77, 480]], "num_keypoints": 13, "area": 375399.0, "iscrowd": 0, "keypoints": [316, 16, 2, 0, 0, 0, 278, 6, 2, 0, 0, 0, 202, 61, 2, 267, 107, 1, 187, 282, 2, 395, 82, 2, 408, 480, 2, 561, 107, 2, 661, 448, 2, 429, 328, 1, 445, 424, 2, 681, 253, 1, 736, 363, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505532400, "bbox": [77, 3, 787, 477], "category_id": 1, "id": 20505532400}, {"segmentation": [[64, 0, 854, 0, 854, 480, 64, 480]], "num_keypoints": 13, "area": 379200.0, "iscrowd": 0, "keypoints": [318, 16, 2, 0, 0, 0, 270, 4, 2, 0, 0, 0, 195, 66, 2, 252, 112, 1, 194, 278, 2, 402, 87, 2, 425, 454, 2, 537, 122, 2, 753, 425, 2, 426, 320, 1, 432, 427, 1, 647, 249, 1, 759, 367, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505535400, "bbox": [64, 0, 790, 480], "category_id": 1, "id": 20505535400}, {"segmentation": [[122, 0, 838, 0, 838, 480, 122, 480]], "num_keypoints": 13, "area": 343680.0, "iscrowd": 0, "keypoints": [319, 23, 2, 0, 0, 0, 270, 14, 2, 0, 0, 0, 195, 79, 2, 255, 118, 1, 206, 290, 2, 391, 84, 2, 487, 469, 2, 539, 126, 2, 733, 426, 2, 450, 320, 1, 462, 419, 1, 649, 254, 1, 767, 361, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505536400, "bbox": [122, 0, 716, 480], "category_id": 1, "id": 20505536400}, {"segmentation": [[74, 0, 872, 0, 872, 480, 74, 480]], "num_keypoints": 12, "area": 383040.0, "iscrowd": 0, "keypoints": [319, 27, 2, 0, 0, 0, 268, 16, 2, 0, 0, 0, 187, 93, 2, 255, 112, 1, 217, 271, 2, 410, 193, 2, 0, 0, 0, 587, 162, 2, 540, 426, 2, 436, 337, 1, 454, 444, 1, 643, 204, 1, 746, 352, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505541200, "bbox": [74, 0, 798, 480], "category_id": 1, "id": 20505541200}, {"segmentation": [[72, 3, 852, 3, 852, 480, 72, 480]], "num_keypoints": 14, "area": 372060.0, "iscrowd": 0, "keypoints": [326, 28, 2, 0, 0, 0, 279, 12, 2, 0, 0, 0, 194, 58, 2, 251, 153, 1, 203, 264, 2, 413, 236, 1, 462, 397, 2, 558, 227, 2, 349, 168, 2, 446, 329, 1, 458, 427, 2, 643, 216, 1, 755, 370, 2, 768, 335, 2, 0, 0, 0], "image_id": 20505550400, "bbox": [72, 3, 780, 477], "category_id": 1, "id": 20505550400}, {"segmentation": [[75, 3, 859, 3, 859, 480, 75, 480]], "num_keypoints": 13, "area": 373968.0, "iscrowd": 0, "keypoints": [348, 43, 2, 0, 0, 0, 299, 36, 2, 0, 0, 0, 206, 102, 2, 269, 126, 1, 195, 286, 2, 448, 162, 2, 0, 0, 0, 608, 108, 2, 626, 424, 2, 423, 328, 1, 440, 439, 2, 643, 202, 1, 751, 372, 1, 778, 347, 1, 0, 0, 0], "image_id": 20505559800, "bbox": [75, 3, 784, 477], "category_id": 1, "id": 20505559800}, {"segmentation": [[89, 4, 846, 4, 846, 480, 89, 480]], "num_keypoints": 14, "area": 360332.0, "iscrowd": 0, "keypoints": [361, 47, 2, 0, 0, 0, 311, 25, 2, 0, 0, 0, 215, 81, 2, 285, 139, 1, 217, 294, 2, 439, 195, 2, 447, 468, 2, 578, 123, 2, 618, 351, 2, 425, 337, 1, 439, 460, 1, 646, 201, 1, 752, 367, 2, 764, 350, 1, 0, 0, 0], "image_id": 20505562200, "bbox": [89, 4, 757, 476], "category_id": 1, "id": 20505562200}, {"segmentation": [[84, 2, 875, 2, 875, 480, 84, 480]], "num_keypoints": 14, "area": 378098.0, "iscrowd": 0, "keypoints": [345, 37, 2, 0, 0, 0, 306, 23, 2, 0, 0, 0, 215, 89, 2, 249, 114, 1, 216, 277, 2, 464, 112, 2, 449, 469, 2, 647, 44, 2, 627, 343, 2, 435, 322, 1, 463, 433, 1, 644, 209, 1, 745, 361, 2, 800, 353, 2, 0, 0, 0], "image_id": 20505570801, "bbox": [84, 2, 791, 478], "category_id": 1, "id": 20505570801}, {"segmentation": [[81, 5, 847, 5, 847, 480, 81, 480]], "num_keypoints": 13, "area": 363850.0, "iscrowd": 0, "keypoints": [343, 66, 2, 0, 0, 0, 331, 36, 2, 0, 0, 0, 268, 51, 2, 294, 131, 1, 236, 299, 2, 365, 238, 1, 500, 423, 2, 543, 258, 2, 634, 294, 2, 444, 341, 1, 437, 425, 1, 652, 265, 1, 776, 375, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505572300, "bbox": [81, 5, 766, 475], "category_id": 1, "id": 20505572300}, {"segmentation": [[85, 2, 863, 2, 863, 480, 85, 480]], "num_keypoints": 13, "area": 371884.0, "iscrowd": 0, "keypoints": [344, 36, 2, 0, 0, 0, 301, 15, 2, 0, 0, 0, 208, 64, 2, 238, 114, 1, 213, 316, 2, 428, 153, 2, 455, 466, 2, 605, 106, 2, 543, 299, 2, 431, 327, 1, 460, 452, 1, 655, 208, 1, 748, 364, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505572700, "bbox": [85, 2, 778, 478], "category_id": 1, "id": 20505572700}, {"segmentation": [[86, 7, 831, 7, 831, 477, 86, 477]], "num_keypoints": 13, "area": 350150.0, "iscrowd": 0, "keypoints": [312, 27, 2, 0, 0, 0, 258, 16, 2, 0, 0, 0, 176, 82, 2, 277, 124, 1, 215, 281, 2, 444, 172, 2, 450, 431, 2, 556, 183, 2, 658, 279, 2, 435, 325, 1, 448, 401, 1, 627, 256, 1, 715, 369, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505573601, "bbox": [86, 7, 745, 470], "category_id": 1, "id": 20505573601}, {"segmentation": [[49, 7, 898, 7, 898, 480, 49, 480]], "num_keypoints": 13, "area": 401577, "iscrowd": 0, "keypoints": [298, 10, 2, 0, 0, 0, 236, 7, 2, 0, 0, 0, 170, 81, 2, 295, 111, 1, 195, 252, 2, 432, 134, 2, 0, 0, 0, 614, 84, 2, 652, 465, 2, 427, 311, 1, 434, 424, 2, 641, 204, 1, 753, 362, 2, 0, 0, 0, 848, 427, 1], "image_id": 20505574000, "bbox": [49, 7, 849, 473], "category_id": 1, "id": 20505574000}, {"segmentation": [[88, 2, 909, 2, 909, 480, 88, 480]], "num_keypoints": 13, "area": 392438.0, "iscrowd": 0, "keypoints": [300, 12, 2, 0, 0, 0, 254, 14, 2, 0, 0, 0, 185, 86, 2, 298, 136, 2, 275, 329, 2, 437, 152, 2, 468, 449, 2, 624, 97, 2, 755, 428, 2, 432, 342, 1, 447, 430, 1, 669, 263, 1, 746, 361, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505574401, "bbox": [88, 2, 821, 478], "category_id": 1, "id": 20505574401}, {"segmentation": [[65, 5, 899, 5, 899, 480, 65, 480]], "num_keypoints": 14, "area": 396150.0, "iscrowd": 0, "keypoints": [301, 16, 2, 0, 0, 0, 244, 14, 2, 0, 0, 0, 176, 87, 2, 307, 120, 1, 237, 295, 2, 437, 140, 2, 480, 442, 2, 635, 90, 2, 702, 285, 2, 431, 320, 1, 454, 435, 1, 644, 214, 1, 751, 370, 2, 0, 0, 0, 862, 441, 1], "image_id": 20505576001, "bbox": [65, 5, 834, 475], "category_id": 1, "id": 20505576001}, {"segmentation": [[100, 0, 862, 0, 862, 480, 100, 480]], "num_keypoints": 13, "area": 365760.0, "iscrowd": 0, "keypoints": [336, 31, 2, 0, 0, 0, 286, 27, 2, 0, 0, 0, 203, 102, 2, 277, 102, 1, 219, 253, 2, 458, 122, 2, 443, 479, 2, 648, 45, 2, 677, 466, 2, 439, 324, 1, 449, 442, 2, 644, 198, 1, 752, 366, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505580400, "bbox": [100, 0, 762, 480], "category_id": 1, "id": 20505580400}, {"segmentation": [[84, 0, 860, 0, 860, 480, 84, 480]], "num_keypoints": 13, "area": 372480.0, "iscrowd": 0, "keypoints": [304, 20, 2, 0, 0, 0, 245, 16, 2, 0, 0, 0, 173, 91, 2, 297, 110, 1, 207, 320, 2, 452, 144, 2, 0, 0, 0, 662, 103, 2, 678, 460, 2, 428, 322, 1, 451, 437, 2, 651, 213, 1, 759, 373, 2, 762, 353, 1, 0, 0, 0], "image_id": 20505582801, "bbox": [84, 0, 776, 480], "category_id": 1, "id": 20505582801}, {"segmentation": [[90, 6, 855, 6, 855, 480, 90, 480]], "num_keypoints": 14, "area": 362610.0, "iscrowd": 0, "keypoints": [329, 33, 2, 0, 0, 0, 278, 15, 2, 0, 0, 0, 191, 75, 2, 299, 117, 1, 202, 265, 2, 451, 170, 2, 438, 477, 2, 668, 178, 2, 670, 459, 2, 431, 308, 1, 448, 421, 2, 643, 230, 1, 761, 368, 2, 767, 326, 2, 0, 0, 0], "image_id": 20505584300, "bbox": [90, 6, 765, 474], "category_id": 1, "id": 20505584300}, {"segmentation": [[80, 3, 898, 3, 898, 480, 80, 480]], "num_keypoints": 13, "area": 390186.0, "iscrowd": 0, "keypoints": [312, 31, 2, 0, 0, 0, 265, 27, 2, 0, 0, 0, 186, 101, 2, 241, 131, 1, 185, 287, 2, 453, 168, 2, 0, 0, 0, 614, 99, 2, 490, 477, 2, 432, 320, 1, 445, 447, 2, 643, 221, 1, 756, 366, 2, 773, 350, 2, 0, 0, 0], "image_id": 20505588400, "bbox": [80, 3, 818, 477], "category_id": 1, "id": 20505588400}, {"segmentation": [[59, 0, 867, 0, 867, 480, 59, 480]], "num_keypoints": 12, "area": 387840.0, "iscrowd": 0, "keypoints": [310, 32, 2, 0, 0, 0, 264, 27, 2, 0, 0, 0, 183, 102, 2, 269, 128, 1, 183, 290, 2, 441, 179, 2, 0, 0, 0, 607, 107, 2, 490, 466, 2, 438, 332, 1, 453, 443, 2, 634, 220, 1, 759, 374, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505588700, "bbox": [59, 0, 808, 480], "category_id": 1, "id": 20505588700}, {"segmentation": [[84, 6, 860, 6, 860, 481, 84, 481]], "num_keypoints": 13, "area": 368600, "iscrowd": 0, "keypoints": [315, 37, 2, 0, 0, 0, 268, 31, 2, 0, 0, 0, 187, 110, 2, 240, 127, 1, 183, 299, 2, 439, 176, 2, 0, 0, 0, 619, 99, 2, 490, 481, 2, 440, 319, 1, 453, 442, 2, 634, 220, 1, 754, 383, 2, 788, 351, 2, 0, 0, 0], "image_id": 20505589000, "bbox": [84, 6, 776, 475], "category_id": 1, "id": 20505589000}, {"segmentation": [[108, 5, 834, 5, 834, 480, 108, 480]], "num_keypoints": 13, "area": 344850.0, "iscrowd": 0, "keypoints": [322, 23, 2, 0, 0, 0, 272, 14, 2, 0, 0, 0, 194, 78, 2, 268, 151, 1, 242, 335, 2, 417, 251, 1, 409, 462, 2, 543, 183, 2, 635, 335, 2, 426, 351, 1, 431, 472, 1, 654, 208, 1, 775, 368, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505612600, "bbox": [108, 5, 726, 475], "category_id": 1, "id": 20505612600}, {"segmentation": [[126, 0, 803, 0, 803, 480, 126, 480]], "num_keypoints": 13, "area": 324960.0, "iscrowd": 0, "keypoints": [320, 47, 2, 0, 0, 0, 299, 29, 2, 0, 0, 0, 244, 86, 2, 264, 142, 1, 215, 288, 2, 380, 237, 1, 426, 461, 2, 501, 296, 2, 557, 354, 2, 444, 305, 1, 430, 436, 1, 627, 171, 1, 747, 372, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505614800, "bbox": [126, 0, 677, 480], "category_id": 1, "id": 20505614800}, {"segmentation": [[112, 5, 847, 5, 847, 480, 112, 480]], "num_keypoints": 13, "area": 349125.0, "iscrowd": 0, "keypoints": [328, 39, 2, 0, 0, 0, 275, 27, 2, 0, 0, 0, 185, 93, 2, 267, 144, 1, 205, 284, 2, 436, 195, 2, 0, 0, 0, 595, 140, 2, 493, 473, 2, 431, 311, 2, 419, 416, 2, 643, 215, 2, 767, 384, 2, 790, 326, 2, 0, 0, 0], "image_id": 20505601800, "bbox": [112, 5, 735, 475], "category_id": 1, "id": 20505601800}, {"segmentation": [[96, 2, 856, 2, 856, 480, 96, 480]], "num_keypoints": 14, "area": 363280.0, "iscrowd": 0, "keypoints": [293, 26, 2, 268, 4, 2, 245, 27, 2, 0, 0, 0, 182, 112, 2, 287, 137, 2, 264, 327, 2, 361, 260, 2, 480, 458, 2, 468, 236, 2, 678, 308, 2, 479, 279, 2, 533, 475, 2, 608, 169, 2, 750, 367, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505623200, "bbox": [96, 2, 760, 478], "category_id": 1, "id": 20505623200}, {"segmentation": [[114, 3, 942, 3, 942, 480, 114, 480]], "num_keypoints": 13, "area": 394956.0, "iscrowd": 0, "keypoints": [311, 57, 2, 275, 25, 2, 251, 49, 2, 0, 0, 0, 165, 114, 2, 257, 140, 1, 219, 315, 2, 349, 242, 1, 523, 448, 2, 472, 236, 2, 776, 341, 2, 432, 305, 1, 0, 0, 0, 607, 175, 2, 751, 387, 1, 0, 0, 0, 0, 0, 0], "image_id": 20505625300, "bbox": [114, 3, 828, 477], "category_id": 1, "id": 20505625300}, {"segmentation": [[88, 3, 808, 3, 808, 480, 88, 480]], "num_keypoints": 12, "area": 343440, "iscrowd": 0, "keypoints": [303, 23, 2, 0, 0, 0, 261, 3, 2, 0, 0, 0, 191, 58, 2, 267, 133, 1, 202, 287, 2, 331, 94, 2, 0, 0, 0, 343, 3, 2, 667, 471, 2, 429, 326, 1, 453, 444, 2, 647, 258, 1, 715, 339, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505641400, "bbox": [88, 3, 720, 477], "category_id": 1, "id": 20505641400}, {"segmentation": [[94, 5, 876, 5, 876, 480, 94, 480]], "num_keypoints": 11, "area": 371450.0, "iscrowd": 0, "keypoints": [316, 26, 2, 0, 0, 0, 278, 15, 2, 0, 0, 0, 214, 85, 2, 241, 122, 1, 203, 281, 2, 409, 133, 2, 0, 0, 0, 568, 99, 2, 0, 0, 0, 422, 330, 1, 452, 445, 2, 652, 230, 1, 739, 353, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505642401, "bbox": [94, 5, 782, 475], "category_id": 1, "id": 20505642401}, {"segmentation": [[106, 4, 870, 4, 870, 480, 106, 480]], "num_keypoints": 14, "area": 363664.0, "iscrowd": 0, "keypoints": [319, 16, 2, 0, 0, 0, 270, 4, 2, 0, 0, 0, 198, 66, 2, 268, 119, 1, 215, 287, 2, 416, 194, 2, 466, 480, 2, 586, 174, 2, 727, 445, 2, 427, 324, 1, 451, 415, 2, 676, 248, 1, 739, 342, 2, 821, 341, 2, 0, 0, 0], "image_id": 20505643400, "bbox": [106, 4, 764, 476], "category_id": 1, "id": 20505643400}, {"segmentation": [[100, 0, 865, 0, 865, 480, 100, 480]], "num_keypoints": 13, "area": 367200.0, "iscrowd": 0, "keypoints": [296, 31, 2, 0, 0, 0, 283, 14, 2, 0, 0, 0, 249, 58, 2, 258, 129, 1, 214, 272, 2, 382, 224, 1, 0, 0, 0, 533, 237, 2, 697, 458, 2, 430, 315, 1, 441, 423, 2, 667, 232, 1, 748, 359, 2, 806, 346, 2, 0, 0, 0], "image_id": 20505644401, "bbox": [100, 0, 765, 480], "category_id": 1, "id": 20505644401}, {"segmentation": [[126, 1, 836, 1, 836, 480, 126, 480]], "num_keypoints": 13, "area": 340090.0, "iscrowd": 0, "keypoints": [326, 29, 2, 0, 0, 0, 278, 15, 2, 0, 0, 0, 194, 74, 2, 277, 146, 1, 203, 277, 2, 377, 240, 1, 468, 437, 2, 499, 310, 2, 733, 407, 2, 413, 326, 1, 423, 411, 1, 621, 232, 1, 741, 355, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505647700, "bbox": [126, 1, 710, 479], "category_id": 1, "id": 20505647700}, {"segmentation": [[72, 2, 874, 2, 874, 480, 72, 480]], "num_keypoints": 12, "area": 383356.0, "iscrowd": 0, "keypoints": [370, 98, 2, 0, 0, 0, 329, 77, 2, 0, 0, 0, 215, 110, 2, 243, 150, 1, 187, 277, 2, 362, 180, 1, 0, 0, 0, 428, 108, 2, 0, 0, 0, 438, 326, 1, 484, 443, 2, 651, 200, 1, 746, 356, 2, 767, 344, 1, 0, 0, 0], "image_id": 20505658401, "bbox": [72, 2, 802, 478], "category_id": 1, "id": 20505658401}, {"segmentation": [[121, 3, 874, 3, 874, 480, 121, 480]], "num_keypoints": 14, "area": 359181.0, "iscrowd": 0, "keypoints": [440, 93, 2, 0, 0, 0, 424, 82, 2, 0, 0, 0, 343, 126, 2, 302, 106, 1, 240, 334, 2, 391, 217, 1, 0, 0, 0, 511, 176, 2, 647, 385, 2, 445, 316, 1, 474, 428, 2, 637, 204, 2, 727, 349, 1, 770, 348, 1, 846, 446, 1], "image_id": 20505658700, "bbox": [121, 3, 753, 477], "category_id": 1, "id": 20505658700}, {"segmentation": [[202, 4, 839, 4, 839, 480, 202, 480]], "num_keypoints": 11, "area": 303212.0, "iscrowd": 0, "keypoints": [456, 18, 2, 0, 0, 0, 437, 4, 2, 0, 0, 0, 374, 18, 2, 0, 0, 0, 342, 133, 2, 0, 0, 0, 606, 178, 2, 0, 0, 0, 673, 48, 2, 433, 329, 1, 447, 426, 2, 622, 222, 1, 744, 339, 2, 774, 332, 2, 0, 0, 0], "image_id": 20505659000, "bbox": [202, 4, 637, 476], "category_id": 1, "id": 20505659000}, {"segmentation": [[277, 3, 796, 3, 796, 465, 277, 465]], "num_keypoints": 6, "area": 239778.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 376, 110, 2, 487, 61, 2, 441, 259, 2, 652, 225, 1, 465, 369, 1, 695, 421, 2], "image_id": 20505659600, "bbox": [277, 3, 519, 462], "category_id": 1, "id": 20505659600}, {"segmentation": [[60, 1, 885, 1, 885, 480, 60, 480]], "num_keypoints": 13, "area": 395175.0, "iscrowd": 0, "keypoints": [333, 45, 2, 0, 0, 0, 289, 32, 2, 0, 0, 0, 199, 102, 2, 266, 141, 2, 183, 294, 2, 443, 164, 2, 0, 0, 0, 615, 90, 2, 491, 475, 2, 435, 326, 1, 454, 448, 2, 656, 213, 1, 759, 384, 2, 782, 351, 2, 0, 0, 0], "image_id": 20505660800, "bbox": [60, 1, 825, 479], "category_id": 1, "id": 20505660800}, {"segmentation": [[69, 2, 874, 2, 874, 480, 69, 480]], "num_keypoints": 13, "area": 384790.0, "iscrowd": 0, "keypoints": [339, 35, 2, 0, 0, 0, 290, 15, 2, 0, 0, 0, 204, 76, 2, 257, 121, 1, 190, 274, 2, 445, 166, 2, 0, 0, 0, 598, 127, 2, 664, 457, 2, 411, 316, 1, 426, 426, 2, 656, 227, 1, 744, 367, 2, 804, 351, 2, 0, 0, 0], "image_id": 20505609200, "bbox": [69, 2, 805, 478], "category_id": 1, "id": 20505609200}, {"segmentation": [[121, 8, 816, 8, 816, 480, 121, 480]], "num_keypoints": 15, "area": 328040.0, "iscrowd": 0, "keypoints": [308, 54, 2, 0, 0, 0, 251, 37, 2, 0, 0, 0, 165, 104, 2, 249, 144, 1, 186, 282, 2, 395, 223, 1, 358, 472, 2, 482, 284, 2, 524, 353, 2, 437, 275, 1, 454, 449, 2, 635, 169, 2, 770, 327, 2, 706, 279, 1, 798, 423, 1], "image_id": 20505701000, "bbox": [121, 8, 695, 472], "category_id": 1, "id": 20505701000}, {"segmentation": [[141, 5, 821, 5, 821, 480, 141, 480]], "num_keypoints": 16, "area": 323000.0, "iscrowd": 0, "keypoints": [354, 93, 2, 343, 54, 2, 311, 76, 2, 0, 0, 0, 201, 115, 2, 290, 114, 1, 225, 326, 2, 398, 201, 1, 400, 469, 2, 491, 273, 2, 550, 291, 2, 425, 326, 1, 482, 465, 2, 601, 189, 2, 740, 317, 2, 711, 325, 1, 783, 465, 1], "image_id": 20505700200, "bbox": [141, 5, 680, 475], "category_id": 1, "id": 20505700200}, {"segmentation": [[105, 3, 915, 3, 915, 480, 105, 480]], "num_keypoints": 14, "area": 386370.0, "iscrowd": 0, "keypoints": [332, 69, 2, 299, 28, 2, 268, 56, 2, 0, 0, 0, 176, 111, 2, 270, 156, 1, 221, 328, 2, 363, 232, 1, 499, 478, 2, 468, 279, 2, 737, 396, 2, 436, 324, 1, 459, 423, 2, 610, 167, 2, 738, 337, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505733400, "bbox": [105, 3, 810, 477], "category_id": 1, "id": 20505733400}, {"segmentation": [[70, 1, 824, 1, 824, 480, 70, 480]], "num_keypoints": 13, "area": 361166.0, "iscrowd": 0, "keypoints": [341, 97, 2, 0, 0, 0, 293, 78, 2, 0, 0, 0, 187, 140, 2, 251, 163, 1, 219, 390, 2, 358, 236, 1, 495, 464, 2, 473, 270, 2, 627, 261, 2, 430, 302, 1, 463, 431, 1, 631, 184, 1, 734, 356, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505736001, "bbox": [70, 1, 754, 479], "category_id": 1, "id": 20505736001}, {"segmentation": [[89, 4, 821, 4, 821, 480, 89, 480]], "num_keypoints": 13, "area": 348432.0, "iscrowd": 0, "keypoints": [365, 123, 2, 343, 89, 2, 312, 110, 2, 0, 0, 0, 201, 141, 2, 264, 151, 1, 202, 337, 2, 357, 240, 1, 0, 0, 0, 477, 282, 2, 642, 471, 2, 426, 321, 1, 437, 441, 2, 623, 172, 1, 732, 323, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505741500, "bbox": [89, 4, 732, 476], "category_id": 1, "id": 20505741500}, {"segmentation": [[119, 3, 918, 3, 918, 480, 119, 480]], "num_keypoints": 14, "area": 381123.0, "iscrowd": 0, "keypoints": [383, 78, 2, 0, 0, 0, 365, 64, 2, 0, 0, 0, 308, 100, 2, 270, 130, 1, 250, 325, 2, 370, 205, 1, 439, 477, 2, 501, 172, 2, 574, 341, 2, 450, 325, 1, 462, 426, 2, 629, 178, 1, 739, 327, 2, 0, 0, 0, 842, 421, 1], "image_id": 20505752300, "bbox": [119, 3, 799, 477], "category_id": 1, "id": 20505752300}, {"segmentation": [[90, 3, 820, 3, 820, 480, 90, 480]], "num_keypoints": 13, "area": 348210.0, "iscrowd": 0, "keypoints": [340, 69, 2, 0, 0, 0, 299, 47, 2, 0, 0, 0, 210, 102, 2, 229, 150, 1, 194, 278, 2, 374, 181, 1, 412, 478, 2, 385, 122, 2, 534, 353, 2, 445, 312, 1, 458, 455, 1, 626, 164, 1, 753, 364, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505754300, "bbox": [90, 3, 730, 477], "category_id": 1, "id": 20505754300}, {"segmentation": [[92, 0, 842, 0, 842, 481, 92, 481]], "num_keypoints": 12, "area": 360750, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 282, 33, 2, 0, 0, 0, 264, 93, 2, 294, 123, 1, 197, 303, 2, 351, 84, 1, 426, 481, 2, 326, 27, 2, 533, 348, 2, 443, 318, 1, 465, 443, 1, 627, 165, 2, 757, 370, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505766100, "bbox": [92, 0, 750, 481], "category_id": 1, "id": 20505766100}, {"segmentation": [[108, 1, 832, 1, 832, 480, 108, 480]], "num_keypoints": 13, "area": 346796.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 183, 77, 2, 359, 96, 2, 263, 115, 1, 319, 333, 2, 329, 237, 1, 599, 349, 2, 464, 198, 2, 501, 151, 2, 457, 317, 1, 454, 464, 2, 656, 181, 1, 729, 331, 2, 664, 365, 1, 0, 0, 0], "image_id": 20505807400, "bbox": [108, 1, 724, 479], "category_id": 1, "id": 20505807400}, {"segmentation": [[88, 1, 932, 1, 932, 480, 88, 480]], "num_keypoints": 13, "area": 404276.0, "iscrowd": 0, "keypoints": [343, 44, 2, 0, 0, 0, 289, 26, 2, 0, 0, 0, 194, 74, 2, 272, 144, 1, 236, 298, 2, 358, 243, 1, 545, 437, 2, 487, 300, 2, 783, 310, 2, 435, 328, 1, 471, 480, 1, 645, 204, 1, 778, 390, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505911300, "bbox": [88, 1, 844, 479], "category_id": 1, "id": 20505911300}, {"segmentation": [[90, 8, 837, 8, 837, 481, 90, 481]], "num_keypoints": 15, "area": 353331, "iscrowd": 0, "keypoints": [339, 48, 2, 311, 14, 2, 281, 35, 2, 0, 0, 0, 189, 82, 2, 274, 129, 1, 230, 270, 2, 388, 251, 1, 422, 481, 2, 487, 301, 2, 550, 353, 2, 451, 318, 1, 455, 441, 1, 649, 201, 1, 782, 382, 2, 701, 387, 1, 0, 0, 0], "image_id": 20505911600, "bbox": [90, 8, 747, 473], "category_id": 1, "id": 20505911600}, {"segmentation": [[110, 6, 870, 6, 870, 475, 110, 475]], "num_keypoints": 13, "area": 356440.0, "iscrowd": 0, "keypoints": [335, 49, 2, 0, 0, 0, 268, 43, 2, 0, 0, 0, 178, 104, 2, 293, 142, 1, 247, 322, 2, 379, 249, 1, 495, 426, 2, 489, 301, 2, 719, 340, 2, 433, 316, 1, 458, 458, 1, 643, 204, 1, 759, 367, 1, 0, 0, 0, 0, 0, 0], "image_id": 20505912100, "bbox": [110, 6, 760, 469], "category_id": 1, "id": 20505912100}, {"segmentation": [[138, 0, 922, 0, 922, 480, 138, 480]], "num_keypoints": 15, "area": 376320.0, "iscrowd": 0, "keypoints": [423, 128, 2, 0, 0, 0, 383, 108, 2, 0, 0, 0, 273, 128, 2, 290, 128, 1, 287, 317, 2, 399, 251, 1, 564, 445, 2, 489, 298, 2, 780, 451, 2, 431, 318, 1, 448, 428, 1, 660, 218, 1, 729, 327, 2, 759, 354, 1, 855, 426, 1], "image_id": 20505901500, "bbox": [138, 0, 784, 480], "category_id": 1, "id": 20505901500}, {"segmentation": [[71, 0, 837, 0, 837, 480, 71, 480]], "num_keypoints": 13, "area": 367680.0, "iscrowd": 0, "keypoints": [348, 22, 2, 0, 0, 0, 300, 11, 2, 0, 0, 0, 211, 61, 2, 289, 141, 2, 228, 266, 2, 384, 246, 1, 0, 0, 0, 479, 287, 2, 543, 360, 2, 428, 325, 1, 430, 464, 1, 649, 194, 1, 760, 356, 2, 717, 396, 1, 0, 0, 0], "image_id": 20505901800, "bbox": [71, 0, 766, 480], "category_id": 1, "id": 20505901800}, {"segmentation": [[84, 2, 935, 2, 935, 478, 84, 478]], "num_keypoints": 13, "area": 405076.0, "iscrowd": 0, "keypoints": [352, 65, 2, 0, 0, 0, 299, 39, 2, 0, 0, 0, 199, 78, 2, 280, 151, 1, 230, 329, 2, 380, 241, 1, 520, 454, 2, 493, 308, 2, 783, 310, 2, 454, 329, 1, 465, 439, 1, 642, 205, 1, 752, 380, 1, 0, 0, 0, 0, 0, 0], "image_id": 20505939400, "bbox": [84, 2, 851, 476], "category_id": 1, "id": 20505939400}, {"segmentation": [[82, 2, 869, 2, 869, 480, 82, 480]], "num_keypoints": 11, "area": 376186.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 270, 124, 1, 227, 298, 2, 389, 229, 1, 471, 447, 2, 418, 214, 2, 656, 314, 2, 420, 329, 1, 459, 462, 1, 637, 209, 1, 739, 368, 2, 792, 357, 2, 0, 0, 0], "image_id": 20505947300, "bbox": [82, 2, 787, 478], "category_id": 1, "id": 20505947300}, {"segmentation": [[91, 5, 959, 5, 959, 480, 91, 480]], "num_keypoints": 13, "area": 412300.0, "iscrowd": 0, "keypoints": [341, 49, 2, 0, 0, 0, 286, 36, 2, 0, 0, 0, 195, 110, 2, 262, 140, 1, 225, 298, 2, 370, 243, 1, 522, 472, 2, 482, 298, 2, 786, 363, 2, 453, 333, 1, 470, 434, 1, 620, 189, 1, 740, 360, 1, 0, 0, 0, 0, 0, 0], "image_id": 20505976600, "bbox": [91, 5, 868, 475], "category_id": 1, "id": 20505976600}, {"segmentation": [[98, 8, 866, 8, 866, 480, 98, 480]], "num_keypoints": 13, "area": 362496.0, "iscrowd": 0, "keypoints": [349, 56, 2, 0, 0, 0, 301, 35, 2, 0, 0, 0, 210, 81, 2, 276, 138, 1, 225, 299, 2, 372, 247, 1, 540, 433, 2, 481, 298, 2, 768, 290, 2, 444, 320, 1, 453, 439, 1, 622, 191, 1, 752, 383, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505977400, "bbox": [98, 8, 768, 472], "category_id": 1, "id": 20505977400}, {"segmentation": [[73, 0, 826, 0, 826, 480, 73, 480]], "num_keypoints": 13, "area": 361440.0, "iscrowd": 0, "keypoints": [289, 79, 2, 280, 28, 2, 222, 54, 2, 0, 0, 0, 160, 102, 2, 263, 129, 1, 186, 266, 2, 352, 236, 1, 0, 0, 0, 477, 293, 2, 531, 447, 2, 453, 341, 1, 449, 470, 1, 642, 178, 1, 746, 370, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505979601, "bbox": [73, 0, 753, 480], "category_id": 1, "id": 20505979601}, {"segmentation": [[85, 2, 857, 2, 857, 480, 85, 480]], "num_keypoints": 13, "area": 369016.0, "iscrowd": 0, "keypoints": [361, 56, 2, 0, 0, 0, 297, 28, 2, 0, 0, 0, 203, 82, 2, 283, 137, 1, 225, 273, 2, 371, 243, 1, 514, 449, 2, 490, 299, 2, 727, 323, 2, 452, 322, 1, 459, 454, 1, 627, 190, 1, 759, 380, 2, 0, 0, 0, 0, 0, 0], "image_id": 20505980400, "bbox": [85, 2, 772, 478], "category_id": 1, "id": 20505980400}, {"segmentation": [[87, 3, 872, 3, 872, 481, 87, 481]], "num_keypoints": 14, "area": 375230, "iscrowd": 0, "keypoints": [402, 126, 2, 0, 0, 0, 361, 99, 2, 0, 0, 0, 256, 100, 2, 300, 123, 1, 227, 277, 2, 419, 247, 2, 411, 481, 2, 519, 302, 2, 570, 366, 2, 450, 337, 1, 459, 445, 1, 632, 191, 1, 756, 375, 2, 729, 360, 1, 0, 0, 0], "image_id": 20505988600, "bbox": [87, 3, 785, 478], "category_id": 1, "id": 20505988600}, {"segmentation": [[110, 2, 856, 2, 856, 480, 110, 480]], "num_keypoints": 13, "area": 356588.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 306, 25, 2, 0, 0, 0, 282, 62, 2, 258, 121, 1, 225, 294, 2, 373, 232, 1, 428, 472, 2, 506, 301, 2, 553, 349, 2, 441, 323, 1, 462, 438, 1, 649, 189, 1, 739, 362, 2, 751, 371, 1, 0, 0, 0], "image_id": 20506012600, "bbox": [110, 2, 746, 478], "category_id": 1, "id": 20506012600}, {"segmentation": [[72, 5, 831, 5, 831, 479, 72, 479]], "num_keypoints": 14, "area": 359766.0, "iscrowd": 0, "keypoints": [308, 31, 2, 0, 0, 0, 289, 16, 2, 0, 0, 0, 257, 60, 2, 278, 122, 1, 228, 280, 2, 405, 252, 1, 429, 471, 2, 528, 314, 2, 551, 346, 2, 452, 324, 1, 452, 451, 1, 627, 180, 1, 750, 364, 2, 666, 385, 1, 0, 0, 0], "image_id": 20506013200, "bbox": [72, 5, 759, 474], "category_id": 1, "id": 20506013200}, {"segmentation": [[71, 3, 829, 3, 829, 480, 71, 480]], "num_keypoints": 14, "area": 361566.0, "iscrowd": 0, "keypoints": [319, 47, 2, 293, 16, 2, 276, 37, 2, 0, 0, 0, 198, 111, 2, 289, 129, 1, 194, 289, 2, 388, 235, 1, 0, 0, 0, 508, 284, 2, 511, 448, 2, 451, 327, 1, 453, 410, 1, 656, 154, 1, 763, 360, 2, 657, 374, 1, 0, 0, 0], "image_id": 20506028600, "bbox": [71, 3, 758, 477], "category_id": 1, "id": 20506028600}, {"segmentation": [[65, 6, 840, 6, 840, 480, 65, 480]], "num_keypoints": 12, "area": 367350.0, "iscrowd": 0, "keypoints": [308, 49, 2, 0, 0, 0, 253, 35, 2, 0, 0, 0, 166, 93, 2, 238, 138, 1, 173, 256, 2, 332, 241, 1, 0, 0, 0, 479, 240, 2, 585, 425, 2, 442, 309, 1, 452, 428, 2, 633, 169, 1, 749, 360, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506030100, "bbox": [65, 6, 775, 474], "category_id": 1, "id": 20506030100}, {"segmentation": [[65, 6, 840, 6, 840, 480, 65, 480]], "num_keypoints": 14, "area": 367350.0, "iscrowd": 0, "keypoints": [295, 53, 2, 259, 23, 2, 237, 37, 2, 0, 0, 0, 152, 99, 2, 275, 127, 1, 154, 249, 2, 387, 153, 2, 433, 379, 2, 552, 178, 2, 691, 361, 2, 432, 321, 1, 456, 422, 1, 622, 194, 1, 773, 375, 1, 0, 0, 0, 0, 0, 0], "image_id": 20506030400, "bbox": [65, 6, 775, 474], "category_id": 1, "id": 20506030400}, {"segmentation": [[60, 5, 846, 5, 846, 481, 60, 481]], "num_keypoints": 13, "area": 374136, "iscrowd": 0, "keypoints": [310, 47, 2, 0, 0, 0, 260, 27, 2, 0, 0, 0, 179, 86, 2, 262, 132, 1, 192, 300, 2, 362, 168, 2, 426, 481, 2, 522, 205, 2, 639, 387, 2, 442, 312, 1, 467, 435, 1, 617, 190, 1, 756, 380, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506031100, "bbox": [60, 5, 786, 476], "category_id": 1, "id": 20506031100}, {"segmentation": [[83, 3, 851, 3, 851, 480, 83, 480]], "num_keypoints": 13, "area": 366336.0, "iscrowd": 0, "keypoints": [320, 48, 2, 0, 0, 0, 291, 35, 2, 0, 0, 0, 231, 93, 2, 261, 139, 1, 177, 247, 2, 338, 238, 1, 0, 0, 0, 464, 248, 2, 546, 469, 2, 440, 313, 1, 441, 429, 2, 631, 180, 1, 734, 367, 2, 690, 367, 1, 0, 0, 0], "image_id": 20506032600, "bbox": [83, 3, 768, 477], "category_id": 1, "id": 20506032600}, {"segmentation": [[107, 4, 875, 4, 875, 480, 107, 480]], "num_keypoints": 13, "area": 365568.0, "iscrowd": 0, "keypoints": [376, 89, 2, 0, 0, 0, 331, 57, 2, 0, 0, 0, 223, 90, 2, 281, 128, 1, 210, 313, 2, 411, 169, 2, 498, 476, 2, 607, 141, 2, 764, 410, 2, 442, 326, 1, 460, 412, 2, 676, 219, 1, 745, 364, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506035100, "bbox": [107, 4, 768, 476], "category_id": 1, "id": 20506035100}, {"segmentation": [[81, 5, 871, 5, 871, 480, 81, 480]], "num_keypoints": 12, "area": 375250.0, "iscrowd": 0, "keypoints": [337, 39, 2, 0, 0, 0, 299, 28, 2, 0, 0, 0, 220, 97, 2, 291, 118, 1, 174, 277, 2, 424, 192, 2, 0, 0, 0, 603, 143, 2, 524, 448, 2, 453, 333, 1, 464, 448, 2, 653, 213, 1, 757, 365, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506042300, "bbox": [81, 5, 790, 475], "category_id": 1, "id": 20506042300}, {"segmentation": [[96, 4, 876, 4, 876, 480, 96, 480]], "num_keypoints": 13, "area": 371280.0, "iscrowd": 0, "keypoints": [335, 57, 2, 0, 0, 0, 290, 36, 2, 0, 0, 0, 195, 99, 2, 317, 110, 1, 185, 300, 2, 437, 156, 2, 0, 0, 0, 616, 103, 2, 526, 445, 2, 448, 326, 1, 461, 433, 2, 668, 214, 1, 759, 362, 2, 790, 342, 1, 0, 0, 0], "image_id": 20506043601, "bbox": [96, 4, 780, 476], "category_id": 1, "id": 20506043601}, {"segmentation": [[74, 2, 860, 2, 860, 480, 74, 480]], "num_keypoints": 14, "area": 375708.0, "iscrowd": 0, "keypoints": [358, 91, 2, 0, 0, 0, 320, 79, 2, 0, 0, 0, 215, 140, 2, 347, 121, 1, 198, 304, 2, 456, 149, 2, 0, 0, 0, 678, 207, 2, 522, 427, 2, 429, 319, 1, 443, 429, 2, 636, 227, 1, 759, 356, 2, 743, 341, 1, 854, 444, 1], "image_id": 20506044401, "bbox": [74, 2, 786, 478], "category_id": 1, "id": 20506044401}, {"segmentation": [[96, 2, 920, 2, 920, 480, 96, 480]], "num_keypoints": 14, "area": 393872.0, "iscrowd": 0, "keypoints": [331, 48, 2, 0, 0, 0, 319, 33, 2, 0, 0, 0, 270, 80, 2, 291, 119, 1, 179, 297, 2, 437, 157, 2, 0, 0, 0, 606, 99, 2, 522, 447, 2, 421, 340, 1, 434, 441, 2, 637, 222, 1, 753, 373, 2, 779, 336, 2, 879, 445, 1], "image_id": 20506044800, "bbox": [96, 2, 824, 478], "category_id": 1, "id": 20506044800}, {"segmentation": [[81, 0, 882, 0, 882, 480, 81, 480]], "num_keypoints": 13, "area": 384480.0, "iscrowd": 0, "keypoints": [353, 57, 2, 0, 0, 0, 298, 37, 2, 0, 0, 0, 198, 102, 2, 302, 131, 1, 186, 287, 2, 449, 162, 2, 0, 0, 0, 606, 111, 2, 526, 447, 2, 427, 338, 1, 455, 461, 2, 657, 212, 1, 765, 372, 2, 804, 352, 2, 0, 0, 0], "image_id": 20506048801, "bbox": [81, 0, 801, 480], "category_id": 1, "id": 20506048801}, {"segmentation": [[95, 4, 901, 4, 901, 480, 95, 480]], "num_keypoints": 13, "area": 383656.0, "iscrowd": 0, "keypoints": [345, 48, 2, 0, 0, 0, 285, 36, 2, 0, 0, 0, 194, 98, 2, 300, 116, 1, 199, 274, 2, 463, 171, 2, 0, 0, 0, 657, 232, 2, 528, 432, 2, 429, 333, 1, 439, 459, 1, 659, 211, 1, 753, 365, 2, 786, 337, 1, 0, 0, 0], "image_id": 20506049201, "bbox": [95, 4, 806, 476], "category_id": 1, "id": 20506049201}, {"segmentation": [[110, 5, 873, 5, 873, 481, 110, 481]], "num_keypoints": 12, "area": 363188, "iscrowd": 0, "keypoints": [355, 45, 2, 0, 0, 0, 298, 24, 2, 0, 0, 0, 197, 70, 2, 288, 109, 1, 198, 278, 2, 472, 148, 2, 0, 0, 0, 701, 139, 2, 562, 481, 2, 425, 324, 1, 441, 434, 2, 645, 205, 1, 731, 343, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506049800, "bbox": [110, 5, 763, 476], "category_id": 1, "id": 20506049800}, {"segmentation": [[121, 0, 851, 0, 851, 480, 121, 480]], "num_keypoints": 13, "area": 350400.0, "iscrowd": 0, "keypoints": [374, 49, 2, 0, 0, 0, 324, 23, 2, 0, 0, 0, 224, 60, 2, 316, 127, 1, 212, 301, 2, 488, 190, 2, 476, 480, 2, 676, 185, 2, 736, 432, 2, 436, 319, 1, 439, 410, 1, 663, 246, 1, 728, 357, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506051601, "bbox": [121, 0, 730, 480], "category_id": 1, "id": 20506051601}, {"segmentation": [[89, 5, 922, 5, 922, 480, 89, 480]], "num_keypoints": 13, "area": 395675.0, "iscrowd": 0, "keypoints": [343, 48, 2, 0, 0, 0, 289, 29, 2, 0, 0, 0, 194, 78, 2, 298, 137, 1, 206, 293, 2, 367, 246, 1, 517, 466, 2, 490, 302, 2, 773, 380, 2, 443, 323, 1, 474, 416, 1, 644, 221, 1, 748, 375, 1, 0, 0, 0, 0, 0, 0], "image_id": 20506057700, "bbox": [89, 5, 833, 475], "category_id": 1, "id": 20506057700}, {"segmentation": [[68, 1, 856, 1, 856, 480, 68, 480]], "num_keypoints": 11, "area": 377452.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 161, 57, 2, 278, 89, 1, 182, 276, 2, 457, 131, 2, 0, 0, 0, 623, 82, 2, 636, 458, 2, 437, 329, 1, 445, 438, 2, 643, 225, 1, 737, 373, 2, 794, 358, 2, 0, 0, 0], "image_id": 20506062801, "bbox": [68, 1, 788, 479], "category_id": 1, "id": 20506062801}, {"segmentation": [[79, 1, 792, 1, 792, 480, 79, 480]], "num_keypoints": 12, "area": 341527.0, "iscrowd": 0, "keypoints": [306, 23, 2, 0, 0, 0, 253, 5, 2, 0, 0, 0, 172, 65, 2, 294, 100, 1, 187, 270, 2, 444, 123, 2, 0, 0, 0, 632, 72, 2, 569, 445, 2, 441, 340, 1, 432, 441, 1, 661, 210, 1, 753, 345, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506071600, "bbox": [79, 1, 713, 479], "category_id": 1, "id": 20506071600}, {"segmentation": [[99, 8, 864, 8, 864, 480, 99, 480]], "num_keypoints": 13, "area": 361080.0, "iscrowd": 0, "keypoints": [385, 69, 2, 0, 0, 0, 341, 37, 2, 0, 0, 0, 236, 66, 2, 299, 148, 2, 212, 283, 2, 455, 215, 2, 0, 0, 0, 594, 154, 2, 686, 480, 2, 431, 324, 1, 440, 433, 2, 660, 230, 1, 747, 357, 2, 754, 339, 1, 0, 0, 0], "image_id": 20506076400, "bbox": [99, 8, 765, 472], "category_id": 1, "id": 20506076400}, {"segmentation": [[108, 2, 884, 2, 884, 480, 108, 480]], "num_keypoints": 13, "area": 370928.0, "iscrowd": 0, "keypoints": [333, 68, 2, 303, 19, 2, 272, 53, 2, 0, 0, 0, 176, 99, 2, 339, 105, 2, 237, 305, 2, 443, 130, 2, 0, 0, 0, 611, 80, 2, 658, 468, 2, 466, 298, 2, 484, 425, 2, 647, 227, 1, 737, 348, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506077601, "bbox": [108, 2, 776, 478], "category_id": 1, "id": 20506077601}, {"segmentation": [[95, 4, 885, 4, 885, 480, 95, 480]], "num_keypoints": 13, "area": 376040.0, "iscrowd": 0, "keypoints": [397, 72, 2, 0, 0, 0, 373, 47, 2, 0, 0, 0, 287, 79, 2, 291, 120, 1, 198, 249, 2, 469, 133, 2, 0, 0, 0, 647, 76, 2, 541, 426, 2, 435, 336, 1, 480, 454, 1, 645, 212, 1, 758, 373, 2, 772, 360, 1, 0, 0, 0], "image_id": 20506078001, "bbox": [95, 4, 790, 476], "category_id": 1, "id": 20506078001}, {"segmentation": [[78, 2, 833, 2, 833, 480, 78, 480]], "num_keypoints": 12, "area": 360890.0, "iscrowd": 0, "keypoints": [331, 35, 2, 0, 0, 0, 286, 25, 2, 0, 0, 0, 206, 97, 2, 300, 129, 1, 179, 325, 2, 439, 210, 2, 0, 0, 0, 588, 154, 2, 490, 469, 2, 435, 326, 1, 444, 426, 2, 620, 229, 1, 762, 391, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506081201, "bbox": [78, 2, 755, 478], "category_id": 1, "id": 20506081201}, {"segmentation": [[74, 3, 859, 3, 859, 480, 74, 480]], "num_keypoints": 14, "area": 374445, "iscrowd": 0, "keypoints": [319, 39, 2, 293, 3, 2, 269, 33, 2, 0, 0, 0, 185, 108, 2, 262, 122, 1, 185, 277, 2, 451, 129, 2, 0, 0, 0, 657, 69, 2, 543, 436, 2, 438, 324, 1, 457, 451, 2, 648, 222, 1, 768, 377, 2, 795, 360, 2, 0, 0, 0], "image_id": 20506117500, "bbox": [74, 3, 785, 477], "category_id": 1, "id": 20506117500}, {"segmentation": [[76, 2, 880, 2, 880, 480, 76, 480]], "num_keypoints": 13, "area": 384312.0, "iscrowd": 0, "keypoints": [323, 69, 2, 0, 0, 0, 266, 61, 2, 0, 0, 0, 174, 132, 2, 270, 110, 1, 189, 287, 2, 445, 162, 2, 0, 0, 0, 628, 241, 2, 489, 447, 2, 427, 330, 1, 445, 437, 2, 655, 211, 1, 764, 365, 2, 778, 360, 1, 0, 0, 0], "image_id": 20506124001, "bbox": [76, 2, 804, 478], "category_id": 1, "id": 20506124001}, {"segmentation": [[69, 0, 880, 0, 880, 480, 69, 480]], "num_keypoints": 13, "area": 389280.0, "iscrowd": 0, "keypoints": [339, 47, 2, 0, 0, 0, 295, 43, 2, 0, 0, 0, 215, 129, 2, 299, 105, 1, 177, 291, 2, 439, 140, 2, 0, 0, 0, 614, 83, 2, 490, 458, 2, 434, 343, 1, 440, 436, 2, 647, 225, 1, 762, 387, 2, 803, 360, 2, 0, 0, 0], "image_id": 20506124700, "bbox": [69, 0, 811, 480], "category_id": 1, "id": 20506124700}, {"segmentation": [[113, 3, 850, 3, 850, 480, 113, 480]], "num_keypoints": 12, "area": 351549.0, "iscrowd": 0, "keypoints": [320, 47, 2, 0, 0, 0, 299, 24, 2, 0, 0, 0, 245, 65, 2, 304, 149, 2, 194, 297, 2, 416, 251, 2, 0, 0, 0, 558, 269, 2, 495, 478, 2, 441, 341, 2, 422, 447, 2, 661, 220, 2, 783, 389, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506127200, "bbox": [113, 3, 737, 477], "category_id": 1, "id": 20506127200}, {"segmentation": [[72, 4, 909, 4, 909, 481, 72, 481]], "num_keypoints": 13, "area": 399249, "iscrowd": 0, "keypoints": [331, 44, 2, 0, 0, 0, 294, 22, 2, 0, 0, 0, 215, 70, 2, 260, 132, 1, 174, 277, 2, 407, 249, 1, 0, 0, 0, 562, 268, 2, 498, 481, 2, 438, 342, 1, 425, 468, 2, 656, 216, 2, 762, 377, 2, 787, 347, 2, 0, 0, 0], "image_id": 20506127500, "bbox": [72, 4, 837, 477], "category_id": 1, "id": 20506127500}, {"segmentation": [[124, 2, 838, 2, 838, 480, 124, 480]], "num_keypoints": 13, "area": 341292.0, "iscrowd": 0, "keypoints": [370, 66, 2, 0, 0, 0, 320, 39, 2, 0, 0, 0, 215, 90, 2, 286, 123, 1, 204, 308, 2, 450, 151, 2, 0, 0, 0, 665, 76, 2, 493, 462, 2, 440, 328, 2, 453, 453, 2, 636, 221, 1, 744, 376, 2, 790, 370, 1, 0, 0, 0], "image_id": 20506128100, "bbox": [124, 2, 714, 478], "category_id": 1, "id": 20506128100}, {"segmentation": [[118, 3, 886, 3, 886, 480, 118, 480]], "num_keypoints": 13, "area": 366336.0, "iscrowd": 0, "keypoints": [352, 48, 2, 0, 0, 0, 298, 28, 2, 0, 0, 0, 195, 89, 2, 298, 116, 1, 197, 312, 2, 462, 163, 2, 0, 0, 0, 686, 178, 2, 490, 448, 2, 431, 337, 1, 447, 436, 2, 647, 217, 1, 750, 344, 2, 794, 370, 1, 0, 0, 0], "image_id": 20506128400, "bbox": [118, 3, 768, 477], "category_id": 1, "id": 20506128400}, {"segmentation": [[86, 4, 865, 4, 865, 480, 86, 480]], "num_keypoints": 13, "area": 370804.0, "iscrowd": 0, "keypoints": [345, 45, 2, 0, 0, 0, 291, 27, 2, 0, 0, 0, 199, 90, 2, 291, 139, 1, 212, 279, 2, 395, 248, 1, 0, 0, 0, 520, 320, 2, 711, 471, 2, 444, 331, 1, 455, 429, 2, 679, 259, 1, 743, 370, 2, 819, 346, 2, 0, 0, 0], "image_id": 20506105400, "bbox": [86, 4, 779, 476], "category_id": 1, "id": 20506105400}, {"segmentation": [[84, 2, 857, 2, 857, 480, 84, 480]], "num_keypoints": 12, "area": 369494.0, "iscrowd": 0, "keypoints": [358, 79, 2, 0, 0, 0, 310, 51, 2, 0, 0, 0, 204, 94, 2, 304, 140, 1, 188, 310, 2, 444, 244, 2, 516, 458, 2, 585, 251, 2, 749, 419, 2, 458, 358, 1, 0, 0, 0, 687, 292, 1, 776, 356, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506157900, "bbox": [84, 2, 773, 478], "category_id": 1, "id": 20506157900}, {"segmentation": [[87, 4, 856, 4, 856, 480, 87, 480]], "num_keypoints": 12, "area": 366044.0, "iscrowd": 0, "keypoints": [341, 36, 2, 0, 0, 0, 299, 14, 2, 0, 0, 0, 207, 54, 2, 273, 115, 1, 193, 268, 2, 414, 234, 1, 0, 0, 0, 583, 283, 2, 648, 453, 2, 434, 328, 1, 453, 429, 2, 683, 252, 1, 737, 366, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506158801, "bbox": [87, 4, 769, 476], "category_id": 1, "id": 20506158801}, {"segmentation": [[65, 6, 905, 6, 905, 480, 65, 480]], "num_keypoints": 13, "area": 398160.0, "iscrowd": 0, "keypoints": [294, 11, 2, 0, 0, 0, 238, 12, 2, 0, 0, 0, 176, 90, 2, 269, 114, 1, 181, 257, 2, 418, 133, 2, 0, 0, 0, 553, 132, 2, 520, 447, 2, 445, 324, 1, 457, 433, 1, 654, 211, 1, 745, 376, 2, 0, 0, 0, 851, 437, 1], "image_id": 20506160401, "bbox": [65, 6, 840, 474], "category_id": 1, "id": 20506160401}, {"segmentation": [[122, 0, 850, 0, 850, 475, 122, 475]], "num_keypoints": 12, "area": 345800.0, "iscrowd": 0, "keypoints": [299, 15, 2, 0, 0, 0, 251, 4, 2, 0, 0, 0, 174, 65, 2, 258, 118, 1, 207, 279, 2, 407, 102, 2, 518, 413, 2, 564, 143, 2, 749, 423, 2, 437, 312, 2, 0, 0, 0, 686, 266, 1, 756, 355, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506164800, "bbox": [122, 0, 728, 475], "category_id": 1, "id": 20506164800}, {"segmentation": [[90, 2, 835, 2, 835, 480, 90, 480]], "num_keypoints": 13, "area": 356110.0, "iscrowd": 0, "keypoints": [319, 58, 2, 0, 0, 0, 269, 24, 2, 0, 0, 0, 173, 52, 2, 275, 116, 1, 186, 285, 2, 409, 102, 2, 442, 476, 2, 552, 139, 2, 681, 448, 2, 445, 329, 1, 459, 437, 2, 674, 272, 1, 756, 365, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506168300, "bbox": [90, 2, 745, 478], "category_id": 1, "id": 20506168300}, {"segmentation": [[96, 3, 876, 3, 876, 480, 96, 480]], "num_keypoints": 13, "area": 372060.0, "iscrowd": 0, "keypoints": [331, 37, 2, 0, 0, 0, 287, 14, 2, 0, 0, 0, 194, 58, 2, 280, 112, 1, 198, 275, 2, 414, 99, 2, 0, 0, 0, 554, 110, 2, 619, 447, 2, 439, 328, 1, 455, 436, 2, 640, 219, 1, 738, 374, 2, 797, 357, 2, 0, 0, 0], "image_id": 20506168801, "bbox": [96, 3, 780, 477], "category_id": 1, "id": 20506168801}, {"segmentation": [[123, 1, 821, 1, 821, 480, 123, 480]], "num_keypoints": 13, "area": 334342.0, "iscrowd": 0, "keypoints": [335, 100, 2, 311, 44, 2, 258, 78, 2, 0, 0, 0, 176, 118, 2, 315, 135, 1, 226, 297, 2, 470, 212, 2, 0, 0, 0, 623, 290, 2, 685, 456, 2, 454, 310, 2, 474, 421, 2, 643, 210, 1, 761, 353, 1, 0, 0, 0, 0, 0, 0], "image_id": 20506177601, "bbox": [123, 1, 698, 479], "category_id": 1, "id": 20506177601}, {"segmentation": [[64, 0, 862, 0, 862, 480, 64, 480]], "num_keypoints": 13, "area": 383040.0, "iscrowd": 0, "keypoints": [362, 68, 2, 0, 0, 0, 328, 52, 2, 0, 0, 0, 237, 118, 2, 278, 129, 1, 173, 279, 2, 440, 150, 2, 0, 0, 0, 627, 81, 2, 532, 461, 2, 417, 341, 1, 438, 456, 2, 649, 217, 1, 752, 393, 2, 785, 368, 2, 0, 0, 0], "image_id": 20506179201, "bbox": [64, 0, 798, 480], "category_id": 1, "id": 20506179201}, {"segmentation": [[88, 5, 827, 5, 827, 480, 88, 480]], "num_keypoints": 12, "area": 351025.0, "iscrowd": 0, "keypoints": [352, 56, 2, 0, 0, 0, 322, 36, 2, 0, 0, 0, 239, 90, 2, 322, 126, 1, 192, 307, 2, 445, 172, 2, 0, 0, 0, 618, 95, 2, 595, 418, 2, 411, 336, 1, 424, 450, 2, 636, 213, 1, 748, 394, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506180001, "bbox": [88, 5, 739, 475], "category_id": 1, "id": 20506180001}, {"segmentation": [[87, 4, 864, 4, 864, 480, 87, 480]], "num_keypoints": 13, "area": 369852.0, "iscrowd": 0, "keypoints": [324, 25, 2, 0, 0, 0, 281, 15, 2, 0, 0, 0, 206, 75, 2, 281, 113, 1, 179, 290, 2, 447, 174, 2, 0, 0, 0, 626, 90, 2, 588, 436, 2, 428, 339, 1, 437, 447, 2, 644, 226, 1, 764, 392, 2, 788, 363, 2, 0, 0, 0], "image_id": 20506183601, "bbox": [87, 4, 777, 476], "category_id": 1, "id": 20506183601}, {"segmentation": [[45, 2, 900, 2, 900, 480, 45, 480]], "num_keypoints": 13, "area": 408690.0, "iscrowd": 0, "keypoints": [311, 29, 2, 0, 0, 0, 278, 15, 2, 0, 0, 0, 207, 78, 2, 248, 111, 1, 164, 257, 2, 436, 165, 2, 0, 0, 0, 624, 90, 2, 599, 426, 2, 424, 343, 1, 442, 445, 2, 643, 222, 1, 761, 390, 2, 783, 359, 2, 0, 0, 0], "image_id": 20506184800, "bbox": [45, 2, 855, 478], "category_id": 1, "id": 20506184800}, {"segmentation": [[91, 3, 851, 3, 851, 480, 91, 480]], "num_keypoints": 14, "area": 362520.0, "iscrowd": 0, "keypoints": [404, 68, 2, 0, 0, 0, 364, 36, 2, 0, 0, 0, 269, 69, 2, 298, 129, 1, 219, 258, 2, 424, 223, 2, 503, 469, 2, 582, 197, 2, 742, 452, 2, 437, 328, 1, 441, 414, 1, 673, 267, 1, 754, 376, 2, 806, 340, 2, 0, 0, 0], "image_id": 20506109100, "bbox": [91, 3, 760, 477], "category_id": 1, "id": 20506109100}, {"segmentation": [[80, 0, 873, 0, 873, 480, 80, 480]], "num_keypoints": 13, "area": 380640.0, "iscrowd": 0, "keypoints": [320, 48, 2, 0, 0, 0, 273, 43, 2, 0, 0, 0, 191, 115, 2, 294, 147, 1, 178, 269, 2, 351, 258, 1, 0, 0, 0, 518, 280, 2, 477, 461, 2, 456, 332, 2, 428, 444, 1, 652, 217, 1, 759, 383, 2, 781, 361, 1, 0, 0, 0], "image_id": 20506217300, "bbox": [80, 0, 793, 480], "category_id": 1, "id": 20506217300}, {"segmentation": [[91, 3, 866, 3, 866, 480, 91, 480]], "num_keypoints": 13, "area": 369675.0, "iscrowd": 0, "keypoints": [322, 45, 2, 0, 0, 0, 270, 36, 2, 0, 0, 0, 190, 110, 2, 282, 139, 1, 183, 269, 2, 372, 258, 1, 0, 0, 0, 518, 278, 2, 478, 461, 2, 447, 347, 1, 437, 425, 2, 643, 219, 1, 757, 377, 2, 790, 358, 2, 0, 0, 0], "image_id": 20506218800, "bbox": [91, 3, 775, 477], "category_id": 1, "id": 20506218800}, {"segmentation": [[73, 5, 876, 5, 876, 480, 73, 480]], "num_keypoints": 14, "area": 381425.0, "iscrowd": 0, "keypoints": [329, 62, 2, 303, 27, 2, 278, 47, 2, 0, 0, 0, 185, 112, 2, 321, 114, 1, 198, 294, 2, 438, 153, 2, 0, 0, 0, 677, 147, 2, 512, 427, 2, 443, 327, 1, 442, 429, 2, 652, 212, 1, 760, 380, 2, 782, 356, 1, 0, 0, 0], "image_id": 20506224401, "bbox": [73, 5, 803, 475], "category_id": 1, "id": 20506224401}, {"segmentation": [[87, 0, 863, 0, 863, 480, 87, 480]], "num_keypoints": 13, "area": 372480.0, "iscrowd": 0, "keypoints": [327, 36, 2, 0, 0, 0, 290, 26, 2, 0, 0, 0, 220, 97, 2, 306, 107, 1, 183, 316, 2, 448, 132, 2, 0, 0, 0, 636, 60, 2, 511, 436, 2, 439, 327, 1, 456, 428, 2, 647, 219, 1, 769, 390, 2, 781, 351, 2, 0, 0, 0], "image_id": 20506225600, "bbox": [87, 0, 776, 480], "category_id": 1, "id": 20506225600}, {"segmentation": [[68, 2, 866, 2, 866, 480, 68, 480]], "num_keypoints": 13, "area": 381444.0, "iscrowd": 0, "keypoints": [310, 31, 2, 0, 0, 0, 277, 15, 2, 0, 0, 0, 210, 77, 2, 292, 130, 1, 181, 302, 2, 411, 239, 1, 0, 0, 0, 574, 215, 2, 516, 444, 2, 442, 335, 1, 461, 464, 1, 645, 214, 2, 760, 378, 2, 785, 353, 1, 0, 0, 0], "image_id": 20506228400, "bbox": [68, 2, 798, 478], "category_id": 1, "id": 20506228400}, {"segmentation": [[94, 2, 869, 2, 869, 480, 94, 480]], "num_keypoints": 13, "area": 370450.0, "iscrowd": 0, "keypoints": [352, 54, 2, 0, 0, 0, 299, 36, 2, 0, 0, 0, 203, 99, 2, 327, 156, 1, 181, 308, 2, 417, 217, 2, 0, 0, 0, 576, 204, 2, 515, 439, 2, 430, 326, 1, 446, 430, 2, 641, 222, 1, 759, 382, 2, 0, 0, 0, 851, 452, 1], "image_id": 20506229201, "bbox": [94, 2, 775, 478], "category_id": 1, "id": 20506229201}, {"segmentation": [[119, 1, 840, 1, 840, 480, 119, 480]], "num_keypoints": 13, "area": 345359.0, "iscrowd": 0, "keypoints": [364, 82, 2, 333, 37, 2, 303, 65, 2, 0, 0, 0, 203, 119, 2, 316, 141, 1, 195, 277, 2, 459, 224, 2, 0, 0, 0, 616, 299, 2, 510, 422, 2, 455, 322, 2, 453, 424, 2, 630, 204, 1, 740, 353, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506229601, "bbox": [119, 1, 721, 479], "category_id": 1, "id": 20506229601}, {"segmentation": [[86, 2, 828, 2, 828, 480, 86, 480]], "num_keypoints": 12, "area": 354676.0, "iscrowd": 0, "keypoints": [355, 73, 2, 0, 0, 0, 299, 58, 2, 0, 0, 0, 198, 111, 2, 319, 129, 1, 199, 274, 2, 435, 214, 2, 0, 0, 0, 574, 269, 2, 668, 469, 2, 444, 319, 1, 432, 440, 1, 691, 251, 2, 755, 351, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506229900, "bbox": [86, 2, 742, 478], "category_id": 1, "id": 20506229900}, {"segmentation": [[125, 2, 797, 2, 797, 480, 125, 480]], "num_keypoints": 12, "area": 321216.0, "iscrowd": 0, "keypoints": [364, 61, 2, 0, 0, 0, 310, 41, 2, 0, 0, 0, 208, 90, 2, 300, 133, 1, 206, 286, 2, 449, 238, 2, 0, 0, 0, 610, 308, 2, 634, 464, 2, 482, 336, 1, 480, 433, 2, 683, 264, 1, 757, 364, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506230300, "bbox": [125, 2, 672, 478], "category_id": 1, "id": 20506230300}, {"segmentation": [[116, 7, 840, 7, 840, 480, 116, 480]], "num_keypoints": 13, "area": 342452.0, "iscrowd": 0, "keypoints": [340, 57, 2, 0, 0, 0, 301, 37, 2, 0, 0, 0, 198, 89, 2, 336, 137, 1, 207, 351, 2, 470, 195, 2, 0, 0, 0, 658, 179, 2, 519, 456, 2, 416, 338, 1, 411, 460, 2, 630, 253, 1, 752, 382, 2, 751, 332, 1, 0, 0, 0], "image_id": 20506232801, "bbox": [116, 7, 724, 473], "category_id": 1, "id": 20506232801}, {"segmentation": [[145, 0, 830, 0, 830, 480, 145, 480]], "num_keypoints": 16, "area": 328800.0, "iscrowd": 0, "keypoints": [405, 98, 2, 397, 62, 2, 343, 57, 2, 0, 0, 0, 247, 57, 2, 300, 114, 1, 212, 248, 2, 437, 229, 2, 385, 473, 2, 556, 298, 2, 614, 414, 2, 454, 307, 1, 398, 431, 2, 629, 215, 1, 766, 361, 2, 727, 324, 1, 803, 450, 1], "image_id": 20506234801, "bbox": [145, 0, 685, 480], "category_id": 1, "id": 20506234801}, {"segmentation": [[77, 3, 872, 3, 872, 480, 77, 480]], "num_keypoints": 15, "area": 379215.0, "iscrowd": 0, "keypoints": [344, 69, 2, 320, 27, 2, 287, 45, 2, 0, 0, 0, 185, 89, 2, 313, 117, 1, 173, 290, 2, 428, 120, 2, 444, 478, 2, 523, 44, 2, 710, 457, 2, 438, 332, 1, 449, 416, 2, 686, 275, 1, 741, 374, 2, 816, 355, 2, 0, 0, 0], "image_id": 20506252900, "bbox": [77, 3, 795, 477], "category_id": 1, "id": 20506252900}, {"segmentation": [[76, 2, 875, 2, 875, 480, 76, 480]], "num_keypoints": 13, "area": 381922.0, "iscrowd": 0, "keypoints": [293, 3, 2, 0, 0, 0, 236, 4, 2, 0, 0, 0, 173, 74, 2, 277, 128, 1, 224, 310, 2, 438, 193, 2, 481, 433, 2, 617, 146, 2, 751, 436, 2, 438, 331, 1, 457, 458, 1, 669, 260, 1, 742, 368, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506258600, "bbox": [76, 2, 799, 478], "category_id": 1, "id": 20506258600}, {"segmentation": [[106, 4, 830, 4, 830, 480, 106, 480]], "num_keypoints": 13, "area": 344624, "iscrowd": 0, "keypoints": [298, 15, 2, 0, 0, 0, 247, 4, 2, 0, 0, 0, 175, 78, 2, 280, 130, 1, 214, 256, 2, 441, 187, 2, 454, 473, 2, 604, 148, 2, 717, 450, 2, 448, 324, 2, 450, 414, 2, 647, 235, 2, 751, 374, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506260100, "bbox": [106, 4, 724, 476], "category_id": 1, "id": 20506260100}, {"segmentation": [[94, 3, 837, 3, 837, 480, 94, 480]], "num_keypoints": 13, "area": 354411.0, "iscrowd": 0, "keypoints": [305, 35, 2, 0, 0, 0, 274, 15, 2, 0, 0, 0, 205, 68, 2, 248, 125, 1, 203, 308, 2, 402, 100, 2, 571, 437, 2, 544, 131, 2, 726, 437, 2, 419, 320, 2, 423, 418, 1, 647, 220, 2, 762, 382, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506264000, "bbox": [94, 3, 743, 477], "category_id": 1, "id": 20506264000}, {"segmentation": [[59, 1, 857, 1, 857, 480, 59, 480]], "num_keypoints": 12, "area": 382242.0, "iscrowd": 0, "keypoints": [310, 27, 2, 0, 0, 0, 265, 12, 2, 0, 0, 0, 186, 61, 2, 287, 106, 1, 185, 278, 2, 399, 96, 2, 457, 471, 2, 559, 128, 2, 693, 454, 2, 453, 342, 1, 0, 0, 0, 690, 270, 1, 742, 343, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506265100, "bbox": [59, 1, 798, 479], "category_id": 1, "id": 20506265100}, {"segmentation": [[94, 5, 924, 5, 924, 481, 94, 481]], "num_keypoints": 14, "area": 395080, "iscrowd": 0, "keypoints": [403, 90, 2, 0, 0, 0, 372, 78, 2, 0, 0, 0, 278, 141, 2, 305, 132, 1, 197, 336, 2, 491, 133, 2, 0, 0, 0, 689, 102, 2, 637, 481, 2, 416, 324, 1, 423, 426, 2, 633, 241, 1, 734, 391, 2, 781, 365, 2, 860, 457, 1], "image_id": 20506276401, "bbox": [94, 5, 830, 476], "category_id": 1, "id": 20506276401}, {"segmentation": [[94, 11, 837, 11, 837, 480, 94, 480]], "num_keypoints": 13, "area": 348467.0, "iscrowd": 0, "keypoints": [355, 51, 2, 0, 0, 0, 316, 37, 2, 0, 0, 0, 227, 107, 2, 326, 134, 1, 188, 321, 2, 458, 160, 2, 491, 475, 2, 623, 82, 2, 727, 445, 2, 436, 324, 2, 460, 422, 2, 662, 265, 1, 759, 379, 1, 0, 0, 0, 0, 0, 0], "image_id": 20506277100, "bbox": [94, 11, 743, 469], "category_id": 1, "id": 20506277100}, {"segmentation": [[120, 5, 895, 5, 895, 480, 120, 480]], "num_keypoints": 14, "area": 368125.0, "iscrowd": 0, "keypoints": [331, 50, 2, 0, 0, 0, 286, 26, 2, 0, 0, 0, 191, 69, 2, 259, 142, 1, 174, 245, 2, 448, 193, 2, 0, 0, 0, 594, 154, 2, 670, 447, 2, 422, 334, 1, 418, 444, 2, 669, 268, 1, 743, 367, 2, 763, 327, 1, 841, 428, 1], "image_id": 20506287300, "bbox": [120, 5, 775, 475], "category_id": 1, "id": 20506287300}, {"segmentation": [[75, 3, 909, 3, 909, 480, 75, 480]], "num_keypoints": 14, "area": 397818.0, "iscrowd": 0, "keypoints": [324, 48, 2, 0, 0, 0, 270, 44, 2, 0, 0, 0, 182, 114, 2, 284, 124, 1, 178, 297, 2, 437, 114, 2, 0, 0, 0, 541, 69, 2, 690, 455, 2, 421, 335, 1, 445, 423, 2, 663, 281, 1, 745, 369, 2, 770, 333, 1, 862, 456, 1], "image_id": 20506310100, "bbox": [75, 3, 834, 477], "category_id": 1, "id": 20506310100}, {"segmentation": [[57, 2, 870, 2, 870, 480, 57, 480]], "num_keypoints": 12, "area": 388614.0, "iscrowd": 0, "keypoints": [339, 60, 2, 0, 0, 0, 290, 53, 2, 0, 0, 0, 199, 132, 2, 289, 97, 1, 183, 323, 2, 466, 133, 2, 494, 462, 2, 691, 91, 2, 726, 449, 2, 426, 320, 2, 0, 0, 0, 660, 229, 1, 764, 376, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506310400, "bbox": [57, 2, 813, 478], "category_id": 1, "id": 20506310400}, {"segmentation": [[100, 5, 858, 5, 858, 480, 100, 480]], "num_keypoints": 13, "area": 360050.0, "iscrowd": 0, "keypoints": [322, 27, 2, 0, 0, 0, 269, 15, 2, 0, 0, 0, 186, 78, 2, 278, 118, 1, 185, 266, 2, 461, 139, 2, 554, 444, 2, 750, 80, 2, 777, 426, 2, 428, 304, 1, 440, 422, 1, 719, 287, 2, 0, 0, 0, 807, 324, 2, 0, 0, 0], "image_id": 20506314001, "bbox": [100, 5, 758, 475], "category_id": 1, "id": 20506314001}, {"segmentation": [[62, 4, 860, 4, 860, 480, 62, 480]], "num_keypoints": 11, "area": 379848.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 296, 61, 2, 0, 0, 0, 188, 104, 2, 0, 0, 0, 186, 272, 2, 0, 0, 0, 479, 440, 1, 541, 272, 2, 383, 170, 2, 424, 333, 1, 425, 446, 1, 639, 217, 1, 774, 385, 2, 775, 361, 2, 0, 0, 0], "image_id": 20506321201, "bbox": [62, 4, 798, 476], "category_id": 1, "id": 20506321201}, {"segmentation": [[49, 3, 841, 3, 841, 480, 49, 480]], "num_keypoints": 13, "area": 377784.0, "iscrowd": 0, "keypoints": [319, 44, 2, 0, 0, 0, 277, 36, 2, 0, 0, 0, 202, 115, 2, 291, 121, 1, 189, 298, 2, 439, 233, 2, 0, 0, 0, 596, 217, 2, 532, 434, 2, 444, 334, 1, 470, 460, 1, 648, 235, 1, 760, 377, 2, 725, 382, 1, 0, 0, 0], "image_id": 20506323500, "bbox": [49, 3, 792, 477], "category_id": 1, "id": 20506323500}, {"segmentation": [[102, 2, 874, 2, 874, 480, 102, 480]], "num_keypoints": 14, "area": 369016.0, "iscrowd": 0, "keypoints": [329, 93, 2, 0, 0, 0, 268, 90, 2, 0, 0, 0, 174, 147, 2, 298, 129, 1, 180, 300, 2, 436, 197, 2, 0, 0, 0, 594, 289, 2, 527, 427, 2, 408, 324, 1, 394, 443, 2, 652, 226, 1, 760, 393, 2, 769, 339, 2, 839, 440, 1], "image_id": 20506326401, "bbox": [102, 2, 772, 478], "category_id": 1, "id": 20506326401}, {"segmentation": [[48, 4, 898, 4, 898, 480, 48, 480]], "num_keypoints": 14, "area": 404600.0, "iscrowd": 0, "keypoints": [331, 61, 2, 0, 0, 0, 289, 58, 2, 0, 0, 0, 204, 152, 2, 316, 121, 1, 173, 318, 2, 460, 162, 2, 0, 0, 0, 691, 215, 2, 520, 435, 2, 430, 330, 1, 444, 438, 1, 639, 231, 1, 754, 401, 2, 792, 359, 2, 859, 467, 1], "image_id": 20506327201, "bbox": [48, 4, 850, 476], "category_id": 1, "id": 20506327201}, {"segmentation": [[71, 2, 865, 2, 865, 480, 71, 480]], "num_keypoints": 13, "area": 379532.0, "iscrowd": 0, "keypoints": [308, 37, 2, 0, 0, 0, 278, 26, 2, 0, 0, 0, 219, 97, 2, 270, 109, 1, 157, 306, 2, 424, 140, 2, 0, 0, 0, 622, 78, 2, 522, 441, 2, 429, 335, 1, 445, 451, 2, 644, 218, 2, 763, 392, 2, 790, 367, 2, 0, 0, 0], "image_id": 20506327600, "bbox": [71, 2, 794, 478], "category_id": 1, "id": 20506327600}, {"segmentation": [[97, 8, 841, 8, 841, 480, 97, 480]], "num_keypoints": 13, "area": 351168.0, "iscrowd": 0, "keypoints": [302, 47, 2, 0, 0, 0, 289, 28, 2, 0, 0, 0, 247, 69, 2, 274, 151, 1, 188, 288, 2, 427, 241, 2, 0, 0, 0, 574, 216, 2, 531, 445, 2, 438, 334, 2, 448, 462, 1, 651, 219, 2, 772, 389, 2, 774, 341, 1, 0, 0, 0], "image_id": 20506330000, "bbox": [97, 8, 744, 472], "category_id": 1, "id": 20506330000}, {"segmentation": [[82, 3, 852, 3, 852, 480, 82, 480]], "num_keypoints": 13, "area": 367290.0, "iscrowd": 0, "keypoints": [320, 27, 2, 0, 0, 0, 270, 15, 2, 0, 0, 0, 194, 89, 2, 284, 134, 1, 210, 308, 2, 428, 236, 2, 0, 0, 0, 574, 206, 2, 716, 472, 2, 429, 328, 1, 434, 435, 2, 623, 200, 1, 773, 385, 2, 742, 355, 1, 0, 0, 0], "image_id": 20506331100, "bbox": [82, 3, 770, 477], "category_id": 1, "id": 20506331100}, {"segmentation": [[73, 3, 860, 3, 860, 480, 73, 480]], "num_keypoints": 12, "area": 375399.0, "iscrowd": 0, "keypoints": [316, 31, 2, 0, 0, 0, 264, 19, 2, 0, 0, 0, 185, 89, 2, 273, 129, 1, 197, 264, 2, 437, 177, 2, 0, 0, 0, 610, 135, 2, 732, 468, 2, 424, 336, 1, 443, 444, 1, 668, 237, 1, 743, 359, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506303200, "bbox": [73, 3, 787, 477], "category_id": 1, "id": 20506303200}, {"segmentation": [[108, 3, 801, 3, 801, 480, 108, 480]], "num_keypoints": 12, "area": 330561.0, "iscrowd": 0, "keypoints": [376, 77, 2, 0, 0, 0, 327, 47, 2, 0, 0, 0, 223, 79, 2, 272, 132, 1, 216, 293, 2, 452, 200, 2, 0, 0, 0, 664, 227, 2, 543, 445, 2, 397, 344, 1, 385, 469, 1, 665, 268, 1, 753, 377, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506332200, "bbox": [108, 3, 693, 477], "category_id": 1, "id": 20506332200}, {"segmentation": [[73, 1, 853, 1, 853, 480, 73, 480]], "num_keypoints": 13, "area": 373620.0, "iscrowd": 0, "keypoints": [340, 47, 2, 0, 0, 0, 290, 26, 2, 0, 0, 0, 195, 83, 2, 299, 143, 1, 185, 283, 2, 404, 245, 1, 0, 0, 0, 544, 310, 2, 544, 448, 2, 439, 332, 1, 453, 450, 1, 647, 220, 1, 765, 377, 2, 776, 359, 2, 0, 0, 0], "image_id": 20506333500, "bbox": [73, 1, 780, 479], "category_id": 1, "id": 20506333500}, {"segmentation": [[88, 2, 830, 2, 830, 480, 88, 480]], "num_keypoints": 12, "area": 354676.0, "iscrowd": 0, "keypoints": [316, 37, 2, 0, 0, 0, 265, 24, 2, 0, 0, 0, 185, 89, 2, 263, 133, 1, 199, 278, 2, 437, 176, 2, 0, 0, 0, 614, 132, 2, 691, 447, 2, 431, 324, 2, 428, 438, 2, 642, 224, 1, 741, 362, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506303700, "bbox": [88, 2, 742, 478], "category_id": 1, "id": 20506303700}, {"segmentation": [[73, 4, 905, 4, 905, 480, 73, 480]], "num_keypoints": 13, "area": 396032.0, "iscrowd": 0, "keypoints": [323, 37, 2, 0, 0, 0, 272, 19, 2, 0, 0, 0, 189, 77, 2, 264, 124, 1, 183, 265, 2, 447, 266, 2, 0, 0, 0, 558, 290, 2, 526, 449, 2, 432, 323, 1, 417, 444, 2, 643, 219, 1, 749, 377, 2, 0, 0, 0, 863, 453, 1], "image_id": 20506358300, "bbox": [73, 4, 832, 476], "category_id": 1, "id": 20506358300}, {"segmentation": [[72, 2, 903, 2, 903, 480, 72, 480]], "num_keypoints": 13, "area": 397218.0, "iscrowd": 0, "keypoints": [320, 66, 2, 0, 0, 0, 278, 43, 2, 0, 0, 0, 183, 90, 2, 259, 126, 1, 185, 280, 2, 401, 216, 2, 495, 383, 2, 533, 270, 1, 623, 115, 2, 408, 321, 1, 417, 449, 2, 0, 0, 0, 754, 386, 2, 0, 0, 0, 862, 451, 1], "image_id": 20506359201, "bbox": [72, 2, 831, 478], "category_id": 1, "id": 20506359201}, {"segmentation": [[94, 3, 856, 3, 856, 480, 94, 480]], "num_keypoints": 12, "area": 363474.0, "iscrowd": 0, "keypoints": [331, 57, 2, 0, 0, 0, 286, 28, 2, 0, 0, 0, 193, 78, 2, 258, 133, 1, 194, 301, 2, 439, 172, 2, 0, 0, 0, 619, 122, 2, 635, 475, 2, 430, 342, 1, 435, 448, 2, 659, 253, 1, 731, 354, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506360000, "bbox": [94, 3, 762, 477], "category_id": 1, "id": 20506360000}, {"segmentation": [[78, 0, 841, 0, 841, 480, 78, 480]], "num_keypoints": 14, "area": 366240.0, "iscrowd": 0, "keypoints": [332, 39, 2, 0, 0, 0, 278, 26, 2, 0, 0, 0, 187, 89, 2, 290, 133, 1, 221, 300, 2, 416, 260, 2, 437, 468, 2, 562, 258, 2, 523, 344, 2, 424, 327, 1, 428, 423, 1, 652, 231, 1, 755, 378, 2, 762, 342, 1, 0, 0, 0], "image_id": 20506306001, "bbox": [78, 0, 763, 480], "category_id": 1, "id": 20506306001}, {"segmentation": [[76, 2, 848, 2, 848, 480, 76, 480]], "num_keypoints": 14, "area": 369016.0, "iscrowd": 0, "keypoints": [322, 39, 2, 0, 0, 0, 278, 26, 2, 0, 0, 0, 194, 99, 2, 257, 122, 1, 187, 307, 2, 447, 133, 2, 464, 480, 2, 647, 87, 2, 715, 454, 2, 439, 339, 1, 442, 435, 2, 643, 212, 1, 763, 384, 2, 792, 369, 2, 0, 0, 0], "image_id": 20506363800, "bbox": [76, 2, 772, 478], "category_id": 1, "id": 20506363800}, {"segmentation": [[109, 1, 841, 1, 841, 480, 109, 480]], "num_keypoints": 11, "area": 350628.0, "iscrowd": 0, "keypoints": [320, 50, 2, 0, 0, 0, 268, 31, 2, 0, 0, 0, 179, 90, 2, 288, 129, 1, 189, 316, 2, 439, 137, 2, 0, 0, 0, 647, 86, 2, 0, 0, 0, 431, 311, 2, 422, 422, 2, 694, 284, 2, 763, 383, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506364200, "bbox": [109, 1, 732, 479], "category_id": 1, "id": 20506364200}, {"segmentation": [[102, 2, 829, 2, 829, 480, 102, 480]], "num_keypoints": 11, "area": 347506.0, "iscrowd": 0, "keypoints": [320, 40, 2, 0, 0, 0, 270, 20, 2, 0, 0, 0, 185, 74, 2, 259, 131, 1, 165, 301, 2, 395, 110, 2, 0, 0, 0, 554, 122, 2, 0, 0, 0, 423, 348, 1, 431, 433, 1, 648, 224, 1, 759, 387, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506369200, "bbox": [102, 2, 727, 478], "category_id": 1, "id": 20506369200}, {"segmentation": [[37, 1, 859, 1, 859, 480, 37, 480]], "num_keypoints": 12, "area": 393738.0, "iscrowd": 0, "keypoints": [280, 4, 2, 0, 0, 0, 227, 5, 2, 0, 0, 0, 155, 69, 2, 298, 105, 1, 154, 238, 2, 405, 102, 2, 0, 0, 0, 549, 137, 2, 0, 0, 0, 424, 331, 1, 433, 440, 2, 629, 220, 1, 745, 384, 2, 777, 358, 2, 0, 0, 0], "image_id": 20506370801, "bbox": [37, 1, 822, 479], "category_id": 1, "id": 20506370801}, {"segmentation": [[30, 3, 891, 3, 891, 480, 30, 480]], "num_keypoints": 12, "area": 410697.0, "iscrowd": 0, "keypoints": [319, 35, 2, 0, 0, 0, 258, 25, 2, 0, 0, 0, 179, 97, 2, 265, 122, 1, 173, 236, 2, 430, 143, 2, 0, 0, 0, 583, 88, 2, 0, 0, 0, 447, 345, 1, 459, 447, 2, 638, 220, 1, 772, 395, 2, 763, 372, 1, 0, 0, 0], "image_id": 20506377200, "bbox": [30, 3, 861, 477], "category_id": 1, "id": 20506377200}, {"segmentation": [[92, 4, 836, 4, 836, 480, 92, 480]], "num_keypoints": 12, "area": 354144.0, "iscrowd": 0, "keypoints": [301, 72, 2, 279, 31, 2, 230, 64, 2, 0, 0, 0, 151, 118, 2, 293, 112, 1, 169, 289, 2, 460, 215, 2, 0, 0, 0, 615, 294, 2, 0, 0, 0, 453, 337, 2, 435, 426, 2, 643, 218, 1, 765, 379, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506378001, "bbox": [92, 4, 744, 476], "category_id": 1, "id": 20506378001}, {"segmentation": [[69, 3, 853, 3, 853, 480, 69, 480]], "num_keypoints": 13, "area": 373968.0, "iscrowd": 0, "keypoints": [341, 89, 2, 306, 48, 2, 278, 81, 2, 0, 0, 0, 183, 140, 2, 310, 123, 1, 170, 279, 2, 437, 141, 2, 0, 0, 0, 616, 111, 2, 0, 0, 0, 418, 341, 1, 440, 447, 2, 628, 223, 1, 743, 368, 2, 789, 364, 2, 0, 0, 0], "image_id": 20506378801, "bbox": [69, 3, 784, 477], "category_id": 1, "id": 20506378801}, {"segmentation": [[89, 5, 824, 5, 824, 480, 89, 480]], "num_keypoints": 12, "area": 349125.0, "iscrowd": 0, "keypoints": [331, 43, 2, 0, 0, 0, 282, 27, 2, 0, 0, 0, 195, 99, 2, 339, 121, 2, 171, 342, 2, 451, 138, 2, 0, 0, 0, 626, 68, 2, 0, 0, 0, 456, 322, 2, 474, 447, 2, 634, 232, 1, 758, 389, 2, 768, 354, 2, 0, 0, 0], "image_id": 20506379500, "bbox": [89, 5, 735, 475], "category_id": 1, "id": 20506379500}, {"segmentation": [[108, 5, 921, 5, 921, 480, 108, 480]], "num_keypoints": 15, "area": 386175.0, "iscrowd": 0, "keypoints": [332, 53, 2, 0, 0, 0, 280, 36, 2, 0, 0, 0, 189, 98, 2, 298, 136, 1, 221, 333, 2, 398, 238, 1, 396, 480, 2, 502, 161, 2, 623, 406, 2, 436, 351, 1, 467, 452, 2, 640, 236, 1, 755, 373, 2, 794, 368, 2, 835, 469, 1], "image_id": 20506308001, "bbox": [108, 5, 813, 475], "category_id": 1, "id": 20506308001}, {"segmentation": [[70, 5, 866, 5, 866, 480, 70, 480]], "num_keypoints": 12, "area": 378100.0, "iscrowd": 0, "keypoints": [316, 24, 2, 0, 0, 0, 276, 14, 2, 0, 0, 0, 205, 86, 2, 306, 116, 1, 164, 290, 2, 452, 154, 2, 0, 0, 0, 622, 93, 2, 0, 0, 0, 398, 333, 1, 406, 447, 2, 639, 221, 1, 763, 387, 2, 753, 345, 2, 0, 0, 0], "image_id": 20506382401, "bbox": [70, 5, 796, 475], "category_id": 1, "id": 20506382401}, {"segmentation": [[73, 5, 856, 5, 856, 480, 73, 480]], "num_keypoints": 13, "area": 371925.0, "iscrowd": 0, "keypoints": [323, 29, 2, 0, 0, 0, 282, 24, 2, 0, 0, 0, 211, 97, 2, 281, 129, 1, 158, 286, 2, 444, 157, 2, 0, 0, 0, 611, 97, 2, 502, 480, 2, 439, 346, 1, 428, 458, 2, 649, 234, 1, 753, 392, 2, 783, 370, 2, 0, 0, 0], "image_id": 20506383200, "bbox": [73, 5, 783, 475], "category_id": 1, "id": 20506383200}, {"segmentation": [[77, 4, 942, 4, 942, 480, 77, 480]], "num_keypoints": 12, "area": 411740.0, "iscrowd": 0, "keypoints": [320, 37, 2, 0, 0, 0, 279, 27, 2, 0, 0, 0, 204, 110, 2, 275, 127, 1, 162, 304, 2, 423, 174, 2, 0, 0, 0, 619, 101, 2, 515, 480, 2, 414, 349, 1, 427, 457, 2, 637, 235, 1, 757, 393, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506384600, "bbox": [77, 4, 865, 476], "category_id": 1, "id": 20506384600}, {"segmentation": [[97, 6, 860, 6, 860, 480, 97, 480]], "num_keypoints": 14, "area": 361662.0, "iscrowd": 0, "keypoints": [364, 95, 2, 357, 65, 2, 324, 49, 2, 0, 0, 0, 226, 57, 2, 283, 143, 1, 174, 264, 2, 368, 119, 2, 436, 419, 2, 0, 0, 0, 732, 445, 2, 427, 348, 1, 447, 457, 1, 639, 220, 1, 751, 384, 2, 787, 369, 1, 0, 0, 0], "image_id": 20506309000, "bbox": [97, 6, 763, 474], "category_id": 1, "id": 20506309000}, {"segmentation": [[99, 4, 850, 4, 850, 480, 99, 480]], "num_keypoints": 13, "area": 357476.0, "iscrowd": 0, "keypoints": [341, 37, 2, 0, 0, 0, 293, 15, 2, 0, 0, 0, 204, 72, 2, 304, 129, 1, 219, 273, 2, 437, 208, 2, 0, 0, 0, 582, 195, 2, 731, 460, 2, 445, 334, 1, 448, 415, 2, 604, 220, 1, 747, 377, 2, 738, 340, 2, 0, 0, 0], "image_id": 20506417300, "bbox": [99, 4, 751, 476], "category_id": 1, "id": 20506417300}, {"segmentation": [[111, 0, 845, 0, 845, 480, 111, 480]], "num_keypoints": 13, "area": 352320.0, "iscrowd": 0, "keypoints": [341, 44, 2, 0, 0, 0, 297, 25, 2, 0, 0, 0, 206, 86, 2, 289, 135, 1, 216, 276, 2, 436, 210, 2, 499, 432, 2, 583, 189, 2, 711, 281, 2, 416, 316, 1, 432, 439, 1, 652, 259, 1, 742, 398, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506418400, "bbox": [111, 0, 734, 480], "category_id": 1, "id": 20506418400}, {"segmentation": [[93, 4, 904, 4, 904, 480, 93, 480]], "num_keypoints": 13, "area": 386036.0, "iscrowd": 0, "keypoints": [347, 49, 2, 0, 0, 0, 299, 31, 2, 0, 0, 0, 206, 89, 2, 242, 131, 1, 205, 298, 2, 400, 204, 2, 494, 425, 2, 582, 197, 2, 714, 277, 2, 410, 340, 1, 426, 475, 2, 630, 232, 1, 749, 386, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506419800, "bbox": [93, 4, 811, 476], "category_id": 1, "id": 20506419800}, {"segmentation": [[77, 5, 877, 5, 877, 480, 77, 480]], "num_keypoints": 14, "area": 380000.0, "iscrowd": 0, "keypoints": [345, 56, 2, 0, 0, 0, 299, 35, 2, 0, 0, 0, 206, 91, 2, 293, 145, 1, 201, 289, 2, 436, 216, 2, 484, 416, 2, 583, 195, 2, 714, 278, 2, 427, 334, 1, 446, 479, 1, 637, 226, 1, 749, 380, 2, 785, 366, 2, 0, 0, 0], "image_id": 20506420100, "bbox": [77, 5, 800, 475], "category_id": 1, "id": 20506420100}, {"segmentation": [[82, 3, 856, 3, 856, 480, 82, 480]], "num_keypoints": 13, "area": 369198.0, "iscrowd": 0, "keypoints": [352, 52, 2, 0, 0, 0, 308, 32, 2, 0, 0, 0, 215, 89, 2, 278, 128, 1, 214, 320, 2, 429, 215, 2, 478, 469, 2, 574, 195, 2, 670, 329, 2, 417, 339, 1, 431, 480, 1, 645, 220, 1, 747, 379, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506421601, "bbox": [82, 3, 774, 477], "category_id": 1, "id": 20506421601}, {"segmentation": [[86, 2, 868, 2, 868, 480, 86, 480]], "num_keypoints": 13, "area": 373796.0, "iscrowd": 0, "keypoints": [331, 39, 2, 0, 0, 0, 290, 25, 2, 0, 0, 0, 206, 82, 2, 274, 138, 1, 211, 306, 2, 418, 214, 2, 501, 410, 2, 586, 164, 2, 744, 277, 2, 438, 337, 1, 422, 472, 1, 633, 230, 1, 748, 382, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506423000, "bbox": [86, 2, 782, 478], "category_id": 1, "id": 20506423000}, {"segmentation": [[83, 0, 865, 0, 865, 480, 83, 480]], "num_keypoints": 13, "area": 375360.0, "iscrowd": 0, "keypoints": [336, 43, 2, 0, 0, 0, 291, 24, 2, 0, 0, 0, 206, 81, 2, 284, 132, 1, 201, 248, 2, 437, 206, 2, 499, 407, 2, 595, 150, 2, 758, 290, 2, 433, 333, 1, 450, 479, 2, 639, 232, 1, 748, 384, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506423400, "bbox": [83, 0, 782, 480], "category_id": 1, "id": 20506423400}, {"segmentation": [[121, 4, 875, 4, 875, 480, 121, 480]], "num_keypoints": 13, "area": 358904.0, "iscrowd": 0, "keypoints": [382, 49, 2, 0, 0, 0, 333, 33, 2, 0, 0, 0, 237, 78, 2, 308, 116, 1, 253, 312, 2, 478, 173, 2, 555, 441, 2, 646, 225, 2, 782, 291, 2, 453, 341, 1, 489, 475, 1, 646, 227, 1, 752, 381, 1, 0, 0, 0, 0, 0, 0], "image_id": 20506425300, "bbox": [121, 4, 754, 476], "category_id": 1, "id": 20506425300}, {"segmentation": [[129, 2, 880, 2, 880, 477, 129, 477]], "num_keypoints": 15, "area": 356725.0, "iscrowd": 0, "keypoints": [343, 35, 2, 0, 0, 0, 315, 19, 2, 0, 0, 0, 228, 78, 2, 304, 137, 2, 277, 325, 2, 416, 247, 2, 540, 428, 2, 565, 249, 2, 769, 294, 2, 432, 342, 1, 472, 475, 1, 651, 266, 1, 746, 391, 2, 775, 385, 1, 851, 453, 1], "image_id": 20506426401, "bbox": [129, 2, 751, 475], "category_id": 1, "id": 20506426401}, {"segmentation": [[90, 0, 843, 0, 843, 478, 90, 478]], "num_keypoints": 12, "area": 359934.0, "iscrowd": 0, "keypoints": [322, 29, 2, 0, 0, 0, 283, 16, 2, 0, 0, 0, 203, 83, 2, 295, 132, 1, 191, 312, 2, 409, 249, 1, 0, 0, 0, 540, 286, 2, 597, 419, 2, 447, 341, 1, 433, 448, 2, 699, 307, 2, 814, 416, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506427100, "bbox": [90, 0, 753, 478], "category_id": 1, "id": 20506427100}, {"segmentation": [[61, 0, 882, 0, 882, 480, 61, 480]], "num_keypoints": 14, "area": 394080.0, "iscrowd": 0, "keypoints": [310, 26, 2, 0, 0, 0, 268, 20, 2, 0, 0, 0, 201, 99, 2, 278, 132, 1, 186, 296, 2, 388, 249, 1, 0, 0, 0, 544, 268, 2, 597, 433, 2, 433, 349, 1, 421, 454, 2, 644, 228, 2, 760, 392, 2, 755, 348, 2, 847, 459, 1], "image_id": 20506427600, "bbox": [61, 0, 821, 480], "category_id": 1, "id": 20506427600}, {"segmentation": [[80, 5, 885, 5, 885, 480, 80, 480]], "num_keypoints": 14, "area": 382375.0, "iscrowd": 0, "keypoints": [303, 37, 2, 0, 0, 0, 290, 19, 2, 0, 0, 0, 248, 66, 2, 277, 131, 1, 187, 260, 2, 391, 249, 1, 0, 0, 0, 545, 312, 2, 605, 425, 2, 430, 339, 1, 456, 441, 2, 644, 227, 2, 756, 398, 2, 773, 360, 2, 854, 462, 1], "image_id": 20506428700, "bbox": [80, 5, 805, 475], "category_id": 1, "id": 20506428700}, {"segmentation": [[104, 7, 826, 7, 826, 480, 104, 480]], "num_keypoints": 12, "area": 341506.0, "iscrowd": 0, "keypoints": [362, 58, 2, 0, 0, 0, 316, 36, 2, 0, 0, 0, 215, 94, 2, 318, 135, 1, 204, 290, 2, 439, 198, 2, 0, 0, 0, 585, 153, 2, 598, 426, 2, 429, 324, 1, 437, 410, 2, 648, 239, 2, 766, 385, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506429800, "bbox": [104, 7, 722, 473], "category_id": 1, "id": 20506429800}, {"segmentation": [[89, 5, 814, 5, 814, 480, 89, 480]], "num_keypoints": 13, "area": 344375.0, "iscrowd": 0, "keypoints": [358, 68, 2, 0, 0, 0, 310, 41, 2, 0, 0, 0, 204, 90, 2, 282, 115, 1, 203, 313, 2, 446, 142, 2, 0, 0, 0, 644, 108, 2, 594, 416, 2, 446, 337, 1, 447, 439, 2, 644, 227, 1, 759, 392, 2, 782, 367, 2, 0, 0, 0], "image_id": 20506430100, "bbox": [89, 5, 725, 475], "category_id": 1, "id": 20506430100}, {"segmentation": [[134, 3, 824, 3, 824, 480, 134, 480]], "num_keypoints": 14, "area": 329130.0, "iscrowd": 0, "keypoints": [365, 47, 2, 0, 0, 0, 312, 24, 2, 0, 0, 0, 215, 69, 2, 339, 118, 1, 221, 286, 2, 460, 181, 2, 371, 480, 2, 668, 175, 2, 573, 412, 2, 448, 336, 2, 488, 456, 1, 619, 242, 2, 742, 371, 2, 774, 391, 1, 0, 0, 0], "image_id": 20506431200, "bbox": [134, 3, 690, 477], "category_id": 1, "id": 20506431200}, {"segmentation": [[83, 6, 875, 6, 875, 480, 83, 480]], "num_keypoints": 13, "area": 375408.0, "iscrowd": 0, "keypoints": [320, 66, 2, 0, 0, 0, 262, 57, 2, 0, 0, 0, 172, 115, 2, 279, 137, 1, 196, 293, 2, 360, 251, 1, 498, 448, 2, 475, 320, 2, 697, 329, 2, 425, 334, 1, 443, 451, 1, 606, 186, 2, 721, 381, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506444500, "bbox": [83, 6, 792, 474], "category_id": 1, "id": 20506444500}, {"segmentation": [[53, 3, 830, 3, 830, 480, 53, 480]], "num_keypoints": 13, "area": 370629.0, "iscrowd": 0, "keypoints": [331, 77, 2, 0, 0, 0, 274, 60, 2, 0, 0, 0, 174, 107, 2, 286, 139, 1, 202, 306, 2, 365, 245, 1, 0, 0, 0, 465, 303, 2, 543, 414, 2, 434, 332, 1, 462, 437, 2, 612, 180, 2, 722, 363, 2, 681, 354, 1, 0, 0, 0], "image_id": 20506448200, "bbox": [53, 3, 777, 477], "category_id": 1, "id": 20506448200}, {"segmentation": [[97, 3, 806, 3, 806, 480, 97, 480]], "num_keypoints": 12, "area": 338193.0, "iscrowd": 0, "keypoints": [340, 58, 2, 0, 0, 0, 312, 33, 2, 0, 0, 0, 240, 54, 2, 273, 145, 1, 196, 300, 2, 369, 254, 1, 0, 0, 0, 480, 311, 2, 536, 362, 2, 424, 348, 1, 459, 472, 1, 609, 187, 1, 714, 349, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506450200, "bbox": [97, 3, 709, 477], "category_id": 1, "id": 20506450200}, {"segmentation": [[84, 5, 911, 5, 911, 480, 84, 480]], "num_keypoints": 14, "area": 392825.0, "iscrowd": 0, "keypoints": [311, 26, 2, 0, 0, 0, 257, 18, 2, 0, 0, 0, 179, 79, 2, 268, 119, 1, 235, 279, 2, 391, 102, 2, 548, 383, 2, 543, 123, 2, 773, 280, 2, 412, 322, 1, 438, 443, 1, 637, 219, 1, 756, 374, 2, 0, 0, 0, 854, 450, 1], "image_id": 20506456100, "bbox": [84, 5, 827, 475], "category_id": 1, "id": 20506456100}, {"segmentation": [[85, 2, 873, 2, 873, 480, 85, 480]], "num_keypoints": 13, "area": 376664.0, "iscrowd": 0, "keypoints": [308, 32, 2, 0, 0, 0, 278, 14, 2, 0, 0, 0, 219, 58, 2, 253, 127, 1, 199, 290, 2, 396, 93, 2, 457, 441, 2, 548, 114, 2, 712, 453, 2, 430, 334, 1, 448, 437, 1, 652, 224, 1, 749, 372, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506460400, "bbox": [85, 2, 788, 478], "category_id": 1, "id": 20506460400}, {"segmentation": [[74, 5, 861, 5, 861, 480, 74, 480]], "num_keypoints": 13, "area": 373825.0, "iscrowd": 0, "keypoints": [316, 24, 2, 0, 0, 0, 260, 15, 2, 0, 0, 0, 189, 79, 2, 272, 119, 1, 193, 295, 2, 439, 143, 2, 0, 0, 0, 640, 89, 2, 582, 448, 2, 422, 340, 1, 435, 453, 2, 646, 219, 1, 747, 385, 2, 767, 369, 1, 0, 0, 0], "image_id": 20506470401, "bbox": [74, 5, 787, 475], "category_id": 1, "id": 20506470401}, {"segmentation": [[79, 6, 855, 6, 855, 480, 79, 480]], "num_keypoints": 14, "area": 367824.0, "iscrowd": 0, "keypoints": [348, 64, 2, 314, 27, 2, 278, 48, 2, 0, 0, 0, 185, 115, 2, 349, 113, 1, 224, 327, 2, 470, 161, 2, 0, 0, 0, 648, 174, 2, 671, 462, 2, 436, 325, 1, 443, 447, 2, 653, 215, 1, 745, 362, 2, 773, 375, 1, 0, 0, 0], "image_id": 20506472001, "bbox": [79, 6, 776, 474], "category_id": 1, "id": 20506472001}, {"segmentation": [[107, 4, 819, 4, 819, 480, 107, 480]], "num_keypoints": 16, "area": 338912.0, "iscrowd": 0, "keypoints": [319, 111, 2, 315, 61, 2, 256, 94, 2, 0, 0, 0, 178, 131, 2, 351, 126, 2, 260, 359, 2, 443, 180, 2, 431, 478, 2, 593, 149, 2, 675, 473, 2, 487, 307, 2, 495, 430, 2, 640, 220, 2, 752, 358, 2, 743, 334, 1, 803, 462, 1], "image_id": 20506472300, "bbox": [107, 4, 712, 476], "category_id": 1, "id": 20506472300}, {"segmentation": [[118, 0, 847, 0, 847, 480, 118, 480]], "num_keypoints": 14, "area": 349920.0, "iscrowd": 0, "keypoints": [341, 110, 2, 311, 62, 2, 277, 99, 2, 0, 0, 0, 179, 141, 2, 291, 119, 1, 231, 314, 2, 445, 143, 2, 0, 0, 0, 648, 99, 2, 662, 473, 2, 422, 316, 1, 423, 412, 2, 641, 234, 1, 745, 366, 2, 0, 0, 0, 826, 435, 1], "image_id": 20506472801, "bbox": [118, 0, 729, 480], "category_id": 1, "id": 20506472801}, {"segmentation": [[107, 4, 856, 4, 856, 480, 107, 480]], "num_keypoints": 13, "area": 356524.0, "iscrowd": 0, "keypoints": [351, 89, 2, 0, 0, 0, 311, 79, 2, 0, 0, 0, 210, 143, 2, 318, 124, 1, 197, 298, 2, 480, 140, 2, 0, 0, 0, 672, 116, 2, 668, 468, 2, 436, 337, 1, 448, 426, 2, 640, 227, 1, 743, 383, 2, 785, 368, 2, 0, 0, 0], "image_id": 20506473201, "bbox": [107, 4, 749, 476], "category_id": 1, "id": 20506473201}, {"segmentation": [[80, 1, 867, 1, 867, 480, 80, 480]], "num_keypoints": 13, "area": 376973.0, "iscrowd": 0, "keypoints": [356, 78, 2, 0, 0, 0, 320, 66, 2, 0, 0, 0, 227, 129, 2, 291, 129, 1, 188, 299, 2, 443, 157, 2, 0, 0, 0, 615, 91, 2, 656, 472, 2, 427, 339, 1, 444, 442, 2, 634, 227, 1, 755, 382, 2, 784, 364, 2, 0, 0, 0], "image_id": 20506473500, "bbox": [80, 1, 787, 479], "category_id": 1, "id": 20506473500}, {"segmentation": [[99, 1, 903, 1, 903, 480, 99, 480]], "num_keypoints": 14, "area": 385116.0, "iscrowd": 0, "keypoints": [341, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 212, 49, 2, 332, 96, 1, 202, 258, 2, 477, 193, 2, 375, 470, 2, 605, 115, 2, 591, 424, 2, 434, 323, 1, 443, 426, 2, 643, 224, 1, 759, 401, 2, 766, 355, 2, 859, 444, 1], "image_id": 20506475601, "bbox": [99, 1, 804, 479], "category_id": 1, "id": 20506475601}, {"segmentation": [[70, 3, 885, 3, 885, 480, 70, 480]], "num_keypoints": 14, "area": 388755.0, "iscrowd": 0, "keypoints": [311, 33, 2, 0, 0, 0, 268, 18, 2, 0, 0, 0, 186, 99, 2, 310, 120, 2, 195, 323, 2, 436, 198, 2, 0, 0, 0, 614, 110, 2, 594, 430, 2, 421, 347, 1, 477, 444, 2, 647, 237, 2, 761, 383, 2, 701, 346, 1, 841, 459, 1], "image_id": 20506478100, "bbox": [70, 3, 815, 477], "category_id": 1, "id": 20506478100}, {"segmentation": [[82, 4, 873, 4, 873, 480, 82, 480]], "num_keypoints": 13, "area": 376516.0, "iscrowd": 0, "keypoints": [312, 32, 2, 0, 0, 0, 269, 25, 2, 0, 0, 0, 186, 98, 2, 296, 119, 1, 180, 328, 2, 443, 184, 2, 384, 480, 2, 600, 125, 2, 603, 429, 2, 435, 362, 1, 474, 462, 1, 655, 243, 1, 754, 387, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506478400, "bbox": [82, 4, 791, 476], "category_id": 1, "id": 20506478400}, {"segmentation": [[66, 2, 845, 2, 845, 480, 66, 480]], "num_keypoints": 13, "area": 372362.0, "iscrowd": 0, "keypoints": [316, 37, 2, 0, 0, 0, 275, 28, 2, 0, 0, 0, 193, 95, 2, 279, 125, 1, 152, 287, 2, 448, 185, 2, 0, 0, 0, 612, 111, 2, 597, 426, 2, 432, 344, 1, 439, 449, 2, 643, 227, 1, 758, 389, 2, 791, 362, 2, 0, 0, 0], "image_id": 20506479800, "bbox": [66, 2, 779, 478], "category_id": 1, "id": 20506479800}, {"segmentation": [[86, 0, 842, 0, 842, 480, 86, 480]], "num_keypoints": 12, "area": 362880.0, "iscrowd": 0, "keypoints": [320, 39, 2, 0, 0, 0, 277, 26, 2, 0, 0, 0, 190, 97, 2, 295, 127, 1, 160, 281, 2, 454, 173, 2, 0, 0, 0, 620, 99, 2, 599, 426, 2, 453, 346, 1, 459, 453, 1, 646, 237, 1, 764, 395, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506480801, "bbox": [86, 0, 756, 480], "category_id": 1, "id": 20506480801}, {"segmentation": [[76, 3, 870, 3, 870, 480, 76, 480]], "num_keypoints": 13, "area": 378738.0, "iscrowd": 0, "keypoints": [324, 32, 2, 0, 0, 0, 278, 16, 2, 0, 0, 0, 197, 77, 2, 248, 131, 1, 174, 268, 2, 414, 116, 2, 0, 0, 0, 585, 91, 2, 531, 462, 2, 426, 344, 1, 441, 448, 2, 644, 229, 1, 757, 386, 2, 786, 359, 2, 0, 0, 0], "image_id": 20506481201, "bbox": [76, 3, 794, 477], "category_id": 1, "id": 20506481201}, {"segmentation": [[83, 1, 858, 1, 858, 480, 83, 480]], "num_keypoints": 13, "area": 371225.0, "iscrowd": 0, "keypoints": [314, 16, 2, 0, 0, 0, 260, 4, 2, 0, 0, 0, 185, 66, 2, 290, 117, 1, 183, 276, 2, 395, 110, 2, 0, 0, 0, 545, 131, 2, 698, 468, 2, 417, 341, 1, 422, 425, 2, 630, 212, 1, 756, 353, 2, 748, 333, 1, 0, 0, 0], "image_id": 20506484600, "bbox": [83, 1, 775, 479], "category_id": 1, "id": 20506484600}, {"segmentation": [[71, 4, 897, 4, 897, 480, 71, 480]], "num_keypoints": 13, "area": 393176.0, "iscrowd": 0, "keypoints": [319, 31, 2, 0, 0, 0, 272, 20, 2, 0, 0, 0, 195, 89, 2, 278, 128, 1, 184, 308, 2, 402, 115, 2, 0, 0, 0, 549, 122, 2, 503, 447, 2, 421, 344, 1, 429, 437, 2, 648, 232, 1, 754, 395, 1, 788, 360, 2, 0, 0, 0], "image_id": 20506511400, "bbox": [71, 4, 826, 476], "category_id": 1, "id": 20506511400}, {"segmentation": [[76, 2, 891, 2, 891, 479, 76, 479]], "num_keypoints": 13, "area": 388755.0, "iscrowd": 0, "keypoints": [319, 35, 2, 0, 0, 0, 273, 18, 2, 0, 0, 0, 194, 89, 2, 278, 128, 1, 185, 279, 2, 405, 107, 2, 0, 0, 0, 552, 122, 2, 513, 463, 2, 446, 338, 1, 455, 418, 2, 648, 224, 1, 808, 411, 2, 795, 365, 2, 0, 0, 0], "image_id": 20506511700, "bbox": [76, 2, 815, 477], "category_id": 1, "id": 20506511700}, {"segmentation": [[58, 5, 872, 5, 872, 480, 58, 480]], "num_keypoints": 13, "area": 386650.0, "iscrowd": 0, "keypoints": [312, 29, 2, 0, 0, 0, 269, 20, 2, 0, 0, 0, 194, 89, 2, 269, 148, 1, 175, 310, 2, 399, 114, 2, 0, 0, 0, 549, 123, 2, 501, 456, 2, 436, 347, 1, 451, 440, 2, 641, 223, 1, 752, 380, 2, 785, 359, 2, 0, 0, 0], "image_id": 20506512000, "bbox": [58, 5, 814, 475], "category_id": 1, "id": 20506512000}, {"segmentation": [[58, 4, 879, 4, 879, 480, 58, 480]], "num_keypoints": 14, "area": 390796.0, "iscrowd": 0, "keypoints": [310, 33, 2, 0, 0, 0, 260, 15, 2, 0, 0, 0, 183, 73, 2, 246, 124, 1, 184, 254, 2, 383, 110, 2, 414, 462, 2, 344, 68, 2, 619, 299, 2, 437, 332, 1, 453, 454, 1, 637, 225, 1, 763, 376, 2, 796, 381, 1, 0, 0, 0], "image_id": 20506513400, "bbox": [58, 4, 821, 476], "category_id": 1, "id": 20506513400}, {"segmentation": [[87, 3, 828, 3, 828, 480, 87, 480]], "num_keypoints": 14, "area": 353457.0, "iscrowd": 0, "keypoints": [329, 37, 2, 0, 0, 0, 278, 15, 2, 0, 0, 0, 194, 66, 2, 271, 110, 1, 220, 269, 2, 400, 119, 2, 471, 421, 2, 346, 40, 2, 658, 324, 2, 457, 323, 1, 482, 439, 1, 666, 203, 1, 753, 365, 2, 776, 381, 1, 0, 0, 0], "image_id": 20506517300, "bbox": [87, 3, 741, 477], "category_id": 1, "id": 20506517300}, {"segmentation": [[88, 3, 814, 3, 814, 480, 88, 480]], "num_keypoints": 12, "area": 346302.0, "iscrowd": 0, "keypoints": [317, 21, 2, 0, 0, 0, 282, 18, 2, 0, 0, 0, 204, 86, 2, 300, 138, 1, 204, 303, 2, 432, 205, 1, 0, 0, 0, 594, 151, 2, 564, 466, 2, 438, 351, 1, 452, 463, 1, 686, 271, 2, 758, 370, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506521601, "bbox": [88, 3, 726, 477], "category_id": 1, "id": 20506521601}, {"segmentation": [[121, 3, 827, 3, 827, 480, 121, 480]], "num_keypoints": 12, "area": 336762.0, "iscrowd": 0, "keypoints": [340, 37, 2, 0, 0, 0, 289, 24, 2, 0, 0, 0, 199, 89, 2, 299, 129, 2, 215, 268, 2, 449, 148, 2, 0, 0, 0, 658, 78, 2, 690, 462, 2, 430, 316, 2, 422, 419, 2, 646, 224, 2, 779, 392, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506522800, "bbox": [121, 3, 706, 477], "category_id": 1, "id": 20506522800}, {"segmentation": [[116, 5, 867, 5, 867, 480, 116, 480]], "num_keypoints": 13, "area": 356725.0, "iscrowd": 0, "keypoints": [348, 84, 2, 328, 41, 2, 303, 70, 2, 0, 0, 0, 203, 110, 2, 269, 135, 1, 209, 293, 2, 384, 241, 1, 0, 0, 0, 486, 243, 2, 512, 401, 2, 384, 353, 1, 393, 459, 1, 603, 193, 2, 764, 387, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506524400, "bbox": [116, 5, 751, 475], "category_id": 1, "id": 20506524400}, {"segmentation": [[110, 2, 872, 2, 872, 480, 110, 480]], "num_keypoints": 13, "area": 364236.0, "iscrowd": 0, "keypoints": [319, 54, 2, 0, 0, 0, 301, 45, 2, 0, 0, 0, 260, 91, 2, 300, 158, 1, 183, 308, 2, 362, 239, 2, 0, 0, 0, 502, 310, 2, 478, 458, 2, 434, 327, 1, 416, 442, 2, 622, 185, 1, 774, 395, 2, 0, 0, 0, 844, 432, 1], "image_id": 20506524801, "bbox": [110, 2, 762, 478], "category_id": 1, "id": 20506524801}, {"segmentation": [[117, 0, 846, 0, 846, 478, 117, 478]], "num_keypoints": 12, "area": 348462.0, "iscrowd": 0, "keypoints": [340, 53, 2, 0, 0, 0, 289, 33, 2, 0, 0, 0, 195, 89, 2, 315, 162, 2, 210, 256, 2, 387, 242, 1, 437, 465, 2, 501, 320, 2, 727, 455, 2, 436, 318, 2, 430, 392, 1, 0, 0, 0, 749, 363, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506532000, "bbox": [117, 0, 729, 478], "category_id": 1, "id": 20506532000}, {"segmentation": [[111, 1, 837, 1, 837, 480, 111, 480]], "num_keypoints": 14, "area": 347754.0, "iscrowd": 0, "keypoints": [360, 79, 2, 0, 0, 0, 320, 48, 2, 0, 0, 0, 216, 89, 2, 304, 140, 1, 187, 297, 2, 453, 231, 2, 487, 469, 2, 606, 204, 2, 724, 449, 2, 450, 335, 2, 434, 417, 1, 646, 242, 1, 754, 378, 2, 799, 382, 1, 0, 0, 0], "image_id": 20506533000, "bbox": [111, 1, 726, 479], "category_id": 1, "id": 20506533000}, {"segmentation": [[81, 5, 863, 5, 863, 478, 81, 478]], "num_keypoints": 12, "area": 369886.0, "iscrowd": 0, "keypoints": [331, 48, 2, 0, 0, 0, 279, 27, 2, 0, 0, 0, 190, 80, 2, 291, 141, 1, 193, 268, 2, 422, 235, 2, 0, 0, 0, 574, 279, 2, 0, 0, 0, 438, 338, 1, 417, 452, 2, 684, 265, 1, 751, 372, 2, 842, 373, 1, 0, 0, 0], "image_id": 20506533601, "bbox": [81, 5, 782, 473], "category_id": 1, "id": 20506533601}, {"segmentation": [[107, 2, 823, 2, 823, 480, 107, 480]], "num_keypoints": 12, "area": 342248.0, "iscrowd": 0, "keypoints": [319, 37, 2, 282, 4, 2, 258, 26, 2, 0, 0, 0, 179, 91, 2, 278, 150, 2, 183, 301, 2, 420, 235, 2, 0, 0, 0, 573, 270, 2, 0, 0, 0, 459, 328, 1, 406, 433, 2, 644, 207, 1, 767, 383, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506536000, "bbox": [107, 2, 716, 478], "category_id": 1, "id": 20506536000}, {"segmentation": [[68, 2, 866, 2, 866, 480, 68, 480]], "num_keypoints": 13, "area": 381444.0, "iscrowd": 0, "keypoints": [308, 28, 2, 0, 0, 0, 257, 24, 2, 0, 0, 0, 182, 90, 2, 254, 131, 1, 207, 294, 2, 412, 195, 2, 533, 422, 2, 594, 181, 2, 758, 294, 2, 431, 331, 1, 467, 453, 1, 637, 216, 1, 753, 367, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506538500, "bbox": [68, 2, 798, 478], "category_id": 1, "id": 20506538500}, {"segmentation": [[95, 7, 904, 7, 904, 480, 95, 480]], "num_keypoints": 13, "area": 382657.0, "iscrowd": 0, "keypoints": [319, 28, 2, 0, 0, 0, 268, 15, 2, 0, 0, 0, 190, 73, 2, 281, 118, 1, 176, 290, 2, 412, 102, 2, 0, 0, 0, 559, 120, 2, 553, 428, 2, 389, 341, 1, 398, 439, 2, 651, 226, 1, 761, 382, 2, 0, 0, 0, 865, 451, 1], "image_id": 20506552401, "bbox": [95, 7, 809, 473], "category_id": 1, "id": 20506552401}, {"segmentation": [[62, 3, 878, 3, 878, 480, 62, 480]], "num_keypoints": 14, "area": 389232.0, "iscrowd": 0, "keypoints": [311, 44, 2, 278, 3, 2, 244, 35, 2, 0, 0, 0, 164, 99, 2, 289, 116, 1, 182, 310, 2, 474, 205, 2, 0, 0, 0, 654, 123, 2, 539, 439, 2, 438, 339, 1, 469, 460, 1, 629, 223, 1, 754, 379, 2, 802, 363, 2, 0, 0, 0], "image_id": 20506554401, "bbox": [62, 3, 816, 477], "category_id": 1, "id": 20506554401}, {"segmentation": [[67, 5, 870, 5, 870, 480, 67, 480]], "num_keypoints": 13, "area": 381425.0, "iscrowd": 0, "keypoints": [320, 41, 2, 0, 0, 0, 268, 24, 2, 0, 0, 0, 181, 77, 2, 274, 144, 1, 194, 281, 2, 377, 255, 1, 477, 432, 2, 512, 320, 2, 739, 426, 2, 441, 333, 1, 461, 445, 1, 643, 235, 1, 747, 368, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506563200, "bbox": [67, 5, 803, 475], "category_id": 1, "id": 20506563200}, {"segmentation": [[65, 2, 878, 2, 878, 480, 65, 480]], "num_keypoints": 14, "area": 388614.0, "iscrowd": 0, "keypoints": [320, 35, 2, 0, 0, 0, 282, 20, 2, 0, 0, 0, 207, 86, 2, 255, 139, 1, 187, 305, 2, 380, 222, 1, 450, 466, 2, 524, 206, 2, 643, 353, 2, 438, 347, 1, 446, 454, 1, 653, 218, 1, 755, 388, 2, 777, 358, 2, 0, 0, 0], "image_id": 20506567300, "bbox": [65, 2, 813, 478], "category_id": 1, "id": 20506567300}, {"segmentation": [[80, 4, 903, 4, 903, 480, 80, 480]], "num_keypoints": 13, "area": 391748.0, "iscrowd": 0, "keypoints": [328, 37, 2, 0, 0, 0, 299, 25, 2, 0, 0, 0, 236, 87, 2, 272, 131, 1, 177, 291, 2, 421, 207, 2, 0, 0, 0, 583, 174, 2, 573, 426, 2, 429, 338, 1, 436, 459, 1, 650, 221, 1, 752, 382, 2, 783, 363, 2, 0, 0, 0], "image_id": 20506567900, "bbox": [80, 4, 823, 476], "category_id": 1, "id": 20506567900}, {"segmentation": [[89, 5, 857, 5, 857, 480, 89, 480]], "num_keypoints": 14, "area": 364800.0, "iscrowd": 0, "keypoints": [339, 49, 2, 0, 0, 0, 295, 33, 2, 0, 0, 0, 210, 100, 2, 298, 137, 1, 190, 345, 2, 429, 238, 2, 0, 0, 0, 588, 181, 2, 574, 428, 2, 417, 340, 1, 441, 474, 2, 642, 241, 1, 760, 389, 1, 773, 349, 1, 829, 460, 1], "image_id": 20506568600, "bbox": [89, 5, 768, 475], "category_id": 1, "id": 20506568600}, {"segmentation": [[80, 2, 860, 2, 860, 480, 80, 480]], "num_keypoints": 13, "area": 372840.0, "iscrowd": 0, "keypoints": [341, 65, 2, 0, 0, 0, 301, 33, 2, 0, 0, 0, 202, 69, 2, 268, 123, 1, 185, 289, 2, 384, 107, 2, 438, 478, 2, 362, 37, 2, 685, 458, 2, 430, 335, 1, 441, 432, 2, 660, 276, 1, 747, 368, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506506900, "bbox": [80, 2, 780, 478], "category_id": 1, "id": 20506506900}, {"segmentation": [[63, 1, 952, 1, 952, 480, 63, 480]], "num_keypoints": 14, "area": 425831.0, "iscrowd": 0, "keypoints": [339, 48, 2, 0, 0, 0, 299, 26, 2, 0, 0, 0, 204, 82, 2, 284, 132, 1, 196, 300, 2, 404, 253, 2, 0, 0, 0, 551, 247, 2, 592, 443, 2, 422, 329, 1, 443, 442, 2, 636, 221, 1, 760, 384, 2, 756, 364, 1, 858, 458, 1], "image_id": 20506569201, "bbox": [63, 1, 889, 479], "category_id": 1, "id": 20506569201}, {"segmentation": [[116, 2, 810, 2, 810, 480, 116, 480]], "num_keypoints": 12, "area": 331732.0, "iscrowd": 0, "keypoints": [343, 44, 2, 0, 0, 0, 301, 18, 2, 0, 0, 0, 210, 78, 2, 294, 156, 1, 237, 311, 2, 426, 258, 2, 0, 0, 0, 562, 222, 2, 668, 410, 2, 434, 327, 1, 458, 442, 2, 607, 252, 1, 776, 392, 1, 0, 0, 0, 0, 0, 0], "image_id": 20506569800, "bbox": [116, 2, 694, 478], "category_id": 1, "id": 20506569800}, {"segmentation": [[92, 5, 852, 5, 852, 480, 92, 480]], "num_keypoints": 12, "area": 361000.0, "iscrowd": 0, "keypoints": [314, 23, 2, 0, 0, 0, 266, 15, 2, 0, 0, 0, 187, 73, 2, 316, 129, 2, 238, 329, 2, 396, 281, 1, 0, 0, 0, 552, 244, 2, 717, 448, 2, 452, 349, 2, 474, 429, 2, 685, 284, 2, 735, 356, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506570801, "bbox": [92, 5, 760, 475], "category_id": 1, "id": 20506570801}, {"segmentation": [[98, 4, 860, 4, 860, 480, 98, 480]], "num_keypoints": 14, "area": 362712.0, "iscrowd": 0, "keypoints": [331, 58, 2, 0, 0, 0, 294, 27, 2, 0, 0, 0, 204, 68, 2, 267, 139, 1, 179, 298, 2, 364, 108, 2, 416, 476, 2, 331, 32, 2, 597, 391, 2, 437, 341, 1, 465, 459, 1, 646, 228, 1, 759, 384, 2, 782, 361, 2, 0, 0, 0], "image_id": 20506578300, "bbox": [98, 4, 762, 476], "category_id": 1, "id": 20506578300}, {"segmentation": [[87, 5, 868, 5, 868, 480, 87, 480]], "num_keypoints": 14, "area": 370975.0, "iscrowd": 0, "keypoints": [332, 52, 2, 0, 0, 0, 289, 25, 2, 0, 0, 0, 195, 66, 2, 286, 130, 1, 194, 298, 2, 379, 119, 2, 448, 468, 2, 337, 35, 2, 623, 379, 2, 422, 332, 1, 431, 450, 1, 635, 219, 1, 762, 387, 2, 780, 371, 1, 0, 0, 0], "image_id": 20506578600, "bbox": [87, 5, 781, 475], "category_id": 1, "id": 20506578600}, {"segmentation": [[81, 2, 826, 2, 826, 480, 81, 480]], "num_keypoints": 12, "area": 356110.0, "iscrowd": 0, "keypoints": [343, 81, 2, 0, 0, 0, 329, 53, 2, 0, 0, 0, 258, 73, 2, 289, 148, 1, 179, 303, 2, 431, 248, 2, 0, 0, 0, 574, 299, 2, 466, 480, 2, 438, 342, 1, 428, 447, 2, 635, 231, 1, 771, 395, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506602000, "bbox": [81, 2, 745, 478], "category_id": 1, "id": 20506602000}, {"segmentation": [[93, 6, 857, 6, 857, 479, 93, 479]], "num_keypoints": 15, "area": 361372.0, "iscrowd": 0, "keypoints": [293, 24, 2, 0, 0, 0, 257, 16, 2, 0, 0, 0, 185, 85, 2, 279, 124, 1, 236, 325, 2, 428, 209, 2, 480, 404, 2, 589, 173, 2, 686, 243, 2, 432, 319, 1, 444, 471, 2, 651, 225, 1, 765, 386, 2, 756, 371, 1, 843, 466, 1], "image_id": 20506620400, "bbox": [93, 6, 764, 473], "category_id": 1, "id": 20506620400}, {"segmentation": [[95, 1, 888, 1, 888, 480, 95, 480]], "num_keypoints": 14, "area": 379847.0, "iscrowd": 0, "keypoints": [324, 31, 2, 0, 0, 0, 273, 14, 2, 0, 0, 0, 185, 68, 2, 282, 124, 1, 203, 290, 2, 454, 208, 2, 490, 468, 2, 594, 177, 2, 727, 447, 2, 439, 330, 1, 436, 431, 1, 669, 269, 1, 736, 363, 2, 799, 343, 2, 0, 0, 0], "image_id": 20506622001, "bbox": [95, 1, 793, 479], "category_id": 1, "id": 20506622001}, {"segmentation": [[100, 2, 873, 2, 873, 480, 100, 480]], "num_keypoints": 12, "area": 369494.0, "iscrowd": 0, "keypoints": [354, 36, 2, 0, 0, 0, 301, 20, 2, 0, 0, 0, 207, 76, 2, 286, 135, 1, 203, 304, 2, 454, 190, 2, 0, 0, 0, 603, 126, 2, 553, 456, 2, 434, 346, 1, 455, 446, 2, 651, 235, 1, 755, 379, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506622401, "bbox": [100, 2, 773, 478], "category_id": 1, "id": 20506622401}, {"segmentation": [[97, 1, 879, 1, 879, 480, 97, 480]], "num_keypoints": 14, "area": 374578.0, "iscrowd": 0, "keypoints": [329, 98, 2, 311, 37, 2, 256, 68, 2, 0, 0, 0, 176, 110, 2, 326, 128, 1, 203, 289, 2, 427, 214, 2, 0, 0, 0, 565, 236, 2, 548, 448, 2, 437, 325, 1, 455, 442, 2, 652, 246, 1, 748, 365, 2, 783, 363, 1, 0, 0, 0], "image_id": 20506622801, "bbox": [97, 1, 782, 479], "category_id": 1, "id": 20506622801}, {"segmentation": [[67, 1, 867, 1, 867, 480, 67, 480]], "num_keypoints": 12, "area": 383200.0, "iscrowd": 0, "keypoints": [308, 45, 2, 0, 0, 0, 290, 29, 2, 0, 0, 0, 247, 78, 2, 282, 127, 1, 165, 306, 2, 395, 222, 1, 0, 0, 0, 544, 289, 2, 0, 0, 0, 447, 347, 1, 459, 450, 2, 643, 223, 2, 766, 387, 2, 772, 359, 1, 0, 0, 0], "image_id": 20506602300, "bbox": [67, 1, 800, 479], "category_id": 1, "id": 20506602300}, {"segmentation": [[99, 3, 866, 3, 866, 480, 99, 480]], "num_keypoints": 14, "area": 365859.0, "iscrowd": 0, "keypoints": [335, 124, 2, 319, 57, 2, 260, 99, 2, 0, 0, 0, 178, 126, 2, 362, 110, 2, 216, 342, 2, 501, 177, 2, 0, 0, 0, 649, 237, 2, 553, 445, 2, 429, 321, 1, 453, 428, 2, 655, 217, 1, 758, 371, 2, 766, 354, 1, 0, 0, 0], "image_id": 20506623201, "bbox": [99, 3, 767, 477], "category_id": 1, "id": 20506623201}, {"segmentation": [[118, 4, 912, 4, 912, 480, 118, 480]], "num_keypoints": 14, "area": 377944.0, "iscrowd": 0, "keypoints": [369, 54, 2, 0, 0, 0, 331, 36, 2, 0, 0, 0, 236, 97, 2, 334, 102, 1, 203, 312, 2, 477, 119, 2, 0, 0, 0, 636, 55, 2, 650, 463, 2, 445, 323, 1, 464, 432, 1, 646, 223, 1, 738, 378, 1, 752, 316, 1, 852, 449, 1], "image_id": 20506624401, "bbox": [118, 4, 794, 476], "category_id": 1, "id": 20506624401}, {"segmentation": [[76, 2, 873, 2, 873, 480, 76, 480]], "num_keypoints": 12, "area": 380966.0, "iscrowd": 0, "keypoints": [353, 48, 2, 0, 0, 0, 311, 33, 2, 0, 0, 0, 222, 99, 2, 272, 97, 1, 181, 309, 2, 469, 124, 2, 0, 0, 0, 647, 58, 2, 0, 0, 0, 440, 350, 1, 457, 439, 2, 649, 227, 1, 745, 386, 2, 766, 366, 1, 0, 0, 0], "image_id": 20506624801, "bbox": [76, 2, 797, 478], "category_id": 1, "id": 20506624801}, {"segmentation": [[92, 2, 838, 2, 838, 481, 92, 481]], "num_keypoints": 13, "area": 357334, "iscrowd": 0, "keypoints": [331, 39, 2, 0, 0, 0, 286, 36, 2, 0, 0, 0, 201, 99, 2, 283, 123, 1, 178, 304, 2, 412, 160, 2, 0, 0, 0, 631, 78, 2, 470, 481, 2, 451, 330, 2, 441, 451, 2, 636, 224, 1, 751, 381, 2, 766, 378, 1, 0, 0, 0], "image_id": 20506633100, "bbox": [92, 2, 746, 479], "category_id": 1, "id": 20506633100}, {"segmentation": [[85, 0, 872, 0, 872, 480, 85, 480]], "num_keypoints": 13, "area": 377760.0, "iscrowd": 0, "keypoints": [348, 35, 2, 0, 0, 0, 303, 22, 2, 0, 0, 0, 216, 90, 2, 281, 127, 1, 203, 293, 2, 394, 249, 1, 0, 0, 0, 564, 268, 2, 694, 468, 2, 440, 337, 1, 448, 444, 2, 664, 268, 1, 739, 367, 2, 817, 340, 1, 0, 0, 0], "image_id": 20506635200, "bbox": [85, 0, 787, 480], "category_id": 1, "id": 20506635200}, {"segmentation": [[78, 5, 850, 5, 850, 480, 78, 480]], "num_keypoints": 12, "area": 366700.0, "iscrowd": 0, "keypoints": [314, 43, 2, 0, 0, 0, 298, 24, 2, 0, 0, 0, 249, 78, 2, 276, 133, 1, 164, 310, 2, 426, 237, 2, 0, 0, 0, 593, 295, 2, 507, 480, 2, 441, 350, 1, 458, 465, 2, 654, 222, 2, 758, 389, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506604100, "bbox": [78, 5, 772, 475], "category_id": 1, "id": 20506604100}, {"segmentation": [[78, 5, 918, 5, 918, 481, 78, 481]], "num_keypoints": 14, "area": 399840, "iscrowd": 0, "keypoints": [358, 57, 2, 0, 0, 0, 311, 36, 2, 0, 0, 0, 214, 97, 2, 313, 136, 1, 178, 297, 2, 448, 201, 2, 0, 0, 0, 594, 148, 2, 469, 481, 2, 411, 341, 1, 419, 441, 2, 635, 228, 1, 754, 401, 2, 753, 355, 1, 859, 459, 1], "image_id": 20506604700, "bbox": [78, 5, 840, 476], "category_id": 1, "id": 20506604700}, {"segmentation": [[91, 5, 839, 5, 839, 481, 91, 481]], "num_keypoints": 12, "area": 356048, "iscrowd": 0, "keypoints": [340, 53, 2, 0, 0, 0, 280, 37, 2, 0, 0, 0, 185, 98, 2, 283, 131, 1, 185, 291, 2, 458, 187, 2, 0, 0, 0, 665, 185, 2, 472, 481, 2, 412, 320, 1, 380, 449, 1, 597, 234, 1, 773, 386, 1, 0, 0, 0, 0, 0, 0], "image_id": 20506605900, "bbox": [91, 5, 748, 476], "category_id": 1, "id": 20506605900}, {"segmentation": [[74, 1, 907, 1, 907, 480, 74, 480]], "num_keypoints": 13, "area": 399007.0, "iscrowd": 0, "keypoints": [331, 48, 2, 0, 0, 0, 289, 37, 2, 0, 0, 0, 204, 111, 2, 328, 125, 1, 198, 302, 2, 407, 179, 2, 0, 0, 0, 612, 110, 2, 0, 0, 0, 431, 328, 1, 454, 436, 2, 641, 225, 1, 775, 393, 2, 769, 358, 1, 882, 455, 1], "image_id": 20506661201, "bbox": [74, 1, 833, 479], "category_id": 1, "id": 20506661201}, {"segmentation": [[66, 5, 854, 5, 854, 480, 66, 480]], "num_keypoints": 12, "area": 374300.0, "iscrowd": 0, "keypoints": [335, 48, 2, 0, 0, 0, 289, 44, 2, 0, 0, 0, 205, 119, 2, 296, 129, 1, 186, 297, 2, 441, 199, 2, 0, 0, 0, 595, 131, 2, 0, 0, 0, 434, 347, 1, 450, 452, 2, 649, 232, 1, 758, 377, 2, 794, 362, 2, 0, 0, 0], "image_id": 20506661500, "bbox": [66, 5, 788, 475], "category_id": 1, "id": 20506661500}, {"segmentation": [[67, 2, 865, 2, 865, 481, 67, 481]], "num_keypoints": 12, "area": 382242, "iscrowd": 0, "keypoints": [331, 31, 2, 0, 0, 0, 279, 25, 2, 0, 0, 0, 195, 102, 2, 274, 148, 2, 186, 282, 2, 457, 186, 2, 0, 0, 0, 606, 120, 2, 541, 481, 2, 422, 345, 1, 446, 465, 2, 649, 229, 1, 749, 373, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506662801, "bbox": [67, 2, 798, 479], "category_id": 1, "id": 20506662801}, {"segmentation": [[96, 3, 925, 3, 925, 480, 96, 480]], "num_keypoints": 13, "area": 395433.0, "iscrowd": 0, "keypoints": [372, 36, 2, 0, 0, 0, 332, 27, 2, 0, 0, 0, 247, 95, 2, 288, 113, 1, 185, 293, 2, 435, 142, 2, 0, 0, 0, 620, 79, 2, 522, 428, 2, 438, 341, 1, 443, 453, 1, 638, 227, 1, 766, 395, 2, 789, 370, 2, 0, 0, 0], "image_id": 20506664001, "bbox": [96, 3, 829, 477], "category_id": 1, "id": 20506664001}, {"segmentation": [[76, 0, 875, 0, 875, 480, 76, 480]], "num_keypoints": 13, "area": 383520.0, "iscrowd": 0, "keypoints": [308, 24, 2, 0, 0, 0, 285, 9, 2, 0, 0, 0, 244, 61, 2, 311, 136, 1, 170, 289, 2, 387, 254, 1, 0, 0, 0, 548, 278, 2, 520, 470, 2, 446, 354, 1, 446, 455, 2, 649, 224, 1, 761, 396, 2, 775, 365, 2, 0, 0, 0], "image_id": 20506666400, "bbox": [76, 0, 799, 480], "category_id": 1, "id": 20506666400}, {"segmentation": [[77, 1, 848, 1, 848, 480, 77, 480]], "num_keypoints": 12, "area": 369309.0, "iscrowd": 0, "keypoints": [310, 27, 2, 0, 0, 0, 287, 12, 2, 0, 0, 0, 236, 58, 2, 278, 149, 1, 162, 289, 2, 398, 258, 2, 0, 0, 0, 560, 279, 2, 522, 469, 2, 437, 338, 1, 469, 450, 2, 654, 228, 2, 760, 390, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506666800, "bbox": [77, 1, 771, 479], "category_id": 1, "id": 20506666800}, {"segmentation": [[101, 3, 793, 3, 793, 480, 101, 480]], "num_keypoints": 12, "area": 330084.0, "iscrowd": 0, "keypoints": [329, 37, 2, 0, 0, 0, 285, 15, 2, 0, 0, 0, 199, 69, 2, 302, 159, 1, 166, 301, 2, 398, 255, 1, 0, 0, 0, 554, 279, 2, 523, 470, 2, 439, 352, 1, 435, 449, 2, 671, 308, 1, 727, 404, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506667100, "bbox": [101, 3, 692, 477], "category_id": 1, "id": 20506667100}, {"segmentation": [[63, 6, 909, 6, 909, 480, 63, 480]], "num_keypoints": 13, "area": 401004.0, "iscrowd": 0, "keypoints": [341, 39, 2, 0, 0, 0, 293, 23, 2, 0, 0, 0, 199, 85, 2, 325, 142, 1, 173, 277, 2, 410, 242, 1, 0, 0, 0, 564, 237, 2, 522, 469, 2, 441, 351, 1, 453, 444, 2, 656, 228, 1, 764, 399, 2, 789, 362, 2, 0, 0, 0], "image_id": 20506667400, "bbox": [63, 6, 846, 474], "category_id": 1, "id": 20506667400}, {"segmentation": [[98, 2, 840, 2, 840, 480, 98, 480]], "num_keypoints": 13, "area": 354676.0, "iscrowd": 0, "keypoints": [352, 57, 2, 0, 0, 0, 294, 40, 2, 0, 0, 0, 202, 103, 2, 316, 124, 1, 191, 282, 2, 472, 185, 2, 0, 0, 0, 689, 208, 2, 511, 445, 2, 430, 340, 1, 441, 442, 2, 628, 236, 1, 758, 390, 2, 786, 365, 2, 0, 0, 0], "image_id": 20506668000, "bbox": [98, 2, 742, 478], "category_id": 1, "id": 20506668000}, {"segmentation": [[90, 3, 840, 3, 840, 480, 90, 480]], "num_keypoints": 15, "area": 357750.0, "iscrowd": 0, "keypoints": [356, 61, 2, 327, 25, 2, 301, 47, 2, 0, 0, 0, 205, 107, 2, 346, 134, 2, 198, 306, 2, 470, 195, 2, 0, 0, 0, 669, 230, 2, 516, 453, 2, 413, 344, 1, 435, 464, 1, 634, 273, 1, 753, 392, 2, 736, 361, 1, 831, 464, 1], "image_id": 20506668300, "bbox": [90, 3, 750, 477], "category_id": 1, "id": 20506668300}, {"segmentation": [[73, 0, 838, 0, 838, 480, 73, 480]], "num_keypoints": 11, "area": 367200.0, "iscrowd": 0, "keypoints": [339, 64, 2, 0, 0, 0, 293, 28, 2, 0, 0, 0, 197, 58, 2, 281, 127, 1, 173, 243, 2, 371, 109, 2, 0, 0, 0, 333, 36, 2, 0, 0, 0, 438, 331, 1, 444, 452, 2, 661, 272, 1, 736, 343, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506679800, "bbox": [73, 0, 765, 480], "category_id": 1, "id": 20506679800}, {"segmentation": [[69, 2, 896, 2, 896, 481, 69, 481]], "num_keypoints": 13, "area": 396133, "iscrowd": 0, "keypoints": [361, 58, 2, 0, 0, 0, 331, 44, 2, 0, 0, 0, 248, 110, 2, 270, 135, 1, 184, 320, 2, 458, 122, 2, 0, 0, 0, 627, 70, 2, 469, 481, 2, 428, 344, 1, 448, 450, 2, 638, 232, 1, 811, 414, 2, 769, 363, 1, 0, 0, 0], "image_id": 20506600801, "bbox": [69, 2, 827, 479], "category_id": 1, "id": 20506600801}, {"segmentation": [[70, 10, 873, 10, 873, 480, 70, 480]], "num_keypoints": 14, "area": 377410.0, "iscrowd": 0, "keypoints": [310, 36, 2, 0, 0, 0, 257, 16, 2, 0, 0, 0, 183, 74, 2, 266, 125, 1, 207, 262, 2, 377, 120, 2, 441, 244, 2, 322, 32, 2, 648, 90, 2, 434, 306, 1, 443, 429, 2, 659, 213, 1, 739, 376, 2, 745, 339, 1, 0, 0, 0], "image_id": 20506687200, "bbox": [70, 10, 803, 470], "category_id": 1, "id": 20506687200}, {"segmentation": [[97, 6, 833, 6, 833, 480, 97, 480]], "num_keypoints": 13, "area": 348864.0, "iscrowd": 0, "keypoints": [340, 49, 2, 0, 0, 0, 295, 36, 2, 0, 0, 0, 208, 102, 2, 303, 133, 1, 192, 288, 2, 461, 192, 2, 492, 472, 2, 604, 141, 2, 739, 440, 2, 450, 322, 1, 425, 427, 1, 665, 208, 1, 775, 367, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506715800, "bbox": [97, 6, 736, 474], "category_id": 1, "id": 20506715800}, {"segmentation": [[64, 5, 860, 5, 860, 480, 64, 480]], "num_keypoints": 13, "area": 378100.0, "iscrowd": 0, "keypoints": [341, 56, 2, 0, 0, 0, 310, 36, 2, 0, 0, 0, 230, 87, 2, 261, 145, 1, 192, 305, 2, 404, 248, 2, 0, 0, 0, 543, 272, 2, 522, 444, 2, 425, 342, 1, 427, 456, 2, 651, 223, 1, 766, 382, 2, 799, 362, 2, 0, 0, 0], "image_id": 20506720400, "bbox": [64, 5, 796, 475], "category_id": 1, "id": 20506720400}, {"segmentation": [[106, 5, 856, 5, 856, 480, 106, 480]], "num_keypoints": 14, "area": 356250.0, "iscrowd": 0, "keypoints": [324, 37, 2, 0, 0, 0, 299, 16, 2, 0, 0, 0, 244, 57, 2, 287, 125, 1, 238, 330, 2, 392, 273, 1, 412, 480, 2, 509, 306, 2, 576, 368, 2, 429, 337, 1, 428, 467, 1, 639, 218, 2, 756, 381, 2, 738, 360, 1, 0, 0, 0], "image_id": 20506723601, "bbox": [106, 5, 750, 475], "category_id": 1, "id": 20506723601}, {"segmentation": [[90, 3, 857, 3, 857, 480, 90, 480]], "num_keypoints": 14, "area": 365859.0, "iscrowd": 0, "keypoints": [362, 39, 2, 0, 0, 0, 307, 23, 2, 0, 0, 0, 216, 79, 2, 331, 160, 1, 221, 324, 2, 408, 247, 1, 410, 466, 2, 484, 307, 1, 455, 295, 2, 417, 352, 1, 424, 428, 2, 644, 230, 1, 759, 390, 2, 792, 359, 2, 0, 0, 0], "image_id": 20506727500, "bbox": [90, 3, 767, 477], "category_id": 1, "id": 20506727500}, {"segmentation": [[78, 2, 848, 2, 848, 480, 78, 480]], "num_keypoints": 13, "area": 368060.0, "iscrowd": 0, "keypoints": [353, 58, 2, 0, 0, 0, 299, 37, 2, 0, 0, 0, 203, 89, 2, 295, 155, 1, 210, 270, 2, 383, 259, 1, 0, 0, 0, 503, 315, 2, 688, 475, 2, 440, 333, 1, 465, 417, 2, 647, 228, 1, 764, 380, 2, 816, 374, 2, 0, 0, 0], "image_id": 20506728800, "bbox": [78, 2, 770, 478], "category_id": 1, "id": 20506728800}, {"segmentation": [[117, 1, 868, 1, 868, 480, 117, 480]], "num_keypoints": 9, "area": 359729.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 280, 157, 1, 205, 299, 2, 361, 250, 1, 0, 0, 0, 482, 304, 2, 0, 0, 0, 430, 327, 1, 451, 440, 2, 627, 194, 2, 768, 387, 2, 771, 363, 1, 0, 0, 0], "image_id": 20506731900, "bbox": [117, 1, 751, 479], "category_id": 1, "id": 20506731900}, {"segmentation": [[115, 3, 878, 3, 878, 480, 115, 480]], "num_keypoints": 13, "area": 363951.0, "iscrowd": 0, "keypoints": [351, 60, 2, 0, 0, 0, 301, 45, 2, 0, 0, 0, 207, 90, 2, 305, 160, 1, 212, 316, 2, 370, 251, 1, 0, 0, 0, 490, 308, 2, 665, 416, 2, 439, 330, 1, 456, 433, 2, 618, 184, 1, 772, 401, 1, 675, 380, 1, 0, 0, 0], "image_id": 20506732600, "bbox": [115, 3, 763, 477], "category_id": 1, "id": 20506732600}, {"segmentation": [[84, 1, 825, 1, 825, 480, 84, 480]], "num_keypoints": 11, "area": 354939.0, "iscrowd": 0, "keypoints": [331, 46, 2, 0, 0, 0, 282, 33, 2, 0, 0, 0, 195, 106, 2, 277, 151, 1, 185, 278, 2, 355, 120, 2, 0, 0, 0, 351, 31, 2, 0, 0, 0, 445, 328, 1, 452, 439, 2, 654, 253, 1, 752, 367, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506740800, "bbox": [84, 1, 741, 479], "category_id": 1, "id": 20506740800}, {"segmentation": [[102, 5, 840, 5, 840, 480, 102, 480]], "num_keypoints": 11, "area": 350550.0, "iscrowd": 0, "keypoints": [354, 58, 2, 0, 0, 0, 318, 48, 2, 0, 0, 0, 232, 122, 2, 301, 137, 1, 200, 343, 2, 493, 114, 2, 0, 0, 0, 648, 74, 2, 0, 0, 0, 429, 320, 2, 416, 441, 2, 647, 245, 2, 808, 395, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506741201, "bbox": [102, 5, 738, 475], "category_id": 1, "id": 20506741201}, {"segmentation": [[57, 3, 862, 3, 862, 480, 57, 480]], "num_keypoints": 12, "area": 383985.0, "iscrowd": 0, "keypoints": [308, 36, 2, 0, 0, 0, 260, 25, 2, 0, 0, 0, 186, 98, 2, 266, 127, 1, 201, 310, 2, 396, 173, 2, 0, 0, 0, 595, 145, 2, 731, 448, 2, 428, 334, 1, 456, 428, 2, 653, 242, 1, 745, 362, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506742100, "bbox": [57, 3, 805, 477], "category_id": 1, "id": 20506742100}, {"segmentation": [[62, 0, 866, 0, 866, 480, 62, 480]], "num_keypoints": 12, "area": 385920.0, "iscrowd": 0, "keypoints": [332, 48, 2, 0, 0, 0, 290, 27, 2, 0, 0, 0, 206, 90, 2, 276, 135, 1, 194, 302, 2, 431, 165, 2, 0, 0, 0, 613, 117, 2, 624, 469, 2, 424, 336, 1, 439, 457, 2, 642, 230, 1, 750, 368, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506742401, "bbox": [62, 0, 804, 480], "category_id": 1, "id": 20506742401}, {"segmentation": [[106, 6, 884, 6, 884, 480, 106, 480]], "num_keypoints": 15, "area": 368772.0, "iscrowd": 0, "keypoints": [312, 28, 2, 0, 0, 0, 281, 15, 2, 0, 0, 0, 197, 77, 2, 323, 135, 2, 228, 343, 2, 423, 169, 2, 473, 462, 2, 619, 126, 2, 743, 436, 2, 428, 332, 1, 440, 423, 2, 656, 258, 1, 748, 358, 2, 759, 375, 1, 819, 449, 1], "image_id": 20506744400, "bbox": [106, 6, 778, 474], "category_id": 1, "id": 20506744400}, {"segmentation": [[93, 5, 836, 5, 836, 480, 93, 480]], "num_keypoints": 12, "area": 352925.0, "iscrowd": 0, "keypoints": [317, 45, 2, 0, 0, 0, 286, 36, 2, 0, 0, 0, 203, 102, 2, 256, 140, 1, 199, 359, 2, 397, 102, 2, 0, 0, 0, 540, 90, 2, 518, 466, 2, 424, 344, 1, 472, 457, 2, 647, 238, 1, 760, 376, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506747600, "bbox": [93, 5, 743, 475], "category_id": 1, "id": 20506747600}, {"segmentation": [[78, 5, 846, 5, 846, 480, 78, 480]], "num_keypoints": 13, "area": 364800.0, "iscrowd": 0, "keypoints": [311, 40, 2, 0, 0, 0, 290, 25, 2, 0, 0, 0, 237, 79, 2, 263, 129, 1, 181, 320, 2, 395, 110, 2, 0, 0, 0, 552, 131, 2, 516, 468, 2, 419, 335, 1, 438, 446, 2, 656, 221, 1, 759, 371, 2, 776, 349, 1, 0, 0, 0], "image_id": 20506748100, "bbox": [78, 5, 768, 475], "category_id": 1, "id": 20506748100}, {"segmentation": [[92, 4, 916, 4, 916, 480, 92, 480]], "num_keypoints": 12, "area": 392224.0, "iscrowd": 0, "keypoints": [328, 36, 2, 0, 0, 0, 285, 18, 2, 0, 0, 0, 202, 76, 2, 293, 136, 1, 204, 319, 2, 407, 108, 2, 0, 0, 0, 564, 104, 2, 631, 373, 2, 430, 329, 1, 449, 449, 2, 651, 214, 1, 757, 366, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506763201, "bbox": [92, 4, 824, 476], "category_id": 1, "id": 20506763201}, {"segmentation": [[69, 3, 862, 3, 862, 480, 69, 480]], "num_keypoints": 12, "area": 378261.0, "iscrowd": 0, "keypoints": [340, 53, 2, 0, 0, 0, 299, 27, 2, 0, 0, 0, 210, 78, 2, 266, 145, 1, 187, 307, 2, 406, 110, 2, 0, 0, 0, 561, 102, 2, 532, 437, 2, 434, 341, 1, 456, 459, 1, 650, 215, 1, 744, 364, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506763800, "bbox": [69, 3, 793, 477], "category_id": 1, "id": 20506763800}, {"segmentation": [[98, 2, 847, 2, 847, 480, 98, 480]], "num_keypoints": 12, "area": 358022.0, "iscrowd": 0, "keypoints": [356, 58, 2, 0, 0, 0, 319, 28, 2, 0, 0, 0, 226, 74, 2, 277, 147, 1, 197, 311, 2, 406, 111, 2, 0, 0, 0, 558, 101, 2, 616, 401, 2, 428, 344, 1, 452, 448, 2, 639, 233, 1, 753, 367, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506767200, "bbox": [98, 2, 749, 478], "category_id": 1, "id": 20506767200}, {"segmentation": [[96, 5, 901, 5, 901, 480, 96, 480]], "num_keypoints": 14, "area": 382375.0, "iscrowd": 0, "keypoints": [320, 36, 2, 0, 0, 0, 294, 15, 2, 0, 0, 0, 235, 66, 2, 276, 132, 1, 195, 307, 2, 418, 108, 2, 0, 0, 0, 552, 98, 2, 659, 461, 2, 427, 334, 1, 440, 428, 2, 688, 278, 1, 755, 374, 2, 777, 354, 1, 845, 448, 1], "image_id": 20506771000, "bbox": [96, 5, 805, 475], "category_id": 1, "id": 20506771000}, {"segmentation": [[72, 3, 839, 3, 839, 479, 72, 479]], "num_keypoints": 14, "area": 365092.0, "iscrowd": 0, "keypoints": [299, 98, 2, 279, 45, 2, 228, 86, 2, 0, 0, 0, 153, 137, 2, 309, 107, 1, 212, 320, 2, 457, 151, 2, 505, 479, 2, 658, 85, 2, 722, 452, 2, 437, 322, 1, 463, 427, 2, 648, 229, 1, 757, 361, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506707100, "bbox": [72, 3, 767, 476], "category_id": 1, "id": 20506707100}, {"segmentation": [[80, 2, 878, 2, 878, 481, 80, 481]], "num_keypoints": 13, "area": 382242, "iscrowd": 0, "keypoints": [314, 47, 2, 0, 0, 0, 282, 33, 2, 0, 0, 0, 212, 98, 2, 294, 137, 1, 170, 320, 2, 396, 183, 2, 0, 0, 0, 597, 143, 2, 468, 481, 2, 413, 339, 1, 424, 430, 2, 620, 220, 1, 759, 388, 2, 764, 331, 2, 0, 0, 0], "image_id": 20506773601, "bbox": [80, 2, 798, 479], "category_id": 1, "id": 20506773601}, {"segmentation": [[54, 5, 899, 5, 899, 480, 54, 480]], "num_keypoints": 13, "area": 401375.0, "iscrowd": 0, "keypoints": [287, 132, 2, 258, 77, 2, 220, 135, 2, 0, 0, 0, 154, 193, 2, 323, 111, 2, 214, 345, 2, 469, 164, 2, 0, 0, 0, 0, 0, 0, 723, 458, 2, 435, 313, 1, 454, 420, 2, 639, 214, 1, 767, 374, 2, 0, 0, 0, 872, 447, 1], "image_id": 20506707600, "bbox": [54, 5, 845, 475], "category_id": 1, "id": 20506707600}, {"segmentation": [[63, 1, 860, 1, 860, 481, 63, 481]], "num_keypoints": 13, "area": 382560, "iscrowd": 0, "keypoints": [343, 78, 2, 0, 0, 0, 290, 66, 2, 0, 0, 0, 191, 128, 2, 279, 122, 1, 176, 299, 2, 461, 169, 2, 0, 0, 0, 626, 260, 2, 478, 481, 2, 433, 344, 1, 445, 441, 2, 633, 220, 1, 753, 372, 2, 768, 366, 1, 0, 0, 0], "image_id": 20506776800, "bbox": [63, 1, 797, 480], "category_id": 1, "id": 20506776800}, {"segmentation": [[65, 3, 848, 3, 848, 480, 65, 480]], "num_keypoints": 13, "area": 373491.0, "iscrowd": 0, "keypoints": [320, 43, 2, 0, 0, 0, 285, 32, 2, 0, 0, 0, 219, 110, 2, 280, 151, 1, 170, 317, 2, 401, 250, 1, 0, 0, 0, 553, 280, 2, 488, 480, 2, 450, 337, 1, 446, 449, 2, 669, 215, 1, 765, 387, 2, 779, 366, 1, 0, 0, 0], "image_id": 20506778000, "bbox": [65, 3, 783, 477], "category_id": 1, "id": 20506778000}, {"segmentation": [[60, 0, 815, 0, 815, 480, 60, 480]], "num_keypoints": 12, "area": 362400.0, "iscrowd": 0, "keypoints": [314, 37, 2, 0, 0, 0, 272, 28, 2, 0, 0, 0, 204, 103, 2, 295, 152, 1, 162, 339, 2, 391, 245, 1, 0, 0, 0, 559, 259, 2, 489, 480, 2, 447, 354, 1, 437, 447, 2, 666, 285, 1, 771, 392, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506779500, "bbox": [60, 0, 755, 480], "category_id": 1, "id": 20506779500}, {"segmentation": [[77, 1, 851, 1, 851, 480, 77, 480]], "num_keypoints": 12, "area": 370746.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 286, 36, 2, 0, 0, 0, 266, 78, 2, 245, 140, 1, 166, 331, 2, 377, 233, 1, 0, 0, 0, 558, 249, 2, 484, 478, 2, 437, 339, 1, 455, 445, 2, 646, 228, 1, 758, 383, 2, 800, 361, 2, 0, 0, 0], "image_id": 20506780000, "bbox": [77, 1, 774, 479], "category_id": 1, "id": 20506780000}, {"segmentation": [[130, 6, 872, 6, 872, 481, 130, 481]], "num_keypoints": 12, "area": 352450, "iscrowd": 0, "keypoints": [299, 25, 2, 0, 0, 0, 278, 16, 2, 0, 0, 0, 237, 79, 2, 275, 154, 1, 164, 343, 2, 390, 236, 1, 0, 0, 0, 557, 270, 2, 470, 481, 2, 428, 343, 2, 442, 435, 2, 766, 286, 1, 752, 367, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506780700, "bbox": [130, 6, 742, 475], "category_id": 1, "id": 20506780700}, {"segmentation": [[78, 0, 834, 0, 834, 476, 78, 476]], "num_keypoints": 12, "area": 359856.0, "iscrowd": 0, "keypoints": [303, 26, 2, 0, 0, 0, 257, 15, 2, 0, 0, 0, 183, 73, 2, 262, 137, 1, 178, 274, 2, 367, 105, 2, 0, 0, 0, 332, 48, 2, 670, 470, 2, 429, 337, 1, 451, 434, 2, 642, 244, 1, 742, 376, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506782500, "bbox": [78, 0, 756, 476], "category_id": 1, "id": 20506782500}, {"segmentation": [[108, 1, 865, 1, 865, 480, 108, 480]], "num_keypoints": 13, "area": 362603.0, "iscrowd": 0, "keypoints": [360, 60, 2, 0, 0, 0, 312, 48, 2, 0, 0, 0, 223, 122, 2, 278, 137, 1, 199, 320, 2, 453, 176, 2, 0, 0, 0, 604, 120, 2, 726, 457, 2, 428, 334, 1, 462, 442, 2, 638, 223, 1, 761, 383, 2, 791, 363, 2, 0, 0, 0], "image_id": 20506708300, "bbox": [108, 1, 757, 479], "category_id": 1, "id": 20506708300}, {"segmentation": [[88, 2, 875, 2, 875, 480, 88, 480]], "num_keypoints": 12, "area": 376186.0, "iscrowd": 0, "keypoints": [332, 57, 2, 0, 0, 0, 278, 39, 2, 0, 0, 0, 185, 98, 2, 282, 131, 1, 192, 296, 2, 450, 196, 2, 0, 0, 0, 640, 270, 2, 648, 469, 2, 417, 342, 1, 435, 443, 2, 648, 237, 1, 759, 365, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506785201, "bbox": [88, 2, 787, 478], "category_id": 1, "id": 20506785201}, {"segmentation": [[75, 13, 883, 13, 883, 480, 75, 480]], "num_keypoints": 12, "area": 377336.0, "iscrowd": 0, "keypoints": [329, 47, 2, 0, 0, 0, 270, 28, 2, 0, 0, 0, 185, 90, 2, 281, 133, 1, 198, 268, 2, 414, 226, 2, 0, 0, 0, 602, 302, 2, 0, 0, 0, 415, 344, 1, 418, 446, 2, 638, 222, 1, 754, 395, 2, 0, 0, 0, 846, 446, 1], "image_id": 20506786001, "bbox": [75, 13, 808, 467], "category_id": 1, "id": 20506786001}, {"segmentation": [[73, 1, 875, 1, 875, 480, 73, 480]], "num_keypoints": 11, "area": 384158.0, "iscrowd": 0, "keypoints": [343, 58, 2, 0, 0, 0, 318, 41, 2, 0, 0, 0, 240, 98, 2, 282, 134, 1, 188, 306, 2, 420, 203, 2, 0, 0, 0, 587, 160, 2, 0, 0, 0, 430, 334, 1, 440, 444, 2, 642, 198, 2, 740, 377, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506708801, "bbox": [73, 1, 802, 479], "category_id": 1, "id": 20506708801}, {"segmentation": [[75, 2, 820, 2, 820, 480, 75, 480]], "num_keypoints": 10, "area": 356110.0, "iscrowd": 0, "keypoints": [290, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 162, 52, 2, 310, 90, 2, 196, 249, 2, 461, 228, 2, 0, 0, 0, 597, 290, 2, 0, 0, 0, 475, 358, 1, 416, 444, 2, 692, 292, 1, 781, 386, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506788401, "bbox": [75, 2, 745, 478], "category_id": 1, "id": 20506788401}, {"segmentation": [[83, 6, 883, 6, 883, 480, 83, 480]], "num_keypoints": 13, "area": 379200.0, "iscrowd": 0, "keypoints": [329, 33, 2, 0, 0, 0, 278, 24, 2, 0, 0, 0, 191, 80, 2, 293, 142, 2, 205, 294, 2, 368, 249, 1, 0, 0, 0, 532, 270, 2, 691, 311, 2, 449, 348, 1, 456, 446, 1, 636, 217, 1, 754, 388, 2, 0, 0, 0, 851, 435, 1], "image_id": 20506822001, "bbox": [83, 6, 800, 474], "category_id": 1, "id": 20506822001}, {"segmentation": [[28, 3, 840, 3, 840, 480, 28, 480]], "num_keypoints": 10, "area": 387324.0, "iscrowd": 0, "keypoints": [307, 16, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 182, 69, 2, 279, 118, 1, 196, 257, 2, 384, 258, 1, 0, 0, 0, 532, 272, 2, 0, 0, 0, 460, 337, 1, 441, 428, 1, 700, 295, 1, 789, 394, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506825201, "bbox": [28, 3, 812, 477], "category_id": 1, "id": 20506825201}, {"segmentation": [[35, 4, 849, 4, 849, 480, 35, 480]], "num_keypoints": 12, "area": 387464.0, "iscrowd": 0, "keypoints": [269, 39, 2, 0, 0, 0, 210, 36, 2, 0, 0, 0, 140, 111, 2, 256, 146, 1, 135, 289, 2, 363, 262, 1, 0, 0, 0, 532, 270, 2, 0, 0, 0, 433, 344, 1, 437, 443, 1, 637, 227, 1, 754, 377, 2, 786, 363, 2, 0, 0, 0], "image_id": 20506834000, "bbox": [35, 4, 814, 476], "category_id": 1, "id": 20506834000}, {"segmentation": [[36, 1, 857, 1, 857, 481, 36, 481]], "num_keypoints": 13, "area": 394080, "iscrowd": 0, "keypoints": [276, 44, 2, 0, 0, 0, 211, 37, 2, 0, 0, 0, 139, 110, 2, 258, 147, 1, 141, 316, 2, 375, 259, 1, 0, 0, 0, 532, 276, 2, 447, 481, 2, 427, 345, 1, 433, 449, 1, 646, 223, 1, 744, 385, 2, 781, 354, 2, 0, 0, 0], "image_id": 20506834300, "bbox": [36, 1, 821, 480], "category_id": 1, "id": 20506834300}, {"segmentation": [[75, 3, 848, 3, 848, 480, 75, 480]], "num_keypoints": 13, "area": 368721.0, "iscrowd": 0, "keypoints": [314, 72, 2, 280, 27, 2, 244, 58, 2, 0, 0, 0, 157, 119, 2, 316, 117, 1, 165, 299, 2, 464, 174, 2, 0, 0, 0, 607, 152, 2, 480, 470, 2, 423, 345, 1, 444, 452, 2, 648, 227, 1, 752, 372, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506844700, "bbox": [75, 3, 773, 477], "category_id": 1, "id": 20506844700}, {"segmentation": [[59, 3, 885, 3, 885, 480, 59, 480]], "num_keypoints": 13, "area": 394002.0, "iscrowd": 0, "keypoints": [308, 58, 2, 0, 0, 0, 245, 48, 2, 0, 0, 0, 161, 118, 2, 269, 130, 1, 164, 300, 2, 447, 168, 2, 0, 0, 0, 619, 110, 2, 499, 460, 2, 422, 337, 1, 446, 450, 2, 645, 225, 1, 746, 370, 2, 776, 360, 1, 0, 0, 0], "image_id": 20506845201, "bbox": [59, 3, 826, 477], "category_id": 1, "id": 20506845201}, {"segmentation": [[89, 7, 916, 7, 916, 480, 89, 480]], "num_keypoints": 14, "area": 391171.0, "iscrowd": 0, "keypoints": [324, 65, 2, 0, 0, 0, 272, 52, 2, 0, 0, 0, 181, 122, 2, 311, 137, 1, 156, 304, 2, 425, 165, 2, 0, 0, 0, 616, 98, 2, 493, 469, 2, 420, 338, 1, 433, 432, 2, 639, 230, 1, 751, 391, 2, 728, 333, 2, 869, 459, 1], "image_id": 20506845601, "bbox": [89, 7, 827, 473], "category_id": 1, "id": 20506845601}, {"segmentation": [[46, 2, 848, 2, 848, 481, 46, 481]], "num_keypoints": 13, "area": 384158, "iscrowd": 0, "keypoints": [299, 32, 2, 0, 0, 0, 257, 27, 2, 0, 0, 0, 185, 110, 2, 266, 143, 1, 158, 295, 2, 408, 238, 2, 0, 0, 0, 572, 206, 2, 501, 481, 2, 423, 342, 1, 433, 458, 2, 636, 211, 1, 747, 380, 2, 783, 365, 2, 0, 0, 0], "image_id": 20506846801, "bbox": [46, 2, 802, 479], "category_id": 1, "id": 20506846801}, {"segmentation": [[37, 3, 826, 3, 826, 480, 37, 480]], "num_keypoints": 12, "area": 376353.0, "iscrowd": 0, "keypoints": [269, 36, 2, 0, 0, 0, 215, 33, 2, 0, 0, 0, 152, 116, 2, 244, 125, 1, 153, 323, 2, 408, 241, 2, 0, 0, 0, 574, 216, 2, 499, 472, 2, 438, 341, 1, 431, 478, 1, 701, 294, 1, 772, 376, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506851900, "bbox": [37, 3, 789, 477], "category_id": 1, "id": 20506851900}, {"segmentation": [[27, 0, 882, 0, 882, 480, 27, 480]], "num_keypoints": 13, "area": 410400.0, "iscrowd": 0, "keypoints": [269, 37, 2, 0, 0, 0, 216, 37, 2, 0, 0, 0, 152, 118, 2, 267, 155, 1, 146, 306, 2, 407, 231, 2, 0, 0, 0, 573, 206, 2, 501, 469, 2, 421, 346, 1, 439, 444, 2, 612, 214, 1, 758, 391, 2, 760, 365, 1, 0, 0, 0], "image_id": 20506852300, "bbox": [27, 0, 855, 480], "category_id": 1, "id": 20506852300}, {"segmentation": [[37, 3, 839, 3, 839, 480, 37, 480]], "num_keypoints": 12, "area": 382554.0, "iscrowd": 0, "keypoints": [269, 33, 2, 0, 0, 0, 216, 31, 2, 0, 0, 0, 151, 112, 2, 261, 145, 1, 151, 309, 2, 420, 229, 2, 0, 0, 0, 577, 191, 2, 500, 471, 2, 429, 336, 1, 449, 435, 2, 656, 219, 1, 760, 391, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506852800, "bbox": [37, 3, 802, 477], "category_id": 1, "id": 20506852800}, {"segmentation": [[33, 0, 847, 0, 847, 480, 33, 480]], "num_keypoints": 12, "area": 390720.0, "iscrowd": 0, "keypoints": [265, 35, 2, 0, 0, 0, 218, 28, 2, 0, 0, 0, 153, 107, 2, 237, 156, 1, 151, 331, 2, 412, 237, 2, 0, 0, 0, 576, 217, 2, 506, 475, 2, 423, 330, 1, 440, 444, 2, 626, 209, 1, 760, 387, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506853800, "bbox": [33, 0, 814, 480], "category_id": 1, "id": 20506853800}, {"segmentation": [[37, 2, 849, 2, 849, 480, 37, 480]], "num_keypoints": 13, "area": 388136.0, "iscrowd": 0, "keypoints": [277, 41, 2, 0, 0, 0, 224, 29, 2, 0, 0, 0, 152, 99, 2, 244, 149, 1, 164, 315, 2, 415, 237, 2, 462, 472, 2, 573, 211, 2, 658, 360, 2, 430, 346, 1, 431, 470, 1, 644, 223, 1, 756, 397, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506854700, "bbox": [37, 2, 812, 478], "category_id": 1, "id": 20506854700}, {"segmentation": [[67, 5, 865, 5, 865, 480, 67, 480]], "num_keypoints": 14, "area": 379050.0, "iscrowd": 0, "keypoints": [329, 64, 2, 0, 0, 0, 290, 47, 2, 0, 0, 0, 202, 107, 2, 247, 155, 1, 178, 315, 2, 392, 230, 2, 455, 480, 2, 558, 280, 2, 720, 452, 2, 439, 339, 1, 440, 427, 2, 652, 238, 1, 751, 384, 2, 796, 355, 2, 0, 0, 0], "image_id": 20506870401, "bbox": [67, 5, 798, 475], "category_id": 1, "id": 20506870401}, {"segmentation": [[92, 2, 829, 2, 829, 480, 92, 480]], "num_keypoints": 14, "area": 352286.0, "iscrowd": 0, "keypoints": [323, 65, 2, 0, 0, 0, 299, 49, 2, 0, 0, 0, 205, 111, 2, 276, 140, 1, 192, 342, 2, 394, 228, 2, 0, 0, 0, 556, 279, 2, 723, 468, 2, 436, 332, 1, 444, 442, 2, 652, 226, 1, 741, 381, 2, 756, 354, 1, 827, 462, 1], "image_id": 20506870800, "bbox": [92, 2, 737, 478], "category_id": 1, "id": 20506870800}, {"segmentation": [[112, 11, 819, 11, 819, 480, 112, 480]], "num_keypoints": 12, "area": 331583.0, "iscrowd": 0, "keypoints": [299, 44, 2, 0, 0, 0, 258, 33, 2, 0, 0, 0, 194, 110, 2, 220, 148, 1, 177, 341, 2, 413, 210, 2, 0, 0, 0, 578, 173, 2, 581, 386, 2, 410, 306, 1, 429, 476, 2, 642, 218, 1, 776, 391, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506884300, "bbox": [112, 11, 707, 469], "category_id": 1, "id": 20506884300}, {"segmentation": [[70, 1, 854, 1, 854, 480, 70, 480]], "num_keypoints": 13, "area": 375536.0, "iscrowd": 0, "keypoints": [341, 72, 2, 0, 0, 0, 302, 58, 2, 0, 0, 0, 204, 110, 2, 275, 112, 1, 198, 284, 2, 453, 124, 2, 444, 480, 2, 677, 90, 2, 685, 461, 2, 426, 333, 1, 430, 426, 2, 660, 254, 1, 721, 366, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506886001, "bbox": [70, 1, 784, 479], "category_id": 1, "id": 20506886001}, {"segmentation": [[89, 1, 910, 1, 910, 480, 89, 480]], "num_keypoints": 12, "area": 393259.0, "iscrowd": 0, "keypoints": [335, 48, 2, 0, 0, 0, 299, 37, 2, 0, 0, 0, 218, 104, 2, 273, 143, 1, 173, 315, 2, 417, 228, 2, 0, 0, 0, 564, 204, 2, 547, 429, 2, 419, 347, 1, 440, 455, 2, 645, 230, 1, 746, 382, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506886401, "bbox": [89, 1, 821, 479], "category_id": 1, "id": 20506886401}, {"segmentation": [[63, 5, 885, 5, 885, 480, 63, 480]], "num_keypoints": 13, "area": 390450.0, "iscrowd": 0, "keypoints": [311, 47, 2, 0, 0, 0, 269, 36, 2, 0, 0, 0, 187, 112, 2, 307, 135, 2, 193, 353, 2, 385, 244, 2, 0, 0, 0, 539, 289, 2, 557, 445, 2, 468, 333, 2, 500, 433, 2, 649, 229, 2, 761, 391, 2, 797, 376, 1, 0, 0, 0], "image_id": 20506887201, "bbox": [63, 5, 822, 475], "category_id": 1, "id": 20506887201}, {"segmentation": [[59, 7, 881, 7, 881, 480, 59, 480]], "num_keypoints": 13, "area": 388806.0, "iscrowd": 0, "keypoints": [273, 28, 2, 0, 0, 0, 251, 23, 2, 0, 0, 0, 215, 89, 2, 240, 145, 1, 151, 326, 2, 389, 260, 1, 0, 0, 0, 549, 288, 2, 569, 441, 2, 444, 347, 1, 463, 450, 1, 652, 220, 2, 764, 394, 2, 786, 371, 1, 0, 0, 0], "image_id": 20506888000, "bbox": [59, 7, 822, 473], "category_id": 1, "id": 20506888000}, {"segmentation": [[57, 2, 874, 2, 874, 480, 57, 480]], "num_keypoints": 13, "area": 390526.0, "iscrowd": 0, "keypoints": [277, 32, 2, 0, 0, 0, 252, 24, 2, 0, 0, 0, 214, 87, 2, 287, 139, 1, 153, 343, 2, 409, 263, 1, 0, 0, 0, 543, 287, 2, 562, 444, 2, 447, 338, 1, 466, 444, 2, 657, 224, 1, 776, 393, 2, 757, 342, 2, 0, 0, 0], "image_id": 20506888400, "bbox": [57, 2, 817, 478], "category_id": 1, "id": 20506888400}, {"segmentation": [[41, 1, 834, 1, 834, 480, 41, 480]], "num_keypoints": 12, "area": 379847.0, "iscrowd": 0, "keypoints": [278, 33, 2, 0, 0, 0, 247, 20, 2, 0, 0, 0, 199, 85, 2, 261, 146, 1, 154, 329, 2, 404, 267, 1, 0, 0, 0, 545, 289, 2, 564, 445, 2, 451, 327, 1, 462, 456, 2, 647, 228, 1, 778, 392, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506888800, "bbox": [41, 1, 793, 479], "category_id": 1, "id": 20506888800}, {"segmentation": [[53, 1, 853, 1, 853, 480, 53, 480]], "num_keypoints": 13, "area": 383200.0, "iscrowd": 0, "keypoints": [298, 47, 2, 0, 0, 0, 253, 27, 2, 0, 0, 0, 174, 89, 2, 263, 150, 1, 160, 316, 2, 403, 261, 2, 0, 0, 0, 548, 286, 2, 562, 444, 2, 443, 353, 1, 461, 455, 2, 647, 223, 1, 754, 381, 2, 793, 365, 2, 0, 0, 0], "image_id": 20506889100, "bbox": [53, 1, 800, 479], "category_id": 1, "id": 20506889100}, {"segmentation": [[50, 2, 886, 2, 886, 480, 50, 480]], "num_keypoints": 14, "area": 399608.0, "iscrowd": 0, "keypoints": [311, 65, 2, 0, 0, 0, 260, 44, 2, 0, 0, 0, 164, 103, 2, 282, 150, 1, 165, 327, 2, 405, 258, 2, 0, 0, 0, 553, 268, 2, 562, 443, 2, 440, 338, 1, 440, 453, 2, 644, 223, 1, 758, 399, 2, 783, 375, 1, 869, 455, 1], "image_id": 20506889400, "bbox": [50, 2, 836, 478], "category_id": 1, "id": 20506889400}, {"segmentation": [[92, 0, 798, 0, 798, 480, 92, 480]], "num_keypoints": 13, "area": 338880.0, "iscrowd": 0, "keypoints": [311, 65, 2, 0, 0, 0, 265, 45, 2, 0, 0, 0, 174, 99, 2, 267, 141, 1, 176, 312, 2, 340, 103, 2, 460, 456, 2, 329, 76, 1, 658, 356, 2, 440, 327, 1, 516, 452, 1, 632, 255, 1, 783, 387, 1, 0, 0, 0, 0, 0, 0], "image_id": 20506910000, "bbox": [92, 0, 706, 480], "category_id": 1, "id": 20506910000}, {"segmentation": [[57, 10, 898, 10, 898, 480, 57, 480]], "num_keypoints": 14, "area": 395270.0, "iscrowd": 0, "keypoints": [282, 40, 2, 0, 0, 0, 226, 35, 2, 0, 0, 0, 153, 107, 2, 289, 131, 1, 173, 293, 2, 427, 222, 2, 0, 0, 0, 591, 225, 2, 668, 343, 2, 436, 347, 1, 461, 470, 2, 593, 248, 1, 759, 384, 2, 747, 393, 1, 873, 449, 1], "image_id": 20506910300, "bbox": [57, 10, 841, 470], "category_id": 1, "id": 20506910300}, {"segmentation": [[83, 1, 880, 1, 880, 480, 83, 480]], "num_keypoints": 15, "area": 381763.0, "iscrowd": 0, "keypoints": [265, 35, 2, 0, 0, 0, 201, 33, 2, 0, 0, 0, 137, 126, 2, 288, 133, 2, 184, 327, 2, 420, 225, 2, 472, 476, 2, 574, 279, 2, 724, 443, 2, 445, 328, 1, 480, 428, 2, 656, 228, 1, 755, 371, 2, 771, 345, 1, 844, 461, 1], "image_id": 20506910600, "bbox": [83, 1, 797, 479], "category_id": 1, "id": 20506910600}, {"segmentation": [[39, 2, 829, 2, 829, 480, 39, 480]], "num_keypoints": 13, "area": 377620.0, "iscrowd": 0, "keypoints": [265, 26, 2, 236, 4, 2, 207, 23, 2, 0, 0, 0, 140, 93, 2, 248, 113, 1, 156, 291, 2, 411, 225, 2, 0, 0, 0, 584, 291, 2, 534, 432, 2, 473, 355, 1, 464, 444, 1, 656, 290, 1, 755, 353, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506911400, "bbox": [39, 2, 790, 478], "category_id": 1, "id": 20506911400}, {"segmentation": [[51, 10, 888, 10, 888, 480, 51, 480]], "num_keypoints": 13, "area": 393390.0, "iscrowd": 0, "keypoints": [308, 47, 2, 0, 0, 0, 247, 36, 2, 0, 0, 0, 166, 107, 2, 301, 135, 1, 171, 312, 2, 425, 215, 2, 0, 0, 0, 636, 290, 2, 499, 461, 2, 442, 341, 1, 459, 434, 1, 619, 234, 1, 744, 377, 2, 0, 0, 0, 837, 436, 1], "image_id": 20506901400, "bbox": [51, 10, 837, 470], "category_id": 1, "id": 20506901400}, {"segmentation": [[34, 5, 862, 5, 862, 480, 34, 480]], "num_keypoints": 12, "area": 393300.0, "iscrowd": 0, "keypoints": [266, 29, 2, 0, 0, 0, 215, 19, 2, 0, 0, 0, 147, 98, 2, 270, 140, 1, 152, 290, 2, 435, 204, 2, 0, 0, 0, 583, 186, 2, 0, 0, 0, 417, 331, 1, 423, 436, 2, 649, 221, 1, 757, 389, 2, 756, 359, 1, 0, 0, 0], "image_id": 20506918300, "bbox": [34, 5, 828, 475], "category_id": 1, "id": 20506918300}, {"segmentation": [[35, 5, 880, 5, 880, 480, 35, 480]], "num_keypoints": 12, "area": 401375.0, "iscrowd": 0, "keypoints": [256, 37, 2, 0, 0, 0, 204, 32, 2, 0, 0, 0, 133, 100, 2, 235, 130, 1, 143, 323, 2, 388, 198, 2, 0, 0, 0, 587, 185, 2, 0, 0, 0, 424, 334, 1, 431, 436, 2, 645, 218, 1, 805, 406, 2, 786, 370, 1, 0, 0, 0], "image_id": 20506918801, "bbox": [35, 5, 845, 475], "category_id": 1, "id": 20506918801}, {"segmentation": [[36, 2, 882, 2, 882, 480, 36, 480]], "num_keypoints": 13, "area": 404388.0, "iscrowd": 0, "keypoints": [257, 41, 2, 0, 0, 0, 204, 36, 2, 0, 0, 0, 140, 112, 2, 255, 139, 1, 143, 311, 2, 420, 206, 2, 0, 0, 0, 595, 185, 2, 466, 478, 2, 415, 343, 1, 441, 431, 2, 644, 213, 1, 762, 385, 2, 762, 342, 2, 0, 0, 0], "image_id": 20506922100, "bbox": [36, 2, 846, 478], "category_id": 1, "id": 20506922100}, {"segmentation": [[50, 0, 888, 0, 888, 480, 50, 480]], "num_keypoints": 13, "area": 402240.0, "iscrowd": 0, "keypoints": [340, 70, 2, 0, 0, 0, 282, 53, 2, 0, 0, 0, 183, 112, 2, 288, 133, 1, 181, 329, 2, 448, 185, 2, 0, 0, 0, 676, 179, 2, 499, 466, 2, 421, 342, 1, 433, 459, 2, 650, 216, 1, 756, 387, 2, 785, 373, 1, 0, 0, 0], "image_id": 20506922800, "bbox": [50, 0, 838, 480], "category_id": 1, "id": 20506922800}, {"segmentation": [[28, 4, 856, 4, 856, 480, 28, 480]], "num_keypoints": 13, "area": 394128.0, "iscrowd": 0, "keypoints": [256, 29, 2, 0, 0, 0, 203, 26, 2, 0, 0, 0, 135, 103, 2, 236, 129, 1, 170, 314, 2, 401, 197, 2, 434, 476, 2, 597, 189, 2, 691, 458, 2, 425, 338, 1, 449, 433, 2, 694, 275, 1, 755, 380, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506923100, "bbox": [28, 4, 828, 476], "category_id": 1, "id": 20506923100}, {"segmentation": [[71, 6, 853, 6, 853, 480, 71, 480]], "num_keypoints": 13, "area": 370668.0, "iscrowd": 0, "keypoints": [255, 94, 2, 253, 53, 2, 192, 85, 2, 0, 0, 0, 125, 127, 2, 311, 135, 1, 158, 329, 2, 427, 227, 2, 0, 0, 0, 576, 282, 2, 499, 456, 2, 436, 334, 1, 446, 431, 2, 644, 222, 1, 753, 379, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506927900, "bbox": [71, 6, 782, 474], "category_id": 1, "id": 20506927900}, {"segmentation": [[51, 2, 829, 2, 829, 480, 51, 480]], "num_keypoints": 14, "area": 371884.0, "iscrowd": 0, "keypoints": [262, 135, 2, 248, 68, 2, 193, 103, 2, 0, 0, 0, 132, 133, 2, 291, 115, 2, 160, 306, 2, 449, 156, 2, 0, 0, 0, 669, 132, 2, 501, 449, 2, 418, 324, 2, 452, 443, 2, 649, 213, 1, 764, 376, 2, 780, 348, 2, 0, 0, 0], "image_id": 20506928200, "bbox": [51, 2, 778, 478], "category_id": 1, "id": 20506928200}, {"segmentation": [[77, 4, 901, 4, 901, 480, 77, 480]], "num_keypoints": 13, "area": 392224.0, "iscrowd": 0, "keypoints": [320, 77, 2, 0, 0, 0, 273, 62, 2, 0, 0, 0, 182, 131, 2, 315, 131, 1, 152, 315, 2, 426, 164, 2, 0, 0, 0, 606, 94, 2, 493, 465, 2, 429, 333, 1, 452, 427, 2, 644, 232, 1, 757, 393, 2, 791, 374, 1, 0, 0, 0], "image_id": 20506929400, "bbox": [77, 4, 824, 476], "category_id": 1, "id": 20506929400}, {"segmentation": [[57, 3, 826, 3, 826, 480, 57, 480]], "num_keypoints": 12, "area": 366813.0, "iscrowd": 0, "keypoints": [254, 37, 2, 0, 0, 0, 197, 28, 2, 0, 0, 0, 128, 102, 2, 264, 148, 1, 135, 307, 2, 416, 205, 2, 0, 0, 0, 595, 155, 2, 502, 464, 2, 423, 329, 1, 446, 449, 2, 644, 228, 1, 775, 406, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506932001, "bbox": [57, 3, 769, 477], "category_id": 1, "id": 20506932001}, {"segmentation": [[67, 0, 857, 0, 857, 480, 67, 480]], "num_keypoints": 12, "area": 379200.0, "iscrowd": 0, "keypoints": [261, 43, 2, 0, 0, 0, 240, 25, 2, 0, 0, 0, 202, 72, 2, 260, 134, 2, 150, 311, 2, 410, 212, 2, 0, 0, 0, 593, 162, 2, 704, 466, 2, 473, 337, 1, 481, 443, 2, 672, 279, 1, 780, 392, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506934500, "bbox": [67, 0, 790, 480], "category_id": 1, "id": 20506934500}, {"segmentation": [[50, 6, 896, 6, 896, 480, 50, 480]], "num_keypoints": 14, "area": 401004.0, "iscrowd": 0, "keypoints": [273, 28, 2, 0, 0, 0, 232, 18, 2, 0, 0, 0, 165, 88, 2, 278, 134, 1, 152, 298, 2, 418, 201, 2, 0, 0, 0, 597, 152, 2, 598, 438, 2, 404, 329, 1, 408, 436, 2, 628, 220, 1, 748, 374, 2, 766, 362, 1, 866, 458, 1], "image_id": 20506937000, "bbox": [50, 6, 846, 474], "category_id": 1, "id": 20506937000}, {"segmentation": [[57, 4, 868, 4, 868, 480, 57, 480]], "num_keypoints": 13, "area": 386036.0, "iscrowd": 0, "keypoints": [307, 61, 2, 0, 0, 0, 257, 48, 2, 0, 0, 0, 169, 123, 2, 274, 145, 1, 172, 347, 2, 376, 258, 1, 452, 478, 2, 499, 328, 2, 700, 468, 2, 436, 339, 1, 438, 438, 2, 678, 261, 1, 750, 372, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506941300, "bbox": [57, 4, 811, 476], "category_id": 1, "id": 20506941300}, {"segmentation": [[70, 3, 903, 3, 903, 480, 70, 480]], "num_keypoints": 14, "area": 397341.0, "iscrowd": 0, "keypoints": [319, 79, 2, 0, 0, 0, 278, 69, 2, 0, 0, 0, 186, 141, 2, 273, 137, 1, 189, 342, 2, 409, 208, 2, 454, 475, 2, 566, 189, 2, 732, 459, 2, 427, 334, 1, 454, 415, 2, 657, 237, 1, 745, 381, 2, 817, 370, 2, 0, 0, 0], "image_id": 20506942401, "bbox": [70, 3, 833, 477], "category_id": 1, "id": 20506942401}, {"segmentation": [[61, 5, 892, 5, 892, 480, 61, 480]], "num_keypoints": 14, "area": 394725.0, "iscrowd": 0, "keypoints": [316, 49, 2, 0, 0, 0, 266, 33, 2, 0, 0, 0, 179, 91, 2, 297, 136, 1, 164, 303, 2, 419, 237, 2, 0, 0, 0, 562, 233, 2, 480, 457, 2, 421, 334, 1, 435, 436, 2, 648, 242, 1, 752, 392, 2, 779, 370, 1, 854, 462, 1], "image_id": 20506943601, "bbox": [61, 5, 831, 475], "category_id": 1, "id": 20506943601}, {"segmentation": [[63, 1, 924, 1, 924, 480, 63, 480]], "num_keypoints": 14, "area": 412419.0, "iscrowd": 0, "keypoints": [319, 68, 2, 0, 0, 0, 276, 50, 2, 0, 0, 0, 185, 112, 2, 305, 151, 1, 162, 320, 2, 426, 247, 2, 0, 0, 0, 578, 302, 2, 482, 458, 2, 435, 347, 1, 446, 431, 2, 651, 222, 1, 763, 387, 2, 785, 368, 1, 876, 469, 1], "image_id": 20506944401, "bbox": [63, 1, 861, 479], "category_id": 1, "id": 20506944401}, {"segmentation": [[92, 3, 932, 3, 932, 480, 92, 480]], "num_keypoints": 13, "area": 400680.0, "iscrowd": 0, "keypoints": [319, 68, 2, 0, 0, 0, 261, 52, 2, 0, 0, 0, 170, 108, 2, 290, 134, 1, 204, 306, 2, 415, 247, 2, 489, 465, 2, 575, 315, 2, 757, 415, 2, 423, 341, 1, 440, 431, 1, 661, 264, 1, 750, 375, 1, 0, 0, 0, 0, 0, 0], "image_id": 20506948300, "bbox": [92, 3, 840, 477], "category_id": 1, "id": 20506948300}, {"segmentation": [[81, 1, 833, 1, 833, 480, 81, 480]], "num_keypoints": 12, "area": 360208.0, "iscrowd": 0, "keypoints": [320, 69, 2, 0, 0, 0, 268, 52, 2, 0, 0, 0, 174, 108, 2, 270, 142, 1, 170, 311, 2, 415, 248, 2, 0, 0, 0, 582, 324, 2, 683, 449, 2, 446, 342, 1, 449, 434, 2, 657, 249, 1, 744, 386, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506949201, "bbox": [81, 1, 752, 479], "category_id": 1, "id": 20506949201}, {"segmentation": [[79, 2, 1038, 2, 1038, 480, 79, 480]], "num_keypoints": 13, "area": 458402.0, "iscrowd": 0, "keypoints": [316, 74, 2, 0, 0, 0, 258, 64, 2, 0, 0, 0, 166, 123, 2, 266, 135, 1, 186, 318, 2, 409, 232, 2, 486, 447, 2, 583, 319, 2, 848, 386, 2, 425, 330, 1, 426, 442, 1, 655, 243, 1, 741, 391, 1, 0, 0, 0, 0, 0, 0], "image_id": 20506950001, "bbox": [79, 2, 959, 478], "category_id": 1, "id": 20506950001}, {"segmentation": [[73, 2, 1049, 2, 1049, 480, 73, 480]], "num_keypoints": 12, "area": 466528.0, "iscrowd": 0, "keypoints": [319, 85, 2, 290, 54, 2, 258, 77, 2, 0, 0, 0, 168, 139, 2, 268, 139, 1, 207, 334, 2, 427, 247, 2, 510, 428, 2, 566, 310, 2, 843, 374, 2, 458, 333, 1, 0, 0, 0, 647, 220, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0], "image_id": 20506952001, "bbox": [73, 2, 976, 478], "category_id": 1, "id": 20506952001}, {"segmentation": [[96, 0, 948, 0, 948, 480, 96, 480]], "num_keypoints": 12, "area": 408960.0, "iscrowd": 0, "keypoints": [332, 87, 2, 0, 0, 0, 277, 75, 2, 0, 0, 0, 181, 131, 2, 290, 156, 1, 219, 317, 2, 432, 249, 2, 0, 0, 0, 573, 314, 2, 809, 414, 2, 473, 332, 1, 480, 423, 1, 643, 216, 1, 771, 384, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506952401, "bbox": [96, 0, 852, 480], "category_id": 1, "id": 20506952401}, {"segmentation": [[82, 5, 879, 5, 879, 480, 82, 480]], "num_keypoints": 13, "area": 378575.0, "iscrowd": 0, "keypoints": [314, 64, 2, 0, 0, 0, 272, 56, 2, 0, 0, 0, 183, 127, 2, 328, 145, 2, 235, 385, 2, 419, 245, 2, 0, 0, 0, 574, 314, 2, 594, 430, 2, 452, 309, 1, 474, 438, 2, 641, 224, 1, 748, 393, 2, 803, 373, 2, 0, 0, 0], "image_id": 20506953100, "bbox": [82, 5, 797, 475], "category_id": 1, "id": 20506953100}, {"segmentation": [[77, 3, 907, 3, 907, 480, 77, 480]], "num_keypoints": 15, "area": 395910.0, "iscrowd": 0, "keypoints": [329, 65, 2, 299, 27, 2, 269, 47, 2, 0, 0, 0, 176, 107, 2, 328, 128, 1, 179, 320, 1, 458, 190, 2, 0, 0, 0, 668, 201, 2, 493, 458, 2, 402, 346, 1, 410, 435, 2, 626, 230, 1, 755, 373, 2, 748, 351, 1, 847, 457, 1], "image_id": 20506955100, "bbox": [77, 3, 830, 477], "category_id": 1, "id": 20506955100}, {"segmentation": [[92, 0, 830, 0, 830, 480, 92, 480]], "num_keypoints": 12, "area": 354240.0, "iscrowd": 0, "keypoints": [319, 69, 2, 0, 0, 0, 273, 61, 2, 0, 0, 0, 187, 139, 2, 308, 164, 2, 196, 318, 2, 382, 248, 1, 0, 0, 0, 537, 281, 2, 569, 427, 2, 448, 340, 2, 408, 431, 2, 645, 213, 1, 759, 385, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506956001, "bbox": [92, 0, 738, 480], "category_id": 1, "id": 20506956001}, {"segmentation": [[49, 3, 853, 3, 853, 480, 49, 480]], "num_keypoints": 13, "area": 383508.0, "iscrowd": 0, "keypoints": [318, 72, 2, 0, 0, 0, 269, 66, 2, 0, 0, 0, 185, 141, 2, 280, 139, 1, 178, 332, 2, 367, 263, 1, 0, 0, 0, 531, 279, 2, 581, 415, 2, 447, 341, 2, 427, 455, 1, 717, 296, 1, 768, 381, 2, 794, 406, 1, 0, 0, 0], "image_id": 20506956400, "bbox": [49, 3, 804, 477], "category_id": 1, "id": 20506956400}, {"segmentation": [[62, 3, 857, 3, 857, 480, 62, 480]], "num_keypoints": 13, "area": 379215.0, "iscrowd": 0, "keypoints": [311, 69, 2, 0, 0, 0, 265, 64, 2, 0, 0, 0, 182, 141, 2, 272, 152, 1, 169, 322, 2, 370, 249, 2, 0, 0, 0, 539, 282, 2, 578, 416, 2, 445, 344, 1, 457, 449, 2, 639, 223, 1, 753, 390, 2, 805, 376, 2, 0, 0, 0], "image_id": 20506956800, "bbox": [62, 3, 795, 477], "category_id": 1, "id": 20506956800}, {"segmentation": [[76, 6, 863, 6, 863, 480, 76, 480]], "num_keypoints": 13, "area": 373038.0, "iscrowd": 0, "keypoints": [304, 57, 2, 0, 0, 0, 266, 47, 2, 0, 0, 0, 191, 122, 2, 304, 155, 2, 220, 365, 2, 394, 275, 2, 0, 0, 0, 536, 269, 2, 579, 416, 2, 509, 330, 2, 492, 412, 2, 700, 286, 2, 764, 387, 2, 792, 369, 2, 0, 0, 0], "image_id": 20506957800, "bbox": [76, 6, 787, 474], "category_id": 1, "id": 20506957800}, {"segmentation": [[66, 5, 871, 5, 871, 480, 66, 480]], "num_keypoints": 13, "area": 382375.0, "iscrowd": 0, "keypoints": [310, 66, 2, 0, 0, 0, 258, 51, 2, 0, 0, 0, 168, 112, 2, 250, 154, 1, 185, 328, 2, 383, 256, 2, 0, 0, 0, 551, 260, 2, 595, 369, 2, 425, 340, 1, 438, 446, 2, 651, 227, 1, 748, 388, 2, 784, 367, 2, 0, 0, 0], "image_id": 20506961601, "bbox": [66, 5, 805, 475], "category_id": 1, "id": 20506961601}, {"segmentation": [[47, 8, 875, 8, 875, 480, 47, 480]], "num_keypoints": 15, "area": 390816.0, "iscrowd": 0, "keypoints": [298, 48, 2, 0, 0, 0, 248, 31, 2, 0, 0, 0, 158, 93, 2, 304, 148, 2, 179, 314, 2, 436, 269, 2, 439, 480, 2, 551, 258, 2, 684, 463, 2, 450, 344, 1, 445, 421, 2, 661, 286, 1, 734, 377, 2, 788, 350, 2, 849, 447, 1], "image_id": 20506962001, "bbox": [47, 8, 828, 472], "category_id": 1, "id": 20506962001}, {"segmentation": [[62, 0, 824, 0, 824, 480, 62, 480]], "num_keypoints": 12, "area": 365760.0, "iscrowd": 0, "keypoints": [291, 48, 2, 0, 0, 0, 247, 45, 2, 0, 0, 0, 173, 122, 2, 258, 151, 1, 158, 321, 2, 411, 219, 2, 0, 0, 0, 585, 164, 2, 471, 480, 2, 452, 339, 1, 450, 461, 1, 636, 243, 1, 765, 389, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506970000, "bbox": [62, 0, 762, 480], "category_id": 1, "id": 20506970000}, {"segmentation": [[41, 2, 852, 2, 852, 480, 41, 480]], "num_keypoints": 13, "area": 387658.0, "iscrowd": 0, "keypoints": [278, 36, 2, 0, 0, 0, 231, 27, 2, 0, 0, 0, 164, 101, 2, 284, 138, 1, 164, 331, 2, 415, 218, 2, 0, 0, 0, 581, 190, 2, 725, 477, 2, 426, 344, 1, 439, 420, 2, 647, 241, 1, 746, 393, 2, 748, 347, 1, 0, 0, 0], "image_id": 20506970801, "bbox": [41, 2, 811, 478], "category_id": 1, "id": 20506970801}, {"segmentation": [[79, 0, 830, 0, 830, 480, 79, 480]], "num_keypoints": 13, "area": 360480.0, "iscrowd": 0, "keypoints": [318, 93, 2, 286, 66, 2, 265, 90, 2, 0, 0, 0, 173, 154, 2, 296, 141, 1, 170, 330, 2, 448, 176, 2, 0, 0, 0, 647, 216, 2, 478, 472, 2, 423, 344, 1, 426, 442, 1, 680, 215, 1, 744, 371, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506972801, "bbox": [79, 0, 751, 480], "category_id": 1, "id": 20506972801}, {"segmentation": [[43, 6, 867, 6, 867, 480, 43, 480]], "num_keypoints": 12, "area": 390576.0, "iscrowd": 0, "keypoints": [319, 78, 2, 0, 0, 0, 285, 60, 2, 0, 0, 0, 194, 127, 2, 247, 128, 1, 139, 343, 2, 468, 130, 2, 0, 0, 0, 657, 69, 2, 0, 0, 0, 428, 347, 1, 453, 447, 2, 648, 230, 1, 770, 393, 2, 812, 374, 2, 0, 0, 0], "image_id": 20506973201, "bbox": [43, 6, 824, 474], "category_id": 1, "id": 20506973201}, {"segmentation": [[44, 2, 944, 2, 944, 481, 44, 481]], "num_keypoints": 14, "area": 431100, "iscrowd": 0, "keypoints": [293, 61, 2, 0, 0, 0, 248, 56, 2, 0, 0, 0, 164, 132, 2, 304, 123, 2, 135, 336, 2, 435, 195, 2, 0, 0, 0, 597, 132, 2, 470, 481, 2, 424, 342, 1, 440, 439, 2, 645, 219, 2, 763, 387, 2, 774, 360, 1, 868, 462, 1], "image_id": 20506973601, "bbox": [44, 2, 900, 479], "category_id": 1, "id": 20506973601}, {"segmentation": [[31, 0, 864, 0, 864, 480, 31, 480]], "num_keypoints": 12, "area": 399840.0, "iscrowd": 0, "keypoints": [268, 43, 2, 0, 0, 0, 237, 29, 2, 0, 0, 0, 185, 98, 2, 263, 154, 1, 142, 320, 2, 418, 236, 2, 0, 0, 0, 566, 202, 2, 0, 0, 0, 426, 356, 1, 444, 454, 2, 648, 223, 2, 766, 391, 2, 779, 364, 2, 0, 0, 0], "image_id": 20506975900, "bbox": [31, 0, 833, 480], "category_id": 1, "id": 20506975900}, {"segmentation": [[40, 5, 956, 5, 956, 480, 40, 480]], "num_keypoints": 13, "area": 435100.0, "iscrowd": 0, "keypoints": [289, 57, 2, 0, 0, 0, 237, 47, 2, 0, 0, 0, 154, 114, 2, 277, 156, 1, 147, 297, 2, 422, 220, 2, 0, 0, 0, 582, 183, 2, 586, 183, 2, 424, 345, 1, 457, 449, 2, 647, 220, 2, 758, 387, 2, 772, 371, 1, 0, 0, 0], "image_id": 20506976500, "bbox": [40, 5, 916, 475], "category_id": 1, "id": 20506976500}, {"segmentation": [[60, 1, 847, 1, 847, 480, 60, 480]], "num_keypoints": 12, "area": 376973.0, "iscrowd": 0, "keypoints": [290, 44, 2, 0, 0, 0, 228, 36, 2, 0, 0, 0, 152, 108, 2, 280, 131, 1, 162, 301, 2, 386, 237, 2, 0, 0, 0, 564, 260, 2, 547, 448, 2, 431, 342, 1, 438, 458, 2, 616, 206, 1, 730, 360, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506978801, "bbox": [60, 1, 787, 479], "category_id": 1, "id": 20506978801}, {"segmentation": [[67, 3, 870, 3, 870, 480, 67, 480]], "num_keypoints": 13, "area": 383031.0, "iscrowd": 0, "keypoints": [299, 65, 2, 0, 0, 0, 257, 36, 2, 0, 0, 0, 172, 76, 2, 283, 150, 1, 194, 339, 2, 347, 113, 2, 489, 411, 2, 312, 37, 2, 712, 272, 2, 423, 325, 1, 438, 456, 1, 632, 238, 1, 744, 383, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506984300, "bbox": [67, 3, 803, 477], "category_id": 1, "id": 20506984300}, {"segmentation": [[58, 2, 885, 2, 885, 480, 58, 480]], "num_keypoints": 12, "area": 395306.0, "iscrowd": 0, "keypoints": [290, 48, 2, 0, 0, 0, 235, 32, 2, 0, 0, 0, 153, 89, 2, 242, 132, 1, 167, 320, 2, 390, 195, 2, 443, 467, 2, 535, 195, 2, 656, 345, 2, 425, 352, 1, 0, 0, 0, 614, 249, 1, 756, 382, 2, 0, 0, 0, 0, 0, 0], "image_id": 20506985100, "bbox": [58, 2, 827, 478], "category_id": 1, "id": 20506985100}, {"segmentation": [[43, 5, 920, 5, 920, 480, 43, 480]], "num_keypoints": 13, "area": 416575.0, "iscrowd": 0, "keypoints": [256, 37, 2, 0, 0, 0, 199, 29, 2, 0, 0, 0, 129, 99, 2, 272, 142, 1, 144, 278, 2, 393, 237, 2, 0, 0, 0, 556, 280, 2, 472, 464, 2, 440, 324, 1, 432, 434, 2, 638, 220, 1, 758, 382, 2, 0, 0, 0, 873, 456, 1], "image_id": 20506986200, "bbox": [43, 5, 877, 475], "category_id": 1, "id": 20506986200}, {"segmentation": [[55, 5, 889, 5, 889, 480, 55, 480]], "num_keypoints": 14, "area": 396150.0, "iscrowd": 0, "keypoints": [289, 39, 2, 265, 13, 2, 219, 36, 2, 0, 0, 0, 152, 107, 2, 290, 111, 1, 172, 294, 2, 452, 162, 2, 0, 0, 0, 668, 107, 2, 507, 437, 2, 427, 341, 1, 447, 456, 1, 645, 221, 1, 744, 376, 2, 776, 357, 2, 0, 0, 0], "image_id": 20507011601, "bbox": [55, 5, 834, 475], "category_id": 1, "id": 20507011601}, {"segmentation": [[81, 4, 864, 4, 864, 480, 81, 480]], "num_keypoints": 12, "area": 372708.0, "iscrowd": 0, "keypoints": [331, 72, 2, 0, 0, 0, 282, 68, 2, 0, 0, 0, 186, 140, 2, 307, 128, 1, 152, 322, 2, 476, 174, 2, 0, 0, 0, 710, 191, 2, 499, 443, 2, 406, 337, 1, 412, 434, 2, 626, 245, 1, 773, 391, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507012901, "bbox": [81, 4, 783, 476], "category_id": 1, "id": 20507012901}, {"segmentation": [[67, 2, 820, 2, 820, 480, 67, 480]], "num_keypoints": 14, "area": 359934.0, "iscrowd": 0, "keypoints": [331, 57, 2, 0, 0, 0, 280, 46, 2, 0, 0, 0, 187, 114, 2, 293, 114, 1, 172, 318, 2, 434, 160, 2, 469, 480, 2, 616, 98, 2, 728, 447, 2, 429, 342, 1, 446, 434, 2, 625, 214, 1, 743, 389, 2, 789, 371, 2, 0, 0, 0], "image_id": 20507013200, "bbox": [67, 2, 753, 478], "category_id": 1, "id": 20507013200}, {"segmentation": [[56, 4, 908, 4, 908, 480, 56, 480]], "num_keypoints": 14, "area": 405552.0, "iscrowd": 0, "keypoints": [279, 52, 2, 0, 0, 0, 257, 36, 2, 0, 0, 0, 197, 90, 2, 280, 146, 1, 137, 333, 2, 423, 223, 2, 0, 0, 0, 576, 193, 2, 499, 469, 2, 414, 347, 1, 425, 440, 2, 641, 235, 1, 759, 399, 2, 771, 358, 1, 861, 454, 1], "image_id": 20507019600, "bbox": [56, 4, 852, 476], "category_id": 1, "id": 20507019600}, {"segmentation": [[87, 3, 850, 3, 850, 475, 87, 475]], "num_keypoints": 14, "area": 360136.0, "iscrowd": 0, "keypoints": [274, 26, 2, 0, 0, 0, 253, 15, 2, 0, 0, 0, 189, 74, 2, 257, 113, 1, 170, 314, 2, 422, 249, 2, 0, 0, 0, 575, 205, 2, 504, 462, 2, 413, 301, 1, 428, 468, 1, 627, 241, 1, 757, 393, 2, 720, 357, 1, 841, 453, 1], "image_id": 20507020001, "bbox": [87, 3, 763, 472], "category_id": 1, "id": 20507020001}, {"segmentation": [[73, 2, 851, 2, 851, 480, 73, 480]], "num_keypoints": 13, "area": 371884.0, "iscrowd": 0, "keypoints": [273, 32, 2, 0, 0, 0, 224, 28, 2, 0, 0, 0, 153, 108, 2, 267, 150, 1, 164, 306, 2, 374, 244, 1, 0, 0, 0, 544, 227, 2, 661, 471, 2, 431, 332, 2, 429, 436, 2, 686, 271, 1, 753, 394, 2, 818, 362, 1, 0, 0, 0], "image_id": 20507023700, "bbox": [73, 2, 778, 478], "category_id": 1, "id": 20507023700}, {"segmentation": [[50, 0, 872, 0, 872, 480, 50, 480]], "num_keypoints": 12, "area": 394560.0, "iscrowd": 0, "keypoints": [312, 79, 2, 0, 0, 0, 268, 78, 2, 0, 0, 0, 181, 156, 2, 260, 137, 1, 166, 361, 2, 417, 213, 2, 0, 0, 0, 578, 276, 2, 0, 0, 0, 426, 349, 1, 443, 454, 2, 652, 231, 1, 750, 383, 2, 819, 376, 2, 0, 0, 0], "image_id": 20507030400, "bbox": [50, 0, 822, 480], "category_id": 1, "id": 20507030400}, {"segmentation": [[51, 4, 816, 4, 816, 480, 51, 480]], "num_keypoints": 12, "area": 364140.0, "iscrowd": 0, "keypoints": [323, 89, 2, 0, 0, 0, 285, 68, 2, 0, 0, 0, 191, 123, 2, 297, 132, 1, 172, 345, 2, 423, 232, 1, 0, 0, 0, 595, 293, 2, 460, 276, 2, 428, 321, 1, 418, 466, 1, 719, 317, 1, 764, 381, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507031000, "bbox": [51, 4, 765, 476], "category_id": 1, "id": 20507031000}, {"segmentation": [[70, 3, 870, 3, 870, 480, 70, 480]], "num_keypoints": 12, "area": 381600.0, "iscrowd": 0, "keypoints": [306, 48, 2, 0, 0, 0, 254, 32, 2, 0, 0, 0, 173, 93, 2, 263, 154, 1, 166, 324, 2, 396, 265, 1, 0, 0, 0, 540, 253, 2, 0, 0, 0, 434, 345, 1, 442, 454, 2, 654, 253, 1, 741, 373, 2, 829, 352, 1, 0, 0, 0], "image_id": 20507044000, "bbox": [70, 3, 800, 477], "category_id": 1, "id": 20507044000}, {"segmentation": [[41, 0, 839, 0, 839, 480, 41, 480]], "num_keypoints": 11, "area": 383040.0, "iscrowd": 0, "keypoints": [282, 57, 2, 0, 0, 0, 227, 50, 2, 0, 0, 0, 152, 132, 2, 262, 150, 1, 152, 331, 2, 420, 224, 2, 0, 0, 0, 583, 203, 2, 0, 0, 0, 430, 334, 2, 426, 445, 2, 694, 271, 1, 739, 365, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507054401, "bbox": [41, 0, 798, 480], "category_id": 1, "id": 20507054401}, {"segmentation": [[66, 3, 856, 3, 856, 480, 66, 480]], "num_keypoints": 13, "area": 376830.0, "iscrowd": 0, "keypoints": [322, 89, 2, 293, 65, 2, 269, 93, 2, 0, 0, 0, 179, 164, 2, 297, 123, 1, 182, 322, 2, 449, 177, 2, 0, 0, 0, 648, 224, 2, 0, 0, 0, 430, 340, 1, 434, 437, 2, 642, 226, 1, 745, 376, 2, 789, 377, 1, 0, 0, 0], "image_id": 20507055601, "bbox": [66, 3, 790, 477], "category_id": 1, "id": 20507055601}, {"segmentation": [[48, 2, 863, 2, 863, 480, 48, 480]], "num_keypoints": 13, "area": 389570.0, "iscrowd": 0, "keypoints": [324, 82, 2, 0, 0, 0, 278, 75, 2, 0, 0, 0, 185, 154, 2, 284, 136, 1, 155, 341, 2, 466, 165, 2, 0, 0, 0, 643, 186, 2, 547, 436, 2, 425, 342, 1, 446, 453, 2, 635, 237, 1, 755, 390, 2, 805, 376, 2, 0, 0, 0], "image_id": 20507056001, "bbox": [48, 2, 815, 478], "category_id": 1, "id": 20507056001}, {"segmentation": [[47, 6, 944, 6, 944, 480, 47, 480]], "num_keypoints": 14, "area": 425178.0, "iscrowd": 0, "keypoints": [297, 56, 2, 0, 0, 0, 249, 54, 2, 0, 0, 0, 173, 140, 2, 306, 118, 1, 156, 360, 2, 432, 159, 2, 0, 0, 0, 619, 93, 2, 562, 448, 2, 412, 334, 1, 434, 443, 2, 641, 230, 1, 771, 391, 2, 787, 359, 2, 891, 468, 1], "image_id": 20507056401, "bbox": [47, 6, 897, 474], "category_id": 1, "id": 20507056401}, {"segmentation": [[18, 6, 860, 6, 860, 480, 18, 480]], "num_keypoints": 13, "area": 399108.0, "iscrowd": 0, "keypoints": [298, 53, 2, 0, 0, 0, 252, 49, 2, 0, 0, 0, 174, 131, 2, 276, 127, 1, 148, 343, 2, 411, 174, 2, 0, 0, 0, 614, 110, 2, 564, 448, 2, 426, 356, 1, 458, 458, 2, 649, 229, 2, 767, 391, 2, 796, 368, 2, 0, 0, 0], "image_id": 20507056700, "bbox": [18, 6, 842, 474], "category_id": 1, "id": 20507056700}, {"segmentation": [[30, 2, 910, 2, 910, 480, 30, 480]], "num_keypoints": 13, "area": 420640.0, "iscrowd": 0, "keypoints": [262, 37, 2, 0, 0, 0, 233, 36, 2, 0, 0, 0, 193, 101, 2, 275, 131, 1, 148, 337, 2, 431, 184, 2, 0, 0, 0, 614, 116, 2, 564, 448, 2, 427, 345, 1, 443, 448, 2, 651, 221, 2, 749, 389, 2, 794, 371, 2, 0, 0, 0], "image_id": 20507057800, "bbox": [30, 2, 880, 478], "category_id": 1, "id": 20507057800}, {"segmentation": [[46, 8, 896, 8, 896, 480, 46, 480]], "num_keypoints": 14, "area": 401200.0, "iscrowd": 0, "keypoints": [318, 77, 2, 0, 0, 0, 261, 54, 2, 0, 0, 0, 162, 114, 2, 259, 122, 1, 173, 356, 2, 428, 168, 2, 0, 0, 0, 622, 100, 2, 555, 447, 2, 421, 338, 1, 442, 436, 2, 638, 233, 1, 758, 395, 2, 753, 349, 1, 854, 458, 1], "image_id": 20507059300, "bbox": [46, 8, 850, 472], "category_id": 1, "id": 20507059300}, {"segmentation": [[68, 2, 878, 2, 878, 480, 68, 480]], "num_keypoints": 14, "area": 387180.0, "iscrowd": 0, "keypoints": [322, 80, 2, 291, 36, 2, 262, 58, 2, 0, 0, 0, 166, 119, 2, 282, 127, 1, 165, 331, 2, 443, 166, 2, 0, 0, 0, 683, 136, 2, 552, 427, 2, 428, 343, 1, 449, 454, 2, 648, 221, 1, 742, 389, 2, 781, 375, 1, 0, 0, 0], "image_id": 20507059601, "bbox": [68, 2, 810, 478], "category_id": 1, "id": 20507059601}, {"segmentation": [[83, 2, 889, 2, 889, 480, 83, 480]], "num_keypoints": 15, "area": 385268.0, "iscrowd": 0, "keypoints": [312, 54, 2, 280, 16, 2, 252, 39, 2, 0, 0, 0, 165, 98, 2, 289, 133, 1, 172, 299, 2, 450, 171, 2, 0, 0, 0, 681, 143, 2, 552, 426, 2, 430, 338, 1, 447, 423, 2, 649, 220, 1, 760, 394, 2, 759, 345, 2, 864, 461, 1], "image_id": 20507060401, "bbox": [83, 2, 806, 478], "category_id": 1, "id": 20507060401}, {"segmentation": [[81, 5, 864, 5, 864, 480, 81, 480]], "num_keypoints": 13, "area": 371925.0, "iscrowd": 0, "keypoints": [310, 54, 2, 277, 15, 2, 248, 37, 2, 0, 0, 0, 166, 99, 2, 249, 129, 1, 170, 290, 2, 437, 179, 2, 0, 0, 0, 682, 169, 2, 551, 426, 2, 421, 336, 1, 437, 453, 2, 646, 216, 1, 753, 380, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507060800, "bbox": [81, 5, 783, 475], "category_id": 1, "id": 20507060800}, {"segmentation": [[70, 5, 881, 5, 881, 480, 70, 480]], "num_keypoints": 13, "area": 385225.0, "iscrowd": 0, "keypoints": [307, 58, 2, 277, 24, 2, 247, 47, 2, 0, 0, 0, 160, 108, 2, 270, 129, 1, 177, 299, 2, 451, 177, 2, 0, 0, 0, 680, 172, 2, 552, 426, 2, 422, 339, 1, 437, 451, 2, 635, 216, 1, 755, 373, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507061500, "bbox": [70, 5, 811, 475], "category_id": 1, "id": 20507061500}, {"segmentation": [[40, 2, 828, 2, 828, 475, 40, 475]], "num_keypoints": 12, "area": 372724.0, "iscrowd": 0, "keypoints": [253, 37, 2, 0, 0, 0, 204, 37, 2, 0, 0, 0, 143, 115, 2, 245, 114, 1, 158, 303, 2, 420, 204, 2, 0, 0, 0, 594, 189, 2, 477, 461, 2, 438, 338, 1, 424, 427, 1, 660, 259, 1, 756, 375, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507068200, "bbox": [40, 2, 788, 473], "category_id": 1, "id": 20507068200}, {"segmentation": [[60, 5, 882, 5, 882, 480, 60, 480]], "num_keypoints": 13, "area": 390450.0, "iscrowd": 0, "keypoints": [254, 37, 2, 0, 0, 0, 204, 37, 2, 0, 0, 0, 141, 115, 2, 273, 129, 2, 164, 352, 2, 419, 206, 2, 0, 0, 0, 594, 190, 2, 485, 464, 2, 476, 337, 2, 492, 438, 1, 640, 229, 1, 760, 384, 2, 796, 366, 1, 0, 0, 0], "image_id": 20507069300, "bbox": [60, 5, 822, 475], "category_id": 1, "id": 20507069300}, {"segmentation": [[88, 4, 863, 4, 863, 480, 88, 480]], "num_keypoints": 15, "area": 368900.0, "iscrowd": 0, "keypoints": [264, 38, 2, 0, 0, 0, 216, 37, 2, 0, 0, 0, 144, 111, 2, 278, 136, 1, 183, 321, 2, 421, 234, 2, 386, 478, 1, 577, 178, 2, 668, 463, 2, 445, 329, 1, 476, 451, 2, 636, 234, 1, 747, 377, 2, 750, 333, 1, 834, 459, 1], "image_id": 20507073601, "bbox": [88, 4, 775, 476], "category_id": 1, "id": 20507073601}, {"segmentation": [[67, 4, 903, 4, 903, 480, 67, 480]], "num_keypoints": 15, "area": 397936.0, "iscrowd": 0, "keypoints": [289, 140, 2, 286, 79, 2, 223, 111, 2, 0, 0, 0, 146, 131, 2, 336, 128, 2, 195, 352, 2, 469, 219, 2, 0, 0, 0, 622, 293, 2, 658, 468, 2, 437, 325, 1, 431, 427, 2, 641, 222, 1, 748, 375, 1, 734, 304, 1, 877, 457, 1], "image_id": 20507074001, "bbox": [67, 4, 836, 476], "category_id": 1, "id": 20507074001}, {"segmentation": [[93, 5, 860, 5, 860, 480, 93, 480]], "num_keypoints": 14, "area": 364325.0, "iscrowd": 0, "keypoints": [290, 104, 2, 282, 57, 2, 226, 90, 2, 0, 0, 0, 151, 123, 2, 321, 113, 2, 204, 317, 2, 460, 149, 2, 0, 0, 0, 677, 108, 2, 664, 468, 2, 468, 310, 2, 470, 433, 2, 652, 231, 1, 752, 364, 2, 784, 358, 1, 0, 0, 0], "image_id": 20507074400, "bbox": [93, 5, 767, 475], "category_id": 1, "id": 20507074400}, {"segmentation": [[77, 1, 860, 1, 860, 480, 77, 480]], "num_keypoints": 13, "area": 375057.0, "iscrowd": 0, "keypoints": [329, 93, 2, 0, 0, 0, 280, 81, 2, 0, 0, 0, 182, 129, 2, 287, 125, 1, 191, 295, 2, 447, 133, 2, 0, 0, 0, 627, 78, 2, 658, 460, 2, 413, 335, 1, 430, 438, 2, 640, 226, 2, 746, 372, 2, 772, 359, 1, 0, 0, 0], "image_id": 20507074801, "bbox": [77, 1, 783, 479], "category_id": 1, "id": 20507074801}, {"segmentation": [[74, 2, 812, 2, 812, 476, 74, 476]], "num_keypoints": 12, "area": 349812.0, "iscrowd": 0, "keypoints": [322, 91, 2, 0, 0, 0, 280, 83, 2, 0, 0, 0, 185, 157, 2, 293, 123, 1, 153, 348, 2, 446, 127, 2, 0, 0, 0, 652, 88, 2, 543, 447, 2, 434, 343, 1, 448, 440, 2, 628, 233, 1, 759, 401, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507075201, "bbox": [74, 2, 738, 474], "category_id": 1, "id": 20507075201}, {"segmentation": [[70, 1, 832, 1, 832, 480, 70, 480]], "num_keypoints": 12, "area": 364998.0, "iscrowd": 0, "keypoints": [304, 60, 2, 0, 0, 0, 256, 48, 2, 0, 0, 0, 172, 122, 2, 268, 133, 1, 144, 320, 2, 398, 175, 2, 0, 0, 0, 614, 99, 2, 501, 468, 2, 438, 333, 2, 457, 436, 2, 632, 220, 1, 758, 402, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507075500, "bbox": [70, 1, 762, 479], "category_id": 1, "id": 20507075500}, {"segmentation": [[56, 1, 887, 1, 887, 480, 56, 480]], "num_keypoints": 13, "area": 398049.0, "iscrowd": 0, "keypoints": [299, 64, 2, 0, 0, 0, 251, 45, 2, 0, 0, 0, 168, 111, 2, 252, 137, 1, 139, 318, 2, 433, 197, 2, 0, 0, 0, 594, 143, 2, 510, 470, 2, 441, 355, 1, 460, 463, 2, 631, 226, 1, 754, 397, 2, 784, 364, 2, 0, 0, 0], "image_id": 20507075800, "bbox": [56, 1, 831, 479], "category_id": 1, "id": 20507075800}, {"segmentation": [[27, 1, 940, 1, 940, 480, 27, 480]], "num_keypoints": 13, "area": 437327.0, "iscrowd": 0, "keypoints": [256, 37, 2, 0, 0, 0, 207, 33, 2, 0, 0, 0, 145, 115, 2, 244, 124, 1, 147, 325, 2, 428, 164, 2, 0, 0, 0, 605, 111, 2, 518, 447, 2, 432, 341, 1, 454, 468, 1, 629, 188, 1, 781, 392, 2, 705, 402, 1, 0, 0, 0], "image_id": 20507079100, "bbox": [27, 1, 913, 479], "category_id": 1, "id": 20507079100}, {"segmentation": [[44, 2, 883, 2, 883, 480, 44, 480]], "num_keypoints": 13, "area": 401042.0, "iscrowd": 0, "keypoints": [319, 98, 2, 0, 0, 0, 283, 74, 2, 0, 0, 0, 193, 108, 2, 274, 136, 1, 149, 306, 2, 428, 179, 2, 473, 455, 2, 602, 135, 2, 528, 362, 2, 435, 322, 1, 452, 422, 1, 636, 217, 1, 768, 395, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507081601, "bbox": [44, 2, 839, 478], "category_id": 1, "id": 20507081601}, {"segmentation": [[52, 3, 856, 3, 856, 480, 52, 480]], "num_keypoints": 12, "area": 383508.0, "iscrowd": 0, "keypoints": [278, 56, 2, 0, 0, 0, 245, 41, 2, 0, 0, 0, 189, 110, 2, 240, 144, 1, 138, 295, 2, 428, 183, 2, 0, 0, 0, 607, 131, 2, 0, 0, 0, 417, 357, 1, 439, 457, 2, 644, 225, 1, 752, 404, 2, 781, 368, 2, 0, 0, 0], "image_id": 20507082400, "bbox": [52, 3, 804, 477], "category_id": 1, "id": 20507082400}, {"segmentation": [[32, 3, 893, 3, 893, 480, 32, 480]], "num_keypoints": 13, "area": 410697.0, "iscrowd": 0, "keypoints": [248, 28, 2, 0, 0, 0, 201, 23, 2, 0, 0, 0, 132, 97, 2, 218, 123, 1, 144, 308, 2, 382, 195, 2, 0, 0, 0, 599, 189, 2, 506, 444, 2, 413, 349, 1, 434, 474, 1, 626, 232, 1, 764, 383, 2, 790, 366, 2, 0, 0, 0], "image_id": 20507008800, "bbox": [32, 3, 861, 477], "category_id": 1, "id": 20507008800}, {"segmentation": [[45, 0, 892, 0, 892, 480, 45, 480]], "num_keypoints": 14, "area": 406560.0, "iscrowd": 0, "keypoints": [249, 27, 2, 0, 0, 0, 201, 23, 2, 0, 0, 0, 133, 94, 2, 269, 132, 1, 145, 310, 2, 416, 204, 2, 0, 0, 0, 597, 193, 2, 502, 443, 2, 410, 351, 1, 420, 434, 2, 630, 226, 1, 753, 389, 2, 765, 350, 2, 863, 447, 1], "image_id": 20507009100, "bbox": [45, 0, 847, 480], "category_id": 1, "id": 20507009100}, {"segmentation": [[79, 5, 898, 5, 898, 480, 79, 480]], "num_keypoints": 14, "area": 389025.0, "iscrowd": 0, "keypoints": [306, 78, 2, 278, 37, 2, 248, 65, 2, 0, 0, 0, 161, 116, 2, 274, 148, 1, 194, 313, 2, 359, 247, 1, 497, 464, 2, 466, 309, 2, 724, 361, 2, 415, 325, 1, 447, 433, 1, 616, 182, 1, 732, 376, 1, 0, 0, 0, 0, 0, 0], "image_id": 20507110200, "bbox": [79, 5, 819, 475], "category_id": 1, "id": 20507110200}, {"segmentation": [[56, 6, 834, 6, 834, 480, 56, 480]], "num_keypoints": 12, "area": 368772.0, "iscrowd": 0, "keypoints": [301, 89, 2, 0, 0, 0, 243, 78, 2, 0, 0, 0, 156, 145, 2, 247, 148, 1, 198, 362, 2, 344, 243, 1, 458, 469, 2, 476, 311, 2, 670, 337, 2, 432, 341, 1, 0, 0, 0, 625, 178, 1, 732, 388, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507110500, "bbox": [56, 6, 778, 474], "category_id": 1, "id": 20507110500}, {"segmentation": [[59, 2, 815, 2, 815, 480, 59, 480]], "num_keypoints": 13, "area": 361368.0, "iscrowd": 0, "keypoints": [299, 115, 2, 0, 0, 0, 244, 90, 2, 0, 0, 0, 149, 143, 2, 266, 157, 1, 179, 311, 2, 0, 0, 0, 466, 227, 2, 485, 315, 2, 299, 43, 2, 439, 333, 1, 444, 458, 2, 626, 185, 2, 738, 385, 2, 664, 371, 1, 0, 0, 0], "image_id": 20507139100, "bbox": [59, 2, 756, 478], "category_id": 1, "id": 20507139100}, {"segmentation": [[44, 3, 854, 3, 854, 480, 44, 480]], "num_keypoints": 14, "area": 386370.0, "iscrowd": 0, "keypoints": [272, 57, 2, 0, 0, 0, 227, 43, 2, 0, 0, 0, 154, 97, 2, 276, 138, 1, 116, 250, 2, 362, 114, 2, 233, 478, 2, 319, 37, 2, 475, 373, 2, 418, 334, 1, 443, 468, 1, 630, 186, 1, 763, 362, 2, 674, 365, 1, 0, 0, 0], "image_id": 20507159300, "bbox": [44, 3, 810, 477], "category_id": 1, "id": 20507159300}, {"segmentation": [[8, 1, 841, 1, 841, 480, 8, 480]], "num_keypoints": 12, "area": 399007.0, "iscrowd": 0, "keypoints": [273, 79, 2, 0, 0, 0, 229, 78, 2, 0, 0, 0, 161, 158, 2, 285, 135, 1, 72, 265, 2, 341, 112, 2, 0, 0, 0, 278, 49, 2, 0, 0, 0, 435, 332, 1, 443, 452, 2, 626, 177, 1, 758, 364, 2, 665, 381, 1, 0, 0, 0], "image_id": 20507161400, "bbox": [8, 1, 833, 479], "category_id": 1, "id": 20507161400}, {"segmentation": [[31, 9, 886, 9, 886, 480, 31, 480]], "num_keypoints": 13, "area": 402705.0, "iscrowd": 0, "keypoints": [279, 61, 2, 249, 24, 2, 224, 48, 2, 0, 0, 0, 143, 114, 2, 268, 130, 1, 145, 301, 2, 364, 118, 2, 0, 0, 0, 304, 49, 2, 671, 476, 2, 425, 324, 1, 440, 435, 2, 648, 249, 2, 754, 357, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507166300, "bbox": [31, 9, 855, 471], "category_id": 1, "id": 20507166300}, {"segmentation": [[47, 6, 865, 6, 865, 480, 47, 480]], "num_keypoints": 14, "area": 387732.0, "iscrowd": 0, "keypoints": [266, 62, 2, 237, 26, 2, 207, 44, 2, 0, 0, 0, 126, 97, 2, 258, 137, 1, 129, 272, 2, 395, 224, 2, 0, 0, 0, 549, 195, 2, 576, 437, 2, 423, 345, 1, 432, 427, 2, 652, 231, 1, 766, 376, 2, 749, 333, 1, 0, 0, 0], "image_id": 20507168300, "bbox": [47, 6, 818, 474], "category_id": 1, "id": 20507168300}, {"segmentation": [[46, 7, 883, 7, 883, 480, 46, 480]], "num_keypoints": 12, "area": 395901.0, "iscrowd": 0, "keypoints": [278, 58, 2, 0, 0, 0, 239, 45, 2, 0, 0, 0, 172, 110, 2, 235, 153, 1, 155, 289, 2, 376, 250, 1, 0, 0, 0, 532, 279, 2, 537, 436, 2, 452, 344, 1, 497, 471, 1, 641, 213, 1, 758, 353, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507175300, "bbox": [46, 7, 837, 473], "category_id": 1, "id": 20507175300}, {"segmentation": [[75, 5, 852, 5, 852, 480, 75, 480]], "num_keypoints": 13, "area": 369075.0, "iscrowd": 0, "keypoints": [268, 45, 2, 0, 0, 0, 218, 36, 2, 0, 0, 0, 140, 102, 2, 288, 138, 2, 185, 356, 2, 418, 244, 2, 405, 480, 2, 571, 304, 2, 676, 457, 2, 480, 336, 2, 483, 439, 2, 676, 271, 1, 748, 369, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507107600, "bbox": [75, 5, 777, 475], "category_id": 1, "id": 20507107600}, {"segmentation": [[81, 2, 855, 2, 855, 480, 81, 480]], "num_keypoints": 13, "area": 369972.0, "iscrowd": 0, "keypoints": [311, 70, 2, 0, 0, 0, 269, 49, 2, 0, 0, 0, 181, 104, 2, 259, 142, 1, 149, 298, 2, 417, 218, 2, 0, 0, 0, 582, 174, 2, 478, 469, 2, 423, 324, 1, 431, 448, 2, 637, 216, 2, 751, 358, 2, 0, 0, 0, 836, 455, 1], "image_id": 20507187601, "bbox": [81, 2, 774, 478], "category_id": 1, "id": 20507187601}, {"segmentation": [[69, 9, 899, 9, 899, 480, 69, 480]], "num_keypoints": 13, "area": 390930.0, "iscrowd": 0, "keypoints": [320, 78, 2, 0, 0, 0, 261, 61, 2, 0, 0, 0, 169, 126, 2, 295, 131, 1, 160, 318, 2, 439, 152, 2, 0, 0, 0, 669, 99, 2, 477, 466, 2, 404, 342, 1, 413, 440, 2, 634, 225, 1, 761, 367, 2, 746, 373, 1, 0, 0, 0], "image_id": 20507188001, "bbox": [69, 9, 830, 471], "category_id": 1, "id": 20507188001}, {"segmentation": [[52, 4, 861, 4, 861, 480, 52, 480]], "num_keypoints": 13, "area": 385084.0, "iscrowd": 0, "keypoints": [286, 73, 2, 257, 47, 2, 235, 69, 2, 0, 0, 0, 156, 144, 2, 276, 132, 1, 154, 336, 2, 420, 168, 2, 0, 0, 0, 601, 116, 2, 478, 469, 2, 419, 339, 1, 434, 455, 2, 640, 207, 1, 760, 363, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507189601, "bbox": [52, 4, 809, 476], "category_id": 1, "id": 20507189601}, {"segmentation": [[59, 1, 880, 1, 880, 480, 59, 480]], "num_keypoints": 15, "area": 393259.0, "iscrowd": 0, "keypoints": [301, 80, 2, 270, 42, 2, 244, 66, 2, 0, 0, 0, 156, 123, 2, 269, 142, 1, 150, 319, 2, 407, 207, 2, 436, 480, 2, 595, 197, 2, 691, 458, 2, 431, 337, 1, 444, 431, 2, 676, 265, 1, 750, 366, 2, 828, 351, 1, 0, 0, 0], "image_id": 20507211100, "bbox": [59, 1, 821, 479], "category_id": 1, "id": 20507211100}, {"segmentation": [[51, 6, 892, 6, 892, 480, 51, 480]], "num_keypoints": 12, "area": 398634.0, "iscrowd": 0, "keypoints": [311, 98, 2, 0, 0, 0, 260, 83, 2, 0, 0, 0, 168, 153, 2, 275, 139, 1, 153, 340, 2, 429, 183, 2, 0, 0, 0, 668, 215, 2, 0, 0, 0, 430, 332, 1, 443, 455, 2, 638, 220, 1, 759, 371, 2, 794, 378, 1, 0, 0, 0], "image_id": 20507212401, "bbox": [51, 6, 841, 474], "category_id": 1, "id": 20507212401}, {"segmentation": [[81, 0, 844, 0, 844, 480, 81, 480]], "num_keypoints": 12, "area": 366240.0, "iscrowd": 0, "keypoints": [298, 80, 2, 268, 40, 2, 236, 69, 2, 0, 0, 0, 152, 131, 2, 258, 145, 1, 165, 339, 2, 424, 226, 2, 0, 0, 0, 594, 298, 2, 0, 0, 0, 404, 304, 1, 397, 448, 2, 616, 223, 1, 766, 369, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507212801, "bbox": [81, 0, 763, 480], "category_id": 1, "id": 20507212801}, {"segmentation": [[45, 5, 875, 5, 875, 480, 45, 480]], "num_keypoints": 13, "area": 394250.0, "iscrowd": 0, "keypoints": [257, 114, 2, 243, 60, 2, 191, 95, 2, 0, 0, 0, 128, 141, 2, 298, 142, 1, 178, 322, 2, 404, 257, 2, 0, 0, 0, 543, 301, 2, 701, 474, 2, 432, 347, 1, 453, 437, 2, 675, 261, 1, 755, 361, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507213601, "bbox": [45, 5, 830, 475], "category_id": 1, "id": 20507213601}, {"segmentation": [[83, 1, 835, 1, 835, 480, 83, 480]], "num_keypoints": 11, "area": 360208.0, "iscrowd": 0, "keypoints": [299, 68, 2, 0, 0, 0, 247, 48, 2, 0, 0, 0, 158, 116, 2, 289, 160, 2, 183, 317, 2, 401, 246, 2, 0, 0, 0, 547, 327, 2, 0, 0, 0, 461, 338, 2, 431, 438, 2, 673, 239, 1, 801, 397, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507214400, "bbox": [83, 1, 752, 479], "category_id": 1, "id": 20507214400}, {"segmentation": [[69, 2, 867, 2, 867, 479, 69, 479]], "num_keypoints": 12, "area": 380646.0, "iscrowd": 0, "keypoints": [312, 69, 2, 0, 0, 0, 279, 54, 2, 0, 0, 0, 203, 119, 2, 259, 148, 1, 162, 323, 2, 415, 236, 2, 0, 0, 0, 593, 308, 2, 693, 467, 2, 423, 344, 1, 434, 427, 2, 650, 229, 1, 749, 384, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507215601, "bbox": [69, 2, 798, 477], "category_id": 1, "id": 20507215601}, {"segmentation": [[30, 2, 833, 2, 833, 480, 30, 480]], "num_keypoints": 12, "area": 383834.0, "iscrowd": 0, "keypoints": [274, 28, 2, 0, 0, 0, 208, 37, 2, 0, 0, 0, 144, 133, 2, 275, 141, 1, 153, 360, 2, 415, 231, 2, 0, 0, 0, 535, 227, 2, 476, 466, 2, 424, 352, 1, 426, 439, 2, 641, 264, 1, 772, 376, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507201601, "bbox": [30, 2, 803, 478], "category_id": 1, "id": 20507201601}, {"segmentation": [[63, 3, 901, 3, 901, 480, 63, 480]], "num_keypoints": 14, "area": 399726.0, "iscrowd": 0, "keypoints": [299, 66, 2, 0, 0, 0, 249, 54, 2, 0, 0, 0, 165, 119, 2, 293, 158, 1, 154, 311, 2, 408, 248, 2, 0, 0, 0, 569, 286, 2, 528, 457, 2, 437, 342, 1, 425, 459, 2, 660, 219, 1, 758, 380, 2, 774, 347, 1, 861, 450, 1], "image_id": 20507216401, "bbox": [63, 3, 838, 477], "category_id": 1, "id": 20507216401}, {"segmentation": [[66, 5, 848, 5, 848, 480, 66, 480]], "num_keypoints": 12, "area": 371450.0, "iscrowd": 0, "keypoints": [278, 57, 2, 0, 0, 0, 237, 48, 2, 0, 0, 0, 161, 122, 2, 299, 146, 2, 171, 349, 2, 399, 257, 2, 0, 0, 0, 570, 289, 2, 529, 457, 2, 472, 313, 1, 499, 437, 1, 648, 228, 1, 757, 372, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507216801, "bbox": [66, 5, 782, 475], "category_id": 1, "id": 20507216801}, {"segmentation": [[74, 0, 857, 0, 857, 480, 74, 480]], "num_keypoints": 10, "area": 375840.0, "iscrowd": 0, "keypoints": [299, 77, 2, 0, 0, 0, 249, 48, 2, 0, 0, 0, 162, 95, 2, 222, 153, 1, 172, 311, 2, 344, 115, 2, 0, 0, 0, 0, 0, 0, 645, 445, 2, 444, 313, 1, 447, 435, 2, 648, 256, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0], "image_id": 20507218100, "bbox": [74, 0, 783, 480], "category_id": 1, "id": 20507218100}, {"segmentation": [[73, 3, 858, 3, 858, 480, 73, 480]], "num_keypoints": 13, "area": 374445.0, "iscrowd": 0, "keypoints": [310, 90, 2, 0, 0, 0, 258, 57, 2, 0, 0, 0, 161, 90, 2, 281, 143, 1, 153, 323, 2, 351, 120, 2, 425, 442, 2, 300, 48, 1, 720, 430, 2, 422, 335, 1, 442, 433, 1, 648, 246, 1, 757, 375, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507218500, "bbox": [73, 3, 785, 477], "category_id": 1, "id": 20507218500}, {"segmentation": [[74, 7, 836, 7, 836, 480, 74, 480]], "num_keypoints": 14, "area": 360426.0, "iscrowd": 0, "keypoints": [302, 81, 2, 0, 0, 0, 261, 57, 2, 0, 0, 0, 173, 120, 2, 259, 145, 1, 162, 329, 2, 351, 122, 2, 486, 465, 2, 303, 47, 2, 718, 436, 2, 431, 338, 1, 453, 416, 1, 654, 232, 1, 765, 378, 2, 747, 339, 2, 0, 0, 0], "image_id": 20507219500, "bbox": [74, 7, 762, 473], "category_id": 1, "id": 20507219500}, {"segmentation": [[68, 6, 880, 6, 880, 480, 68, 480]], "num_keypoints": 13, "area": 384888.0, "iscrowd": 0, "keypoints": [302, 62, 2, 0, 0, 0, 251, 58, 2, 0, 0, 0, 174, 136, 2, 277, 135, 1, 156, 340, 2, 406, 172, 2, 0, 0, 0, 615, 120, 2, 599, 480, 2, 428, 336, 1, 417, 443, 2, 639, 236, 2, 754, 382, 2, 730, 354, 1, 0, 0, 0], "image_id": 20507219800, "bbox": [68, 6, 812, 474], "category_id": 1, "id": 20507219800}, {"segmentation": [[55, 5, 866, 5, 866, 480, 55, 480]], "num_keypoints": 13, "area": 385225.0, "iscrowd": 0, "keypoints": [303, 79, 2, 0, 0, 0, 253, 62, 2, 0, 0, 0, 165, 131, 2, 277, 154, 1, 150, 332, 2, 388, 238, 2, 0, 0, 0, 565, 236, 2, 481, 469, 2, 440, 352, 1, 461, 451, 2, 637, 233, 1, 764, 373, 2, 801, 360, 1, 0, 0, 0], "image_id": 20507221100, "bbox": [55, 5, 811, 475], "category_id": 1, "id": 20507221100}, {"segmentation": [[60, 1, 907, 1, 907, 480, 60, 480]], "num_keypoints": 14, "area": 405713.0, "iscrowd": 0, "keypoints": [319, 99, 2, 0, 0, 0, 265, 77, 2, 0, 0, 0, 166, 128, 2, 288, 146, 1, 152, 328, 2, 390, 194, 2, 0, 0, 0, 573, 145, 2, 479, 469, 2, 399, 337, 1, 431, 424, 2, 655, 229, 1, 760, 383, 2, 769, 355, 1, 861, 456, 1], "image_id": 20507222401, "bbox": [60, 1, 847, 479], "category_id": 1, "id": 20507222401}, {"segmentation": [[61, 2, 858, 2, 858, 480, 61, 480]], "num_keypoints": 13, "area": 380966.0, "iscrowd": 0, "keypoints": [331, 81, 2, 302, 40, 2, 269, 60, 2, 0, 0, 0, 174, 118, 2, 271, 154, 1, 145, 336, 2, 433, 204, 2, 0, 0, 0, 652, 267, 2, 483, 469, 2, 420, 345, 1, 449, 441, 2, 625, 234, 1, 754, 371, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507222801, "bbox": [61, 2, 797, 478], "category_id": 1, "id": 20507222801}, {"segmentation": [[103, 8, 834, 8, 834, 480, 103, 480]], "num_keypoints": 15, "area": 345032.0, "iscrowd": 0, "keypoints": [315, 68, 2, 288, 33, 2, 253, 54, 2, 0, 0, 0, 165, 111, 2, 277, 149, 1, 158, 317, 2, 418, 232, 2, 0, 0, 0, 574, 220, 2, 479, 472, 2, 443, 317, 1, 433, 459, 2, 611, 247, 1, 764, 359, 2, 669, 352, 1, 809, 454, 1], "image_id": 20507223100, "bbox": [103, 8, 731, 472], "category_id": 1, "id": 20507223100}, {"segmentation": [[70, 3, 853, 3, 853, 477, 70, 477]], "num_keypoints": 14, "area": 371142.0, "iscrowd": 0, "keypoints": [291, 62, 2, 0, 0, 0, 248, 56, 2, 0, 0, 0, 165, 123, 2, 278, 151, 1, 160, 349, 2, 429, 249, 2, 0, 0, 0, 596, 315, 2, 491, 466, 2, 447, 341, 1, 456, 449, 1, 659, 239, 1, 759, 381, 2, 739, 345, 1, 820, 470, 1], "image_id": 20507223800, "bbox": [70, 3, 783, 474], "category_id": 1, "id": 20507223800}, {"segmentation": [[67, 1, 844, 1, 844, 480, 67, 480]], "num_keypoints": 15, "area": 372183.0, "iscrowd": 0, "keypoints": [276, 46, 2, 247, 15, 2, 228, 41, 2, 0, 0, 0, 143, 114, 2, 287, 136, 1, 163, 354, 2, 435, 156, 2, 0, 0, 0, 574, 112, 2, 489, 468, 2, 403, 336, 1, 447, 467, 1, 665, 267, 1, 753, 366, 2, 734, 339, 1, 815, 463, 1], "image_id": 20507224400, "bbox": [67, 1, 777, 479], "category_id": 1, "id": 20507224400}, {"segmentation": [[49, 5, 861, 5, 861, 480, 49, 480]], "num_keypoints": 12, "area": 385700.0, "iscrowd": 0, "keypoints": [298, 54, 2, 0, 0, 0, 249, 40, 2, 0, 0, 0, 170, 108, 2, 290, 127, 1, 148, 319, 2, 436, 162, 2, 0, 0, 0, 645, 91, 2, 486, 468, 2, 421, 338, 1, 447, 436, 2, 644, 265, 1, 756, 358, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507224700, "bbox": [49, 5, 812, 475], "category_id": 1, "id": 20507224700}, {"segmentation": [[40, 3, 838, 3, 838, 480, 40, 480]], "num_keypoints": 12, "area": 380646.0, "iscrowd": 0, "keypoints": [301, 53, 2, 0, 0, 0, 251, 43, 2, 0, 0, 0, 168, 108, 2, 284, 117, 1, 152, 331, 2, 455, 161, 2, 0, 0, 0, 655, 90, 2, 489, 468, 2, 436, 327, 1, 436, 443, 1, 678, 252, 1, 766, 357, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507225000, "bbox": [40, 3, 798, 477], "category_id": 1, "id": 20507225000}, {"segmentation": [[34, 6, 848, 6, 848, 480, 34, 480]], "num_keypoints": 13, "area": 385836.0, "iscrowd": 0, "keypoints": [301, 58, 2, 0, 0, 0, 278, 44, 2, 0, 0, 0, 227, 90, 2, 247, 136, 1, 160, 315, 2, 399, 202, 2, 0, 0, 0, 573, 156, 2, 529, 458, 2, 413, 336, 1, 431, 448, 2, 681, 258, 1, 775, 385, 2, 744, 377, 1, 0, 0, 0], "image_id": 20507225600, "bbox": [34, 6, 814, 474], "category_id": 1, "id": 20507225600}, {"segmentation": [[83, 4, 860, 4, 860, 480, 83, 480]], "num_keypoints": 13, "area": 369852.0, "iscrowd": 0, "keypoints": [324, 87, 2, 0, 0, 0, 278, 68, 2, 0, 0, 0, 181, 118, 2, 282, 163, 1, 204, 325, 2, 349, 223, 1, 548, 407, 2, 518, 206, 2, 767, 345, 2, 370, 299, 1, 368, 467, 1, 616, 267, 1, 677, 371, 1, 0, 0, 0, 0, 0, 0], "image_id": 20507226800, "bbox": [83, 4, 777, 476], "category_id": 1, "id": 20507226800}, {"segmentation": [[116, 5, 834, 5, 834, 480, 116, 480]], "num_keypoints": 11, "area": 341050.0, "iscrowd": 0, "keypoints": [465, 206, 2, 0, 0, 0, 443, 158, 2, 0, 0, 0, 341, 106, 2, 323, 166, 1, 223, 307, 2, 432, 247, 2, 0, 0, 0, 533, 243, 2, 0, 0, 0, 475, 300, 2, 477, 441, 2, 644, 198, 1, 769, 372, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507230801, "bbox": [116, 5, 718, 475], "category_id": 1, "id": 20507230801}, {"segmentation": [[86, 5, 876, 5, 876, 476, 86, 476]], "num_keypoints": 13, "area": 372090.0, "iscrowd": 0, "keypoints": [368, 90, 2, 0, 0, 0, 323, 65, 2, 0, 0, 0, 218, 97, 2, 280, 138, 1, 214, 310, 2, 390, 251, 1, 481, 469, 2, 540, 320, 2, 732, 373, 2, 402, 347, 1, 435, 448, 1, 638, 219, 1, 722, 361, 1, 0, 0, 0, 0, 0, 0], "image_id": 20507232100, "bbox": [86, 5, 790, 471], "category_id": 1, "id": 20507232100}, {"segmentation": [[48, 0, 844, 0, 844, 480, 48, 480]], "num_keypoints": 12, "area": 382080.0, "iscrowd": 0, "keypoints": [341, 159, 2, 345, 113, 2, 299, 119, 2, 0, 0, 0, 203, 95, 2, 303, 145, 1, 153, 281, 2, 377, 250, 1, 0, 0, 0, 462, 306, 2, 0, 0, 0, 424, 349, 1, 400, 464, 2, 637, 224, 2, 760, 349, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507234300, "bbox": [48, 0, 796, 480], "category_id": 1, "id": 20507234300}, {"segmentation": [[63, 1, 872, 1, 872, 480, 63, 480]], "num_keypoints": 12, "area": 387511.0, "iscrowd": 0, "keypoints": [310, 90, 2, 0, 0, 0, 268, 74, 2, 0, 0, 0, 176, 133, 2, 256, 150, 1, 154, 340, 2, 395, 199, 2, 0, 0, 0, 406, 120, 2, 480, 469, 2, 424, 335, 1, 436, 459, 2, 638, 226, 1, 758, 362, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507203601, "bbox": [63, 1, 809, 479], "category_id": 1, "id": 20507203601}, {"segmentation": [[59, 0, 856, 0, 856, 480, 59, 480]], "num_keypoints": 13, "area": 382560.0, "iscrowd": 0, "keypoints": [299, 73, 2, 0, 0, 0, 276, 58, 2, 0, 0, 0, 211, 120, 2, 252, 144, 1, 154, 344, 2, 395, 238, 2, 0, 0, 0, 568, 312, 2, 480, 469, 2, 445, 333, 1, 452, 461, 1, 644, 227, 1, 762, 373, 2, 803, 352, 2, 0, 0, 0], "image_id": 20507204001, "bbox": [59, 0, 797, 480], "category_id": 1, "id": 20507204001}, {"segmentation": [[84, 3, 837, 3, 837, 480, 84, 480]], "num_keypoints": 12, "area": 359181.0, "iscrowd": 0, "keypoints": [287, 58, 2, 0, 0, 0, 261, 48, 2, 0, 0, 0, 212, 111, 2, 241, 147, 1, 154, 332, 2, 404, 247, 2, 0, 0, 0, 566, 303, 2, 483, 468, 2, 449, 327, 2, 450, 452, 2, 658, 218, 1, 769, 364, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507206001, "bbox": [84, 3, 753, 477], "category_id": 1, "id": 20507206001}, {"segmentation": [[47, 5, 838, 5, 838, 480, 47, 480]], "num_keypoints": 12, "area": 375725.0, "iscrowd": 0, "keypoints": [298, 58, 2, 0, 0, 0, 268, 47, 2, 0, 0, 0, 208, 107, 2, 259, 141, 1, 162, 333, 2, 393, 239, 2, 0, 0, 0, 562, 308, 2, 479, 466, 2, 438, 345, 1, 437, 450, 1, 657, 217, 1, 781, 364, 2, 0, 0, 0, 0, 0, 0], "image_id": 20507207201, "bbox": [47, 5, 791, 475], "category_id": 1, "id": 20507207201}, {"segmentation": [[48, 8, 896, 8, 896, 480, 48, 480]], "num_keypoints": 15, "area": 400256.0, "iscrowd": 0, "keypoints": [302, 69, 2, 278, 41, 2, 256, 58, 2, 0, 0, 0, 174, 128, 2, 273, 148, 1, 162, 341, 2, 404, 226, 2, 0, 0, 0, 558, 248, 2, 478, 466, 2, 430, 351, 1, 438, 432, 2, 641, 224, 1, 763, 363, 2, 797, 345, 2, 861, 452, 1], "image_id": 20507208001, "bbox": [48, 8, 848, 472], "category_id": 1, "id": 20507208001}, {"segmentation": [[352, 2, 889, 2, 889, 440, 352, 440]], "num_keypoints": 9, "area": 235206.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 451, 111, 2, 0, 0, 0, 568, 398, 2, 645, 132, 2, 683, 324, 2, 587, 230, 1, 597, 345, 1, 762, 195, 2, 837, 304, 2, 858, 301, 1, 0, 0, 0], "image_id": 21500916000, "bbox": [352, 2, 537, 438], "category_id": 1, "id": 21500916000}, {"segmentation": [[342, 0, 923, 0, 923, 478, 342, 478]], "num_keypoints": 13, "area": 277718.0, "iscrowd": 0, "keypoints": [633, 76, 2, 0, 0, 0, 598, 47, 2, 0, 0, 0, 481, 12, 2, 0, 0, 0, 448, 162, 2, 558, 129, 1, 489, 433, 2, 656, 99, 2, 678, 290, 2, 575, 245, 1, 581, 343, 1, 764, 193, 2, 840, 308, 2, 848, 307, 1, 0, 0, 0], "image_id": 21500917201, "bbox": [342, 0, 581, 478], "category_id": 1, "id": 21500917201}, {"segmentation": [[362, 2, 917, 2, 917, 452, 362, 452]], "num_keypoints": 12, "area": 249750.0, "iscrowd": 0, "keypoints": [627, 14, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 478, 4, 2, 441, 8, 1, 476, 179, 2, 0, 0, 0, 564, 412, 2, 708, 15, 2, 691, 331, 2, 588, 234, 1, 599, 322, 2, 762, 193, 2, 837, 309, 1, 861, 305, 1, 0, 0, 0], "image_id": 21500917600, "bbox": [362, 2, 555, 450], "category_id": 1, "id": 21500917600}, {"segmentation": [[331, 5, 996, 5, 996, 409, 331, 409]], "num_keypoints": 11, "area": 268660.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 471, 17, 1, 452, 103, 1, 604, 33, 2, 693, 130, 2, 763, 14, 2, 837, 24, 2, 582, 230, 1, 577, 349, 2, 768, 212, 2, 815, 326, 2, 836, 293, 1, 0, 0, 0], "image_id": 21500918600, "bbox": [331, 5, 665, 404], "category_id": 1, "id": 21500918600}, {"segmentation": [[332, 3, 960, 3, 960, 402, 332, 402]], "num_keypoints": 11, "area": 250572.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 418, 23, 1, 492, 133, 2, 605, 44, 2, 696, 197, 2, 740, 4, 2, 828, 23, 2, 548, 240, 1, 568, 357, 2, 768, 219, 2, 835, 311, 2, 824, 337, 1, 0, 0, 0], "image_id": 21500920900, "bbox": [332, 3, 628, 399], "category_id": 1, "id": 21500920900}, {"segmentation": [[318, 2, 1137, 2, 1137, 409, 318, 409]], "num_keypoints": 11, "area": 333333.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 451, 23, 1, 444, 132, 2, 577, 5, 2, 679, 200, 2, 705, 6, 2, 931, 89, 2, 579, 250, 1, 579, 345, 2, 754, 203, 1, 823, 314, 2, 859, 313, 1, 0, 0, 0], "image_id": 21500921300, "bbox": [318, 2, 819, 407], "category_id": 1, "id": 21500921300}, {"segmentation": [[336, 0, 923, 0, 923, 470, 336, 470]], "num_keypoints": 11, "area": 275890.0, "iscrowd": 0, "keypoints": [595, 25, 2, 0, 0, 0, 573, 5, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 441, 162, 2, 0, 0, 0, 533, 397, 2, 665, 37, 2, 761, 401, 2, 573, 247, 1, 573, 338, 2, 757, 206, 2, 835, 304, 2, 847, 307, 1, 0, 0, 0], "image_id": 21500922000, "bbox": [336, 0, 587, 470], "category_id": 1, "id": 21500922000}, {"segmentation": [[347, 1, 914, 1, 914, 469, 347, 469]], "num_keypoints": 12, "area": 265356.0, "iscrowd": 0, "keypoints": [771, 230, 2, 0, 0, 0, 756, 211, 2, 0, 0, 0, 647, 145, 2, 591, 10, 2, 545, 222, 2, 0, 0, 0, 457, 427, 2, 0, 0, 0, 641, 361, 2, 593, 258, 1, 575, 340, 1, 759, 206, 1, 824, 301, 2, 856, 314, 1, 0, 0, 0], "image_id": 21500930001, "bbox": [347, 1, 567, 468], "category_id": 1, "id": 21500930001}, {"segmentation": [[353, 3, 926, 3, 926, 457, 353, 457]], "num_keypoints": 13, "area": 260142.0, "iscrowd": 0, "keypoints": [582, 53, 2, 600, 19, 2, 552, 25, 2, 0, 0, 0, 448, 7, 2, 0, 0, 0, 462, 144, 2, 0, 0, 0, 510, 418, 2, 636, 15, 2, 658, 328, 2, 610, 235, 1, 596, 331, 1, 762, 198, 2, 839, 308, 2, 836, 316, 1, 0, 0, 0], "image_id": 21500930600, "bbox": [353, 3, 573, 454], "category_id": 1, "id": 21500930600}, {"segmentation": [[325, 4, 901, 4, 901, 480, 325, 480]], "num_keypoints": 13, "area": 274176.0, "iscrowd": 0, "keypoints": [543, 68, 2, 555, 24, 2, 501, 42, 2, 0, 0, 0, 398, 7, 2, 0, 0, 0, 441, 164, 2, 0, 0, 0, 509, 411, 2, 636, 19, 2, 731, 449, 2, 570, 250, 1, 586, 344, 2, 762, 193, 2, 839, 303, 2, 843, 303, 1, 0, 0, 0], "image_id": 21500931000, "bbox": [325, 4, 576, 476], "category_id": 1, "id": 21500931000}, {"segmentation": [[370, 1, 981, 1, 981, 434, 370, 434]], "num_keypoints": 12, "area": 264563.0, "iscrowd": 0, "keypoints": [650, 64, 2, 0, 0, 0, 635, 36, 2, 0, 0, 0, 531, 3, 2, 0, 0, 0, 480, 119, 2, 0, 0, 0, 675, 321, 2, 650, 37, 1, 872, 329, 2, 572, 242, 1, 588, 350, 2, 757, 193, 2, 829, 304, 2, 848, 301, 1, 0, 0, 0], "image_id": 21500940000, "bbox": [370, 1, 611, 433], "category_id": 1, "id": 21500940000}, {"segmentation": [[357, 1, 1010, 1, 1010, 429, 357, 429]], "num_keypoints": 10, "area": 279484.0, "iscrowd": 0, "keypoints": [658, 15, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 580, 166, 2, 0, 0, 0, 754, 318, 2, 643, 32, 2, 932, 344, 2, 585, 238, 1, 603, 343, 2, 755, 196, 2, 829, 295, 1, 857, 337, 1, 0, 0, 0], "image_id": 21500940400, "bbox": [357, 1, 653, 428], "category_id": 1, "id": 21500940400}, {"segmentation": [[290, 1, 934, 1, 934, 472, 290, 472]], "num_keypoints": 12, "area": 303324.0, "iscrowd": 0, "keypoints": [603, 70, 2, 0, 0, 0, 595, 39, 2, 0, 0, 0, 498, 4, 2, 0, 0, 0, 436, 153, 2, 0, 0, 0, 383, 389, 2, 648, 24, 2, 615, 423, 2, 589, 248, 1, 596, 341, 2, 754, 190, 2, 847, 308, 2, 858, 307, 1, 0, 0, 0], "image_id": 21500941000, "bbox": [290, 1, 644, 471], "category_id": 1, "id": 21500941000}, {"segmentation": [[350, 0, 928, 0, 928, 443, 350, 443]], "num_keypoints": 9, "area": 256054.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 484, 178, 2, 0, 0, 0, 574, 395, 2, 623, 19, 2, 681, 318, 2, 597, 236, 1, 605, 332, 1, 753, 197, 2, 848, 310, 2, 838, 305, 1, 0, 0, 0], "image_id": 21500942000, "bbox": [350, 0, 578, 443], "category_id": 1, "id": 21500942000}, {"segmentation": [[357, 0, 895, 0, 895, 400, 357, 400]], "num_keypoints": 9, "area": 215200.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 482, 161, 2, 0, 0, 0, 682, 269, 2, 636, 19, 2, 756, 83, 2, 582, 249, 1, 595, 349, 2, 760, 208, 2, 847, 310, 2, 857, 323, 1, 0, 0, 0], "image_id": 21500943100, "bbox": [357, 0, 538, 400], "category_id": 1, "id": 21500943100}, {"segmentation": [[333, 1, 888, 1, 888, 414, 333, 414]], "num_keypoints": 11, "area": 229215.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 454, 28, 1, 485, 123, 2, 590, 104, 2, 702, 218, 2, 708, 62, 2, 826, 69, 2, 588, 258, 1, 607, 348, 2, 760, 205, 1, 831, 300, 2, 842, 297, 1, 0, 0, 0], "image_id": 21500944300, "bbox": [333, 1, 555, 413], "category_id": 1, "id": 21500944300}, {"segmentation": [[351, 3, 886, 3, 886, 427, 351, 427]], "num_keypoints": 9, "area": 226840.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 164, 2, 0, 0, 0, 599, 350, 2, 647, 20, 2, 699, 173, 2, 597, 242, 1, 596, 334, 1, 754, 190, 2, 835, 308, 2, 853, 304, 1, 0, 0, 0], "image_id": 21500954300, "bbox": [351, 3, 535, 424], "category_id": 1, "id": 21500954300}, {"segmentation": [[386, 4, 1026, 4, 1026, 435, 386, 435]], "num_keypoints": 10, "area": 275840, "iscrowd": 0, "keypoints": [691, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 551, 4, 2, 0, 0, 0, 513, 176, 2, 0, 0, 0, 742, 341, 2, 616, 167, 1, 911, 248, 2, 602, 238, 1, 608, 341, 1, 764, 191, 2, 851, 299, 1, 0, 0, 0, 0, 0, 0], "image_id": 21500906600, "bbox": [386, 4, 640, 431], "category_id": 1, "id": 21500906600}, {"segmentation": [[362, 2, 900, 2, 900, 408, 362, 408]], "num_keypoints": 11, "area": 218428.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 451, 27, 1, 470, 166, 2, 534, 144, 1, 590, 373, 2, 619, 122, 2, 722, 215, 2, 601, 239, 1, 594, 335, 1, 760, 196, 1, 815, 309, 2, 842, 307, 1, 0, 0, 0], "image_id": 21500907600, "bbox": [362, 2, 538, 406], "category_id": 1, "id": 21500907600}, {"segmentation": [[340, 1, 889, 1, 889, 439, 340, 439]], "num_keypoints": 10, "area": 240462.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 598, 17, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 132, 2, 0, 0, 0, 541, 393, 2, 597, 36, 2, 673, 229, 2, 577, 242, 1, 579, 337, 1, 758, 192, 2, 831, 303, 2, 840, 295, 1, 0, 0, 0], "image_id": 21500976200, "bbox": [340, 1, 549, 438], "category_id": 1, "id": 21500976200}, {"segmentation": [[357, 0, 882, 0, 882, 429, 357, 429]], "num_keypoints": 10, "area": 225225.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 431, 12, 1, 461, 152, 2, 576, 3, 1, 573, 389, 2, 0, 0, 0, 731, 331, 2, 615, 237, 1, 604, 316, 2, 758, 192, 1, 848, 306, 2, 843, 288, 1, 0, 0, 0], "image_id": 21500982600, "bbox": [357, 0, 525, 429], "category_id": 1, "id": 21500982600}, {"segmentation": [[372, 0, 919, 0, 919, 433, 372, 433]], "num_keypoints": 8, "area": 236851.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 462, 152, 2, 0, 0, 0, 564, 386, 2, 0, 0, 0, 731, 331, 2, 599, 240, 1, 599, 325, 2, 762, 201, 2, 842, 299, 2, 843, 311, 1, 0, 0, 0], "image_id": 21500983300, "bbox": [372, 0, 547, 433], "category_id": 1, "id": 21500983300}, {"segmentation": [[352, 4, 915, 4, 915, 431, 352, 431]], "num_keypoints": 9, "area": 240401.0, "iscrowd": 0, "keypoints": [547, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 470, 195, 2, 0, 0, 0, 570, 387, 2, 0, 0, 0, 731, 330, 2, 629, 222, 2, 635, 310, 2, 763, 185, 2, 845, 297, 2, 876, 301, 2, 0, 0, 0], "image_id": 21500983600, "bbox": [352, 4, 563, 427], "category_id": 1, "id": 21500983600}, {"segmentation": [[345, 2, 893, 2, 893, 431, 345, 431]], "num_keypoints": 9, "area": 235092.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 513, 41, 1, 457, 141, 2, 0, 0, 0, 562, 385, 2, 0, 0, 0, 737, 326, 2, 609, 237, 1, 604, 326, 1, 760, 193, 2, 846, 300, 2, 825, 336, 1, 0, 0, 0], "image_id": 21500983900, "bbox": [345, 2, 548, 429], "category_id": 1, "id": 21500983900}, {"segmentation": [[356, 4, 881, 4, 881, 427, 356, 427]], "num_keypoints": 8, "area": 222075.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 462, 165, 2, 0, 0, 0, 565, 376, 2, 0, 0, 0, 731, 329, 2, 592, 245, 1, 597, 329, 2, 760, 197, 2, 846, 305, 2, 840, 305, 1, 0, 0, 0], "image_id": 21500984500, "bbox": [356, 4, 525, 423], "category_id": 1, "id": 21500984500}, {"segmentation": [[353, 1, 898, 1, 898, 433, 353, 433]], "num_keypoints": 10, "area": 235440.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 482, 131, 2, 528, 134, 1, 626, 325, 2, 637, 125, 1, 658, 173, 2, 603, 235, 1, 591, 343, 1, 756, 194, 2, 840, 304, 2, 838, 314, 1, 0, 0, 0], "image_id": 21500908500, "bbox": [353, 1, 545, 432], "category_id": 1, "id": 21500908500}, {"segmentation": [[353, 2, 922, 2, 922, 441, 353, 441]], "num_keypoints": 9, "area": 249791.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 479, 19, 1, 448, 141, 2, 0, 0, 0, 556, 387, 2, 0, 0, 0, 731, 331, 2, 609, 251, 1, 617, 328, 2, 760, 198, 2, 851, 300, 2, 849, 319, 1, 0, 0, 0], "image_id": 21500985100, "bbox": [353, 2, 569, 439], "category_id": 1, "id": 21500985100}, {"segmentation": [[345, 3, 875, 3, 875, 381, 345, 381]], "num_keypoints": 9, "area": 200340.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 484, 15, 1, 419, 72, 2, 0, 0, 0, 593, 273, 2, 0, 0, 0, 752, 319, 2, 589, 240, 1, 581, 344, 2, 756, 184, 2, 844, 307, 2, 846, 295, 1, 0, 0, 0], "image_id": 21500986900, "bbox": [345, 3, 530, 378], "category_id": 1, "id": 21500986900}, {"segmentation": [[344, 1, 918, 1, 918, 439, 344, 439]], "num_keypoints": 9, "area": 251412.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 112, 2, 0, 0, 0, 568, 395, 2, 636, 7, 2, 811, 364, 2, 602, 228, 1, 610, 321, 2, 764, 198, 2, 844, 302, 2, 832, 288, 1, 0, 0, 0], "image_id": 21500989800, "bbox": [344, 1, 574, 438], "category_id": 1, "id": 21500989800}, {"segmentation": [[332, 2, 903, 2, 903, 410, 332, 410]], "num_keypoints": 12, "area": 232968.0, "iscrowd": 0, "keypoints": [594, 24, 2, 0, 0, 0, 574, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 454, 116, 2, 549, 124, 1, 565, 358, 2, 637, 119, 2, 732, 216, 2, 585, 225, 1, 577, 337, 1, 765, 208, 1, 840, 302, 2, 847, 305, 1, 0, 0, 0], "image_id": 21500909000, "bbox": [332, 2, 571, 408], "category_id": 1, "id": 21500909000}, {"segmentation": [[327, 1, 920, 1, 920, 433, 327, 433]], "num_keypoints": 11, "area": 256176.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 21, 1, 461, 154, 2, 549, 116, 1, 556, 379, 2, 690, 99, 2, 690, 320, 2, 590, 237, 1, 591, 343, 1, 760, 202, 2, 825, 318, 2, 847, 325, 1, 0, 0, 0], "image_id": 21501018900, "bbox": [327, 1, 593, 432], "category_id": 1, "id": 21501018900}, {"segmentation": [[339, 1, 912, 1, 912, 431, 339, 431]], "num_keypoints": 11, "area": 246390.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 478, 20, 1, 468, 176, 2, 623, 47, 2, 564, 389, 2, 776, 18, 2, 689, 320, 2, 586, 234, 1, 597, 339, 1, 764, 199, 2, 836, 318, 2, 841, 323, 1, 0, 0, 0], "image_id": 21501020600, "bbox": [339, 1, 573, 430], "category_id": 1, "id": 21501020600}, {"segmentation": [[360, 0, 947, 0, 947, 436, 360, 436]], "num_keypoints": 11, "area": 255932.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 477, 18, 1, 466, 148, 2, 582, 6, 2, 560, 397, 2, 718, 6, 2, 686, 322, 2, 596, 245, 1, 601, 321, 2, 769, 222, 1, 845, 317, 2, 899, 308, 2, 0, 0, 0], "image_id": 21501023600, "bbox": [360, 0, 587, 436], "category_id": 1, "id": 21501023600}, {"segmentation": [[353, 3, 951, 3, 951, 461, 353, 461]], "num_keypoints": 9, "area": 273884.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 485, 174, 2, 0, 0, 0, 574, 410, 2, 646, 23, 2, 764, 376, 2, 627, 236, 2, 642, 333, 2, 781, 226, 2, 846, 314, 2, 910, 308, 2, 0, 0, 0], "image_id": 21501025201, "bbox": [353, 3, 598, 458], "category_id": 1, "id": 21501025201}, {"segmentation": [[364, 5, 899, 5, 899, 403, 364, 403]], "num_keypoints": 7, "area": 212930.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 524, 40, 2, 0, 0, 0, 744, 24, 2, 0, 0, 0, 0, 0, 0, 586, 250, 1, 590, 333, 2, 752, 190, 2, 856, 320, 2, 834, 309, 1, 0, 0, 0], "image_id": 21501029300, "bbox": [364, 5, 535, 398], "category_id": 1, "id": 21501029300}, {"segmentation": [[377, 0, 902, 0, 902, 401, 377, 401]], "num_keypoints": 7, "area": 210525.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 566, 21, 2, 0, 0, 0, 808, 6, 2, 0, 0, 0, 0, 0, 0, 577, 245, 1, 589, 347, 2, 755, 201, 2, 842, 323, 2, 825, 309, 1, 0, 0, 0], "image_id": 21501029601, "bbox": [377, 0, 525, 401], "category_id": 1, "id": 21501029601}, {"segmentation": [[393, 1, 935, 1, 935, 424, 393, 424]], "num_keypoints": 7, "area": 229266.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 570, 35, 2, 0, 0, 0, 796, 9, 2, 0, 0, 0, 0, 0, 0, 569, 254, 1, 571, 352, 2, 750, 195, 1, 837, 299, 2, 823, 307, 1, 0, 0, 0], "image_id": 21501030001, "bbox": [393, 1, 542, 423], "category_id": 1, "id": 21501030001}, {"segmentation": [[381, 1, 934, 1, 934, 431, 381, 431]], "num_keypoints": 7, "area": 237790.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 562, 57, 2, 0, 0, 0, 775, 47, 2, 0, 0, 0, 0, 0, 0, 575, 258, 1, 588, 351, 2, 755, 207, 1, 838, 298, 2, 849, 302, 1, 0, 0, 0], "image_id": 21501030401, "bbox": [381, 1, 553, 430], "category_id": 1, "id": 21501030401}, {"segmentation": [[330, 3, 945, 3, 945, 412, 330, 412]], "num_keypoints": 9, "area": 251535.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 568, 9, 2, 406, 115, 2, 657, 111, 2, 621, 315, 2, 768, 165, 2, 823, 328, 2, 596, 236, 1, 601, 330, 1, 774, 197, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0], "image_id": 21501003100, "bbox": [330, 3, 615, 409], "category_id": 1, "id": 21501003100}, {"segmentation": [[329, 3, 945, 3, 945, 432, 329, 432]], "num_keypoints": 11, "area": 264264, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 526, 3, 1, 428, 134, 2, 624, 103, 2, 589, 347, 2, 737, 179, 2, 805, 331, 2, 589, 244, 1, 592, 331, 1, 761, 208, 1, 817, 314, 1, 890, 321, 1, 0, 0, 0], "image_id": 21501003600, "bbox": [329, 3, 616, 429], "category_id": 1, "id": 21501003600}, {"segmentation": [[372, 4, 940, 4, 940, 419, 372, 419]], "num_keypoints": 11, "area": 235720.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 509, 29, 1, 469, 127, 2, 635, 108, 2, 618, 381, 2, 755, 153, 2, 820, 336, 2, 606, 241, 1, 608, 319, 1, 781, 231, 1, 826, 308, 1, 896, 306, 1, 0, 0, 0], "image_id": 21501004100, "bbox": [372, 4, 568, 415], "category_id": 1, "id": 21501004100}, {"segmentation": [[350, 1, 941, 1, 941, 432, 350, 432]], "num_keypoints": 11, "area": 254721.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 19, 1, 477, 132, 2, 582, 100, 2, 562, 385, 2, 694, 177, 2, 773, 345, 2, 589, 238, 1, 586, 326, 1, 782, 231, 2, 819, 308, 1, 917, 312, 2, 0, 0, 0], "image_id": 21501004401, "bbox": [350, 1, 591, 431], "category_id": 1, "id": 21501004401}, {"segmentation": [[351, 4, 936, 4, 936, 438, 351, 438]], "num_keypoints": 11, "area": 253890.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 431, 13, 1, 464, 152, 2, 0, 0, 0, 557, 394, 2, 645, 23, 2, 710, 256, 2, 599, 219, 2, 616, 351, 2, 755, 187, 2, 843, 301, 2, 851, 325, 1, 876, 376, 1], "image_id": 21501044801, "bbox": [351, 4, 585, 434], "category_id": 1, "id": 21501044801}, {"segmentation": [[336, 1, 926, 1, 926, 446, 336, 446]], "num_keypoints": 10, "area": 262550.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 454, 11, 1, 452, 148, 2, 0, 0, 0, 522, 407, 2, 636, 14, 2, 698, 308, 2, 588, 237, 1, 595, 343, 1, 757, 194, 2, 844, 305, 2, 844, 291, 1, 0, 0, 0], "image_id": 21501045601, "bbox": [336, 1, 590, 445], "category_id": 1, "id": 21501045601}, {"segmentation": [[334, 0, 901, 0, 901, 434, 334, 434]], "num_keypoints": 12, "area": 246078.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 586, 4, 2, 459, 7, 1, 479, 139, 2, 582, 113, 1, 562, 394, 2, 701, 162, 2, 702, 322, 2, 603, 234, 1, 608, 331, 1, 774, 209, 2, 858, 311, 2, 851, 315, 1, 0, 0, 0], "image_id": 21501051400, "bbox": [334, 0, 567, 434], "category_id": 1, "id": 21501051400}, {"segmentation": [[391, 0, 934, 0, 934, 426, 391, 426]], "num_keypoints": 13, "area": 231318.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 674, 24, 2, 0, 0, 0, 639, 4, 2, 499, 35, 1, 558, 131, 2, 566, 176, 1, 569, 350, 2, 664, 195, 2, 707, 312, 2, 594, 245, 1, 595, 339, 1, 767, 210, 1, 838, 299, 2, 851, 306, 1, 0, 0, 0], "image_id": 21501051900, "bbox": [391, 0, 543, 426], "category_id": 1, "id": 21501051900}, {"segmentation": [[333, 0, 938, 0, 938, 452, 333, 452]], "num_keypoints": 11, "area": 273460.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 46, 1, 456, 135, 2, 557, 142, 1, 573, 379, 2, 657, 185, 2, 789, 358, 2, 596, 247, 1, 599, 324, 2, 760, 202, 2, 840, 315, 1, 860, 312, 2, 0, 0, 0], "image_id": 21501005201, "bbox": [333, 0, 605, 452], "category_id": 1, "id": 21501005201}, {"segmentation": [[314, 0, 912, 0, 912, 453, 314, 453]], "num_keypoints": 11, "area": 270894.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 456, 19, 1, 451, 147, 2, 546, 135, 1, 531, 405, 2, 657, 185, 2, 680, 349, 2, 585, 246, 1, 597, 337, 2, 766, 208, 2, 848, 320, 2, 863, 320, 2, 0, 0, 0], "image_id": 21501005500, "bbox": [314, 0, 598, 453], "category_id": 1, "id": 21501005500}, {"segmentation": [[364, 2, 927, 2, 927, 451, 364, 451]], "num_keypoints": 8, "area": 252787.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 132, 2, 0, 0, 0, 543, 406, 2, 0, 0, 0, 699, 341, 2, 590, 252, 1, 599, 334, 2, 761, 194, 2, 841, 303, 2, 844, 301, 1, 0, 0, 0], "image_id": 21501055900, "bbox": [364, 2, 563, 449], "category_id": 1, "id": 21501055900}, {"segmentation": [[386, 1, 934, 1, 934, 455, 386, 455]], "num_keypoints": 11, "area": 248792.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 533, 22, 1, 507, 178, 2, 650, 93, 2, 520, 416, 2, 755, 37, 2, 685, 344, 2, 614, 243, 1, 614, 329, 2, 767, 206, 1, 832, 320, 2, 844, 312, 1, 0, 0, 0], "image_id": 21501005800, "bbox": [386, 1, 548, 454], "category_id": 1, "id": 21501005800}, {"segmentation": [[354, 3, 887, 3, 887, 437, 354, 437]], "num_keypoints": 10, "area": 231322.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 503, 32, 2, 478, 150, 2, 627, 95, 1, 541, 404, 2, 774, 123, 2, 687, 302, 2, 593, 247, 1, 594, 344, 1, 760, 192, 2, 0, 0, 0, 848, 320, 2, 0, 0, 0], "image_id": 21501006401, "bbox": [354, 3, 533, 434], "category_id": 1, "id": 21501006401}, {"segmentation": [[338, 0, 894, 0, 894, 455, 338, 455]], "num_keypoints": 8, "area": 252980.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 473, 144, 2, 0, 0, 0, 564, 385, 2, 0, 0, 0, 724, 331, 2, 598, 234, 1, 617, 328, 2, 758, 194, 2, 849, 308, 2, 847, 295, 1, 0, 0, 0], "image_id": 21501065600, "bbox": [338, 0, 556, 455], "category_id": 1, "id": 21501065600}, {"segmentation": [[345, 0, 934, 0, 934, 415, 345, 415]], "num_keypoints": 11, "area": 244435.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 489, 28, 1, 477, 141, 2, 620, 82, 2, 722, 227, 2, 706, 132, 2, 826, 84, 2, 589, 263, 1, 588, 347, 2, 755, 189, 1, 850, 321, 2, 847, 328, 1, 0, 0, 0], "image_id": 21501006801, "bbox": [345, 0, 589, 415], "category_id": 1, "id": 21501006801}, {"segmentation": [[342, 3, 910, 3, 910, 454, 342, 454]], "num_keypoints": 11, "area": 256168.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 17, 1, 462, 132, 2, 595, 44, 2, 572, 403, 2, 742, 25, 2, 768, 341, 2, 585, 248, 1, 587, 326, 1, 759, 199, 1, 845, 306, 2, 845, 304, 1, 0, 0, 0], "image_id": 21501080001, "bbox": [342, 3, 568, 451], "category_id": 1, "id": 21501080001}, {"segmentation": [[340, 1, 926, 1, 926, 438, 340, 438]], "num_keypoints": 11, "area": 256082.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 475, 18, 1, 464, 164, 2, 623, 24, 2, 574, 383, 2, 809, 7, 2, 776, 391, 2, 597, 247, 1, 614, 330, 2, 760, 185, 2, 848, 307, 2, 841, 314, 1, 0, 0, 0], "image_id": 21501115000, "bbox": [340, 1, 586, 437], "category_id": 1, "id": 21501115000}, {"segmentation": [[328, 2, 939, 2, 939, 455, 328, 455]], "num_keypoints": 11, "area": 276783.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 25, 1, 453, 139, 2, 606, 8, 2, 562, 373, 2, 753, 11, 2, 776, 390, 2, 587, 245, 1, 598, 332, 2, 764, 195, 2, 847, 304, 2, 835, 309, 1, 0, 0, 0], "image_id": 21501115600, "bbox": [328, 2, 611, 453], "category_id": 1, "id": 21501115600}, {"segmentation": [[333, 2, 935, 2, 935, 405, 333, 405]], "num_keypoints": 9, "area": 242606.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 470, 96, 2, 0, 0, 0, 706, 131, 2, 647, 18, 2, 837, 14, 2, 575, 233, 1, 577, 331, 2, 765, 192, 2, 841, 309, 2, 817, 305, 1, 0, 0, 0], "image_id": 21501116001, "bbox": [333, 2, 602, 403], "category_id": 1, "id": 21501116001}, {"segmentation": [[339, 1, 901, 1, 901, 408, 339, 408]], "num_keypoints": 11, "area": 228734.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 463, 14, 1, 461, 153, 2, 564, 72, 2, 608, 333, 2, 687, 120, 2, 766, 225, 2, 589, 241, 1, 587, 338, 1, 766, 194, 1, 842, 296, 2, 836, 315, 1, 0, 0, 0], "image_id": 21501116300, "bbox": [339, 1, 562, 407], "category_id": 1, "id": 21501116300}, {"segmentation": [[331, 1, 900, 1, 900, 436, 331, 436]], "num_keypoints": 11, "area": 247515.0, "iscrowd": 0, "keypoints": [610, 49, 2, 0, 0, 0, 591, 24, 2, 0, 0, 0, 490, 4, 2, 0, 0, 0, 448, 128, 2, 0, 0, 0, 404, 377, 2, 0, 0, 0, 585, 386, 2, 591, 248, 1, 597, 347, 2, 761, 191, 2, 848, 307, 2, 844, 327, 1, 0, 0, 0], "image_id": 21501116801, "bbox": [331, 1, 569, 435], "category_id": 1, "id": 21501116801}, {"segmentation": [[348, 3, 902, 3, 902, 416, 348, 416]], "num_keypoints": 9, "area": 228802.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 462, 19, 1, 471, 143, 2, 0, 0, 0, 669, 281, 2, 0, 0, 0, 765, 81, 2, 611, 223, 1, 604, 329, 2, 775, 197, 2, 853, 311, 2, 848, 319, 2, 0, 0, 0], "image_id": 21501117900, "bbox": [348, 3, 554, 413], "category_id": 1, "id": 21501117900}, {"segmentation": [[336, 1, 901, 1, 901, 455, 336, 455]], "num_keypoints": 9, "area": 256510.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 139, 2, 0, 0, 0, 531, 381, 2, 648, 26, 2, 752, 407, 2, 567, 248, 1, 594, 340, 2, 761, 190, 2, 836, 295, 2, 836, 314, 1, 0, 0, 0], "image_id": 21501118801, "bbox": [336, 1, 565, 454], "category_id": 1, "id": 21501118801}, {"segmentation": [[347, 5, 934, 5, 934, 480, 347, 480]], "num_keypoints": 12, "area": 278825.0, "iscrowd": 0, "keypoints": [615, 110, 2, 644, 76, 2, 591, 76, 2, 0, 0, 0, 500, 14, 2, 0, 0, 0, 461, 166, 2, 0, 0, 0, 471, 431, 2, 647, 26, 1, 0, 0, 0, 577, 234, 1, 586, 332, 1, 761, 194, 2, 840, 299, 2, 836, 309, 1, 0, 0, 0], "image_id": 21501124801, "bbox": [347, 5, 587, 475], "category_id": 1, "id": 21501124801}, {"segmentation": [[325, 0, 968, 0, 968, 458, 325, 458]], "num_keypoints": 11, "area": 294494.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 439, 15, 1, 469, 155, 2, 0, 0, 0, 578, 406, 2, 618, 16, 2, 780, 395, 2, 613, 226, 1, 612, 333, 2, 759, 183, 2, 849, 300, 2, 807, 270, 1, 886, 340, 1], "image_id": 21501126801, "bbox": [325, 0, 643, 458], "category_id": 1, "id": 21501126801}, {"segmentation": [[340, 2, 937, 2, 937, 446, 340, 446]], "num_keypoints": 12, "area": 265068.0, "iscrowd": 0, "keypoints": [597, 51, 2, 0, 0, 0, 551, 27, 2, 0, 0, 0, 451, 16, 2, 0, 0, 0, 461, 180, 2, 0, 0, 0, 561, 384, 2, 628, 26, 2, 626, 194, 2, 578, 247, 1, 580, 344, 1, 763, 194, 2, 857, 311, 2, 843, 310, 1, 0, 0, 0], "image_id": 21501128000, "bbox": [340, 2, 597, 444], "category_id": 1, "id": 21501128000}, {"segmentation": [[311, 0, 945, 0, 945, 467, 311, 467]], "num_keypoints": 11, "area": 296078.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 451, 13, 1, 436, 132, 2, 574, 4, 2, 566, 394, 2, 708, 52, 2, 783, 395, 2, 594, 236, 1, 595, 332, 2, 756, 189, 2, 835, 315, 2, 823, 296, 1, 0, 0, 0], "image_id": 21501158200, "bbox": [311, 0, 634, 467], "category_id": 1, "id": 21501158200}, {"segmentation": [[347, 2, 939, 2, 939, 438, 347, 438]], "num_keypoints": 11, "area": 258112.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 467, 29, 1, 464, 148, 2, 586, 8, 2, 553, 404, 2, 727, 10, 2, 690, 328, 2, 596, 238, 1, 600, 348, 1, 768, 202, 2, 845, 304, 2, 869, 340, 1, 0, 0, 0], "image_id": 21501107201, "bbox": [347, 2, 592, 436], "category_id": 1, "id": 21501107201}, {"segmentation": [[338, 1, 983, 1, 983, 434, 338, 434]], "num_keypoints": 8, "area": 279285.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 136, 2, 0, 0, 0, 554, 378, 2, 0, 0, 0, 697, 328, 2, 591, 243, 1, 596, 349, 1, 794, 228, 2, 846, 309, 2, 916, 315, 2, 0, 0, 0], "image_id": 21501107600, "bbox": [338, 1, 645, 433], "category_id": 1, "id": 21501107600}, {"segmentation": [[355, 6, 936, 6, 936, 439, 355, 439]], "num_keypoints": 8, "area": 251573.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 465, 142, 2, 0, 0, 0, 460, 397, 2, 0, 0, 0, 649, 354, 2, 583, 251, 1, 580, 354, 1, 787, 239, 2, 833, 299, 2, 895, 308, 2, 0, 0, 0], "image_id": 21501108001, "bbox": [355, 6, 581, 433], "category_id": 1, "id": 21501108001}, {"segmentation": [[335, 2, 950, 2, 950, 454, 335, 454]], "num_keypoints": 9, "area": 277980.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 26, 1, 457, 158, 2, 0, 0, 0, 490, 418, 2, 0, 0, 0, 691, 341, 2, 586, 236, 1, 593, 324, 2, 786, 224, 2, 833, 309, 2, 890, 312, 2, 0, 0, 0], "image_id": 21501108801, "bbox": [335, 2, 615, 452], "category_id": 1, "id": 21501108801}, {"segmentation": [[334, 0, 953, 0, 953, 457, 334, 457]], "num_keypoints": 11, "area": 282883.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 438, 8, 1, 458, 131, 2, 579, 4, 2, 565, 394, 2, 698, 24, 2, 772, 382, 2, 599, 233, 1, 598, 320, 2, 785, 235, 2, 847, 308, 2, 901, 306, 2, 0, 0, 0], "image_id": 21501109100, "bbox": [334, 0, 619, 457], "category_id": 1, "id": 21501109100}, {"segmentation": [[338, 5, 945, 5, 945, 453, 338, 453]], "num_keypoints": 10, "area": 271936.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 415, 17, 1, 468, 192, 2, 0, 0, 0, 566, 397, 2, 632, 22, 2, 773, 395, 2, 604, 231, 2, 620, 349, 2, 764, 194, 2, 835, 290, 2, 832, 316, 1, 0, 0, 0], "image_id": 21501220801, "bbox": [338, 5, 607, 448], "category_id": 1, "id": 21501220801}, {"segmentation": [[342, 0, 894, 0, 894, 450, 342, 450]], "num_keypoints": 10, "area": 248400.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 435, 7, 1, 468, 153, 2, 0, 0, 0, 548, 406, 2, 637, 27, 2, 751, 344, 2, 590, 252, 1, 601, 322, 2, 757, 178, 2, 837, 304, 1, 831, 310, 1, 0, 0, 0], "image_id": 21501223601, "bbox": [342, 0, 552, 450], "category_id": 1, "id": 21501223601}, {"segmentation": [[340, 3, 882, 3, 882, 397, 340, 397]], "num_keypoints": 8, "area": 213548.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 439, 144, 2, 0, 0, 0, 604, 353, 2, 0, 0, 0, 643, 120, 2, 592, 224, 1, 594, 323, 1, 754, 185, 2, 853, 312, 2, 827, 302, 1, 0, 0, 0], "image_id": 21501278801, "bbox": [340, 3, 542, 394], "category_id": 1, "id": 21501278801}, {"segmentation": [[341, 1, 918, 1, 918, 460, 341, 460]], "num_keypoints": 12, "area": 264843.0, "iscrowd": 0, "keypoints": [644, 19, 2, 0, 0, 0, 616, 16, 2, 0, 0, 0, 531, 51, 2, 0, 0, 0, 468, 179, 2, 0, 0, 0, 564, 403, 2, 598, 67, 1, 735, 350, 2, 589, 247, 1, 600, 321, 2, 763, 198, 2, 847, 308, 2, 821, 310, 1, 0, 0, 0], "image_id": 21502641201, "bbox": [341, 1, 577, 459], "category_id": 1, "id": 21502641201}, {"segmentation": [[328, 0, 924, 0, 924, 434, 328, 434]], "num_keypoints": 10, "area": 258664, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 472, 178, 2, 521, 0, 1, 573, 395, 2, 597, 58, 2, 657, 289, 2, 585, 238, 1, 589, 340, 1, 749, 208, 2, 827, 328, 2, 852, 328, 1, 0, 0, 0], "image_id": 21502641601, "bbox": [328, 0, 596, 434], "category_id": 1, "id": 21502641601}, {"segmentation": [[344, 0, 925, 0, 925, 430, 344, 430]], "num_keypoints": 10, "area": 249830.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 431, 11, 1, 505, 185, 2, 0, 0, 0, 585, 390, 2, 590, 77, 2, 657, 289, 2, 588, 242, 1, 592, 330, 1, 770, 212, 2, 853, 315, 2, 859, 316, 1, 0, 0, 0], "image_id": 21502659201, "bbox": [344, 0, 581, 430], "category_id": 1, "id": 21502659201}, {"segmentation": [[320, 2, 924, 2, 924, 441, 320, 441]], "num_keypoints": 11, "area": 265156.0, "iscrowd": 0, "keypoints": [606, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 10, 2, 421, 6, 1, 510, 199, 2, 0, 0, 0, 603, 394, 2, 585, 78, 2, 765, 291, 2, 600, 241, 1, 610, 335, 1, 749, 200, 2, 835, 313, 2, 0, 0, 0, 0, 0, 0], "image_id": 21502668001, "bbox": [320, 2, 604, 439], "category_id": 1, "id": 21502668001}, {"segmentation": [[349, 2, 892, 2, 892, 438, 349, 438]], "num_keypoints": 10, "area": 236748.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 428, 38, 1, 512, 187, 2, 0, 0, 0, 605, 395, 2, 587, 78, 2, 733, 312, 2, 594, 236, 1, 592, 325, 1, 762, 201, 1, 857, 318, 2, 838, 308, 1, 0, 0, 0], "image_id": 21502669201, "bbox": [349, 2, 543, 436], "category_id": 1, "id": 21502669201}, {"segmentation": [[310, 4, 934, 4, 934, 439, 310, 439]], "num_keypoints": 9, "area": 271440.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 473, 214, 2, 522, 4, 2, 581, 385, 2, 586, 74, 2, 711, 307, 2, 596, 235, 1, 608, 329, 2, 762, 209, 2, 815, 257, 2, 0, 0, 0, 0, 0, 0], "image_id": 21502669601, "bbox": [310, 4, 624, 435], "category_id": 1, "id": 21502669601}, {"segmentation": [[334, 1, 907, 1, 907, 448, 334, 448]], "num_keypoints": 10, "area": 256131.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 535, 4, 2, 0, 0, 0, 504, 183, 2, 0, 0, 0, 565, 397, 2, 647, 12, 2, 701, 322, 2, 590, 248, 1, 608, 335, 2, 758, 191, 2, 842, 292, 2, 835, 323, 1, 0, 0, 0], "image_id": 21502607201, "bbox": [334, 1, 573, 447], "category_id": 1, "id": 21502607201}, {"segmentation": [[344, 1, 924, 1, 924, 440, 344, 440]], "num_keypoints": 12, "area": 254620.0, "iscrowd": 0, "keypoints": [666, 81, 2, 0, 0, 0, 647, 57, 2, 0, 0, 0, 593, 51, 2, 457, 11, 2, 506, 188, 2, 0, 0, 0, 582, 399, 2, 0, 0, 0, 675, 290, 2, 587, 243, 1, 604, 346, 1, 756, 197, 1, 821, 275, 2, 843, 320, 1, 0, 0, 0], "image_id": 21502675201, "bbox": [344, 1, 580, 439], "category_id": 1, "id": 21502675201}, {"segmentation": [[319, 3, 917, 3, 917, 445, 319, 445]], "num_keypoints": 9, "area": 264316.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 159, 2, 0, 0, 0, 580, 381, 2, 605, 48, 2, 727, 332, 2, 601, 238, 1, 611, 324, 2, 762, 210, 2, 851, 319, 2, 842, 312, 1, 0, 0, 0], "image_id": 21502678001, "bbox": [319, 3, 598, 442], "category_id": 1, "id": 21502678001}, {"segmentation": [[350, 3, 907, 3, 907, 419, 350, 419]], "num_keypoints": 10, "area": 231712.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 421, 11, 1, 449, 141, 2, 0, 0, 0, 565, 379, 2, 578, 23, 2, 641, 215, 2, 574, 243, 1, 574, 334, 1, 757, 193, 2, 833, 306, 2, 851, 308, 1, 0, 0, 0], "image_id": 21502681601, "bbox": [350, 3, 557, 416], "category_id": 1, "id": 21502681601}, {"segmentation": [[315, 4, 899, 4, 899, 433, 315, 433]], "num_keypoints": 10, "area": 250536.0, "iscrowd": 0, "keypoints": [553, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 407, 4, 2, 0, 0, 0, 445, 152, 2, 0, 0, 0, 562, 385, 2, 0, 0, 0, 720, 332, 2, 586, 244, 1, 605, 318, 2, 747, 189, 2, 836, 291, 2, 839, 313, 1, 0, 0, 0], "image_id": 21502689201, "bbox": [315, 4, 584, 429], "category_id": 1, "id": 21502689201}, {"segmentation": [[354, 1, 949, 1, 949, 433, 354, 433]], "num_keypoints": 10, "area": 257040.0, "iscrowd": 0, "keypoints": [553, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 448, 8, 2, 0, 0, 0, 481, 193, 2, 0, 0, 0, 570, 395, 2, 0, 0, 0, 718, 322, 2, 624, 223, 1, 656, 315, 2, 769, 186, 2, 845, 298, 2, 883, 297, 2, 0, 0, 0], "image_id": 21503614000, "bbox": [354, 1, 595, 432], "category_id": 1, "id": 21503614000}, {"segmentation": [[348, 1, 966, 1, 966, 409, 348, 409]], "num_keypoints": 11, "area": 252144.0, "iscrowd": 0, "keypoints": [588, 7, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 4, 2, 493, 14, 2, 506, 191, 2, 0, 0, 0, 674, 325, 2, 0, 0, 0, 858, 306, 2, 614, 223, 2, 635, 311, 1, 763, 187, 2, 848, 289, 1, 861, 277, 1, 0, 0, 0], "image_id": 21503614600, "bbox": [348, 1, 618, 408], "category_id": 1, "id": 21503614600}, {"segmentation": [[353, 0, 959, 0, 959, 442, 353, 442]], "num_keypoints": 8, "area": 267852.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 157, 2, 0, 0, 0, 552, 405, 2, 0, 0, 0, 693, 331, 2, 597, 247, 1, 607, 331, 2, 764, 193, 2, 851, 310, 2, 852, 300, 1, 0, 0, 0], "image_id": 21503602000, "bbox": [353, 0, 606, 442], "category_id": 1, "id": 21503602000}, {"segmentation": [[358, 1, 905, 1, 905, 433, 358, 433]], "num_keypoints": 11, "area": 236304.0, "iscrowd": 0, "keypoints": [620, 41, 2, 0, 0, 0, 598, 16, 2, 0, 0, 0, 481, 4, 2, 0, 0, 0, 454, 136, 2, 0, 0, 0, 573, 397, 2, 0, 0, 0, 762, 354, 2, 606, 236, 1, 627, 324, 2, 755, 194, 2, 848, 299, 2, 889, 311, 1, 0, 0, 0], "image_id": 21503624500, "bbox": [358, 1, 547, 432], "category_id": 1, "id": 21503624500}, {"segmentation": [[315, 2, 959, 2, 959, 460, 315, 460]], "num_keypoints": 11, "area": 294952.0, "iscrowd": 0, "keypoints": [624, 80, 2, 0, 0, 0, 604, 50, 2, 0, 0, 0, 505, 4, 2, 0, 0, 0, 444, 119, 2, 0, 0, 0, 404, 398, 2, 0, 0, 0, 648, 370, 2, 600, 223, 1, 606, 331, 2, 758, 186, 2, 848, 299, 2, 876, 292, 2, 0, 0, 0], "image_id": 21503625100, "bbox": [315, 2, 644, 458], "category_id": 1, "id": 21503625100}, {"segmentation": [[239, 5, 957, 5, 957, 480, 239, 480]], "num_keypoints": 14, "area": 341050.0, "iscrowd": 0, "keypoints": [615, 173, 2, 642, 142, 2, 595, 141, 2, 0, 0, 0, 499, 45, 2, 0, 0, 0, 435, 148, 2, 674, 22, 1, 321, 427, 2, 777, 20, 2, 575, 478, 2, 592, 239, 1, 595, 344, 2, 765, 187, 2, 822, 284, 2, 886, 299, 2, 0, 0, 0], "image_id": 21503625800, "bbox": [239, 5, 718, 475], "category_id": 1, "id": 21503625800}, {"segmentation": [[361, 4, 904, 4, 904, 463, 361, 463]], "num_keypoints": 11, "area": 249237, "iscrowd": 0, "keypoints": [620, 19, 2, 0, 0, 0, 597, 4, 2, 0, 0, 0, 470, 4, 2, 0, 0, 0, 436, 141, 2, 0, 0, 0, 470, 426, 2, 0, 0, 0, 657, 340, 2, 593, 244, 1, 609, 341, 1, 755, 193, 2, 847, 299, 2, 885, 301, 2, 0, 0, 0], "image_id": 21503626300, "bbox": [361, 4, 543, 459], "category_id": 1, "id": 21503626300}, {"segmentation": [[411, 1, 992, 1, 992, 480, 411, 480]], "num_keypoints": 11, "area": 278299.0, "iscrowd": 0, "keypoints": [826, 161, 2, 0, 0, 0, 812, 141, 2, 0, 0, 0, 682, 123, 2, 560, 31, 2, 687, 282, 2, 0, 0, 0, 850, 452, 2, 0, 0, 0, 0, 0, 0, 542, 214, 1, 596, 341, 1, 758, 195, 1, 835, 294, 2, 875, 306, 2, 0, 0, 0], "image_id": 21503626600, "bbox": [411, 1, 581, 479], "category_id": 1, "id": 21503626600}, {"segmentation": [[391, 4, 1128, 4, 1128, 480, 391, 480]], "num_keypoints": 12, "area": 350812.0, "iscrowd": 0, "keypoints": [756, 100, 2, 0, 0, 0, 727, 68, 2, 0, 0, 0, 604, 44, 2, 533, 12, 1, 628, 227, 2, 0, 0, 0, 803, 444, 2, 0, 0, 0, 1004, 480, 2, 582, 257, 1, 607, 342, 1, 755, 199, 1, 837, 307, 2, 864, 306, 1, 0, 0, 0], "image_id": 21503627201, "bbox": [391, 4, 737, 476], "category_id": 1, "id": 21503627201}, {"segmentation": [[350, 1, 960, 1, 960, 450, 350, 450]], "num_keypoints": 8, "area": 273890.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 470, 152, 2, 0, 0, 0, 540, 398, 2, 0, 0, 0, 678, 332, 2, 577, 236, 1, 576, 337, 1, 764, 199, 2, 839, 299, 2, 885, 307, 2, 0, 0, 0], "image_id": 21503627500, "bbox": [350, 1, 610, 449], "category_id": 1, "id": 21503627500}, {"segmentation": [[432, 3, 922, 3, 922, 396, 432, 396]], "num_keypoints": 7, "area": 192570.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 682, 134, 2, 0, 0, 0, 796, 338, 2, 0, 0, 0, 0, 0, 0, 588, 266, 1, 590, 340, 2, 770, 199, 1, 815, 247, 2, 893, 311, 2, 0, 0, 0], "image_id": 21503627900, "bbox": [432, 3, 490, 393], "category_id": 1, "id": 21503627900}, {"segmentation": [[335, 2, 904, 2, 904, 445, 335, 445]], "num_keypoints": 11, "area": 252067.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 451, 22, 1, 448, 120, 2, 577, 39, 2, 551, 389, 2, 604, 3, 2, 722, 329, 2, 594, 240, 1, 604, 331, 2, 772, 197, 2, 834, 295, 2, 882, 298, 1, 0, 0, 0], "image_id": 21503628400, "bbox": [335, 2, 569, 443], "category_id": 1, "id": 21503628400}, {"segmentation": [[383, 3, 893, 3, 893, 426, 383, 426]], "num_keypoints": 14, "area": 215730.0, "iscrowd": 0, "keypoints": [710, 29, 2, 0, 0, 0, 698, 3, 2, 0, 0, 0, 595, 4, 2, 574, 30, 1, 521, 144, 2, 666, 116, 2, 573, 394, 2, 743, 145, 1, 711, 320, 2, 605, 232, 1, 607, 313, 2, 763, 205, 1, 848, 301, 2, 865, 299, 1, 0, 0, 0], "image_id": 21503629900, "bbox": [383, 3, 510, 423], "category_id": 1, "id": 21503629900}, {"segmentation": [[427, 2, 922, 2, 922, 409, 427, 409]], "num_keypoints": 12, "area": 201465.0, "iscrowd": 0, "keypoints": [696, 35, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 582, 48, 1, 593, 77, 2, 721, 181, 2, 583, 294, 2, 845, 215, 2, 706, 311, 2, 599, 244, 1, 587, 344, 2, 759, 204, 1, 848, 302, 2, 883, 309, 2, 0, 0, 0], "image_id": 21503630800, "bbox": [427, 2, 495, 407], "category_id": 1, "id": 21503630800}, {"segmentation": [[391, 4, 916, 4, 916, 423, 391, 423]], "num_keypoints": 12, "area": 219975, "iscrowd": 0, "keypoints": [657, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 574, 39, 2, 515, 149, 2, 635, 131, 2, 569, 390, 2, 762, 223, 2, 711, 320, 2, 652, 241, 2, 651, 317, 2, 767, 187, 2, 840, 289, 2, 867, 293, 2, 0, 0, 0], "image_id": 21503631201, "bbox": [391, 4, 525, 419], "category_id": 1, "id": 21503631201}, {"segmentation": [[350, 0, 874, 0, 874, 428, 350, 428]], "num_keypoints": 9, "area": 224272.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 465, 13, 1, 439, 133, 2, 593, 11, 2, 570, 383, 2, 0, 0, 0, 712, 320, 2, 613, 232, 1, 609, 334, 1, 767, 192, 2, 852, 303, 2, 0, 0, 0, 0, 0, 0], "image_id": 21503631600, "bbox": [350, 0, 524, 428], "category_id": 1, "id": 21503631600}, {"segmentation": [[331, 0, 922, 0, 922, 430, 331, 430]], "num_keypoints": 9, "area": 254130.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 8, 1, 439, 137, 2, 0, 0, 0, 541, 376, 2, 0, 0, 0, 711, 343, 2, 594, 240, 1, 603, 325, 2, 752, 189, 2, 844, 292, 2, 875, 297, 1, 0, 0, 0], "image_id": 21503634900, "bbox": [331, 0, 591, 430], "category_id": 1, "id": 21503634900}, {"segmentation": [[369, 0, 915, 0, 915, 408, 369, 408]], "num_keypoints": 10, "area": 222768.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 483, 2, 2, 515, 24, 1, 448, 187, 2, 0, 0, 0, 651, 362, 2, 0, 0, 0, 678, 133, 2, 614, 227, 1, 603, 332, 1, 772, 211, 1, 839, 308, 2, 847, 293, 1, 0, 0, 0], "image_id": 21503603600, "bbox": [369, 0, 546, 408], "category_id": 1, "id": 21503603600}, {"segmentation": [[347, 1, 968, 1, 968, 467, 347, 467]], "num_keypoints": 9, "area": 289386.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 464, 178, 2, 0, 0, 0, 603, 392, 2, 614, 29, 2, 823, 404, 2, 594, 239, 1, 597, 324, 1, 756, 191, 2, 843, 319, 2, 892, 309, 2, 0, 0, 0], "image_id": 21503666801, "bbox": [347, 1, 621, 466], "category_id": 1, "id": 21503666801}, {"segmentation": [[338, 4, 919, 4, 919, 427, 338, 427]], "num_keypoints": 9, "area": 245763.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 487, 141, 2, 0, 0, 0, 720, 177, 2, 615, 36, 2, 819, 16, 2, 596, 248, 1, 575, 341, 2, 772, 197, 2, 847, 303, 2, 866, 292, 2, 0, 0, 0], "image_id": 21503679000, "bbox": [338, 4, 581, 423], "category_id": 1, "id": 21503679000}, {"segmentation": [[455, 5, 900, 5, 900, 443, 455, 443]], "num_keypoints": 11, "area": 194910.0, "iscrowd": 0, "keypoints": [824, 17, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 741, 48, 2, 592, 10, 2, 647, 185, 2, 0, 0, 0, 565, 407, 2, 0, 0, 0, 741, 347, 2, 600, 252, 1, 603, 332, 1, 762, 192, 2, 833, 305, 2, 850, 323, 1, 0, 0, 0], "image_id": 21503600800, "bbox": [455, 5, 445, 438], "category_id": 1, "id": 21503600800}, {"segmentation": [[355, 4, 952, 4, 952, 368, 355, 368]], "num_keypoints": 9, "area": 217308.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 465, 14, 1, 465, 127, 2, 0, 0, 0, 608, 267, 2, 663, 21, 2, 780, 293, 2, 609, 233, 2, 628, 333, 2, 752, 184, 2, 839, 297, 1, 0, 0, 0, 0, 0, 0], "image_id": 21503719800, "bbox": [355, 4, 597, 364], "category_id": 1, "id": 21503719800}, {"segmentation": [[318, 1, 905, 1, 905, 400, 318, 400]], "num_keypoints": 9, "area": 234213.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 436, 146, 2, 0, 0, 0, 560, 370, 2, 670, 18, 2, 722, 322, 2, 600, 232, 1, 602, 332, 1, 765, 181, 1, 836, 309, 2, 859, 295, 2, 0, 0, 0], "image_id": 21503722000, "bbox": [318, 1, 587, 399], "category_id": 1, "id": 21503722000}, {"segmentation": [[359, 0, 915, 0, 915, 404, 359, 404]], "num_keypoints": 8, "area": 224624.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 436, 87, 2, 0, 0, 0, 699, 244, 2, 661, 29, 2, 791, 48, 2, 0, 0, 0, 565, 347, 2, 767, 197, 1, 856, 310, 2, 864, 290, 1, 0, 0, 0], "image_id": 21503727400, "bbox": [359, 0, 556, 404], "category_id": 1, "id": 21503727400}, {"segmentation": [[327, 2, 923, 2, 923, 407, 327, 407]], "num_keypoints": 10, "area": 241380.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 433, 13, 1, 470, 131, 2, 0, 0, 0, 670, 249, 2, 647, 2, 2, 811, 111, 2, 565, 170, 1, 578, 322, 2, 752, 178, 1, 856, 306, 2, 851, 285, 1, 0, 0, 0], "image_id": 21503727700, "bbox": [327, 2, 596, 405], "category_id": 1, "id": 21503727700}, {"segmentation": [[321, 4, 902, 4, 902, 408, 321, 408]], "num_keypoints": 11, "area": 234724.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 442, 45, 1, 458, 122, 2, 575, 111, 1, 693, 237, 2, 689, 89, 2, 816, 79, 2, 569, 252, 1, 581, 343, 2, 761, 201, 1, 853, 310, 2, 880, 299, 2, 0, 0, 0], "image_id": 21503729201, "bbox": [321, 4, 581, 404], "category_id": 1, "id": 21503729201}, {"segmentation": [[339, 0, 917, 0, 917, 399, 339, 399]], "num_keypoints": 8, "area": 230622.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 112, 2, 0, 0, 0, 581, 335, 2, 0, 0, 0, 698, 236, 2, 562, 230, 1, 568, 348, 1, 755, 191, 1, 853, 310, 2, 865, 292, 2, 0, 0, 0], "image_id": 21503730200, "bbox": [339, 0, 578, 399], "category_id": 1, "id": 21503730200}, {"segmentation": [[359, 3, 925, 3, 925, 412, 359, 412]], "num_keypoints": 9, "area": 231494.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 487, 105, 2, 0, 0, 0, 708, 226, 2, 635, 12, 2, 776, 57, 2, 584, 252, 1, 587, 342, 2, 753, 177, 1, 844, 297, 2, 881, 302, 2, 0, 0, 0], "image_id": 21503745201, "bbox": [359, 3, 566, 409], "category_id": 1, "id": 21503745201}, {"segmentation": [[335, 1, 906, 1, 906, 464, 335, 464]], "num_keypoints": 15, "area": 264373.0, "iscrowd": 0, "keypoints": [571, 140, 2, 609, 115, 2, 536, 94, 2, 0, 0, 0, 496, 16, 2, 639, 35, 1, 434, 167, 2, 708, 61, 2, 523, 416, 2, 789, 78, 2, 686, 353, 2, 618, 231, 1, 623, 333, 1, 767, 185, 1, 835, 291, 2, 861, 277, 1, 0, 0, 0], "image_id": 21503745500, "bbox": [335, 1, 571, 463], "category_id": 1, "id": 21503745500}, {"segmentation": [[323, 0, 923, 0, 923, 449, 323, 449]], "num_keypoints": 9, "area": 269400.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 436, 132, 2, 0, 0, 0, 522, 395, 2, 696, 5, 2, 689, 353, 2, 581, 238, 1, 591, 324, 2, 762, 211, 2, 847, 307, 2, 891, 312, 2, 0, 0, 0], "image_id": 21503746800, "bbox": [323, 0, 600, 449], "category_id": 1, "id": 21503746800}, {"segmentation": [[336, 3, 913, 3, 913, 422, 336, 422]], "num_keypoints": 9, "area": 241763.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 165, 2, 0, 0, 0, 560, 382, 2, 626, 14, 2, 722, 331, 2, 588, 235, 1, 595, 322, 2, 753, 187, 2, 840, 306, 2, 879, 309, 2, 0, 0, 0], "image_id": 21503700500, "bbox": [336, 3, 577, 419], "category_id": 1, "id": 21503700500}, {"segmentation": [[339, 3, 928, 3, 928, 446, 339, 446]], "num_keypoints": 10, "area": 260927.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 444, 7, 1, 473, 143, 2, 0, 0, 0, 555, 403, 2, 623, 16, 2, 762, 344, 2, 606, 228, 1, 607, 316, 2, 785, 227, 2, 816, 315, 1, 883, 307, 1, 0, 0, 0], "image_id": 21503766300, "bbox": [339, 3, 589, 443], "category_id": 1, "id": 21503766300}, {"segmentation": [[328, 3, 944, 3, 944, 426, 328, 426]], "num_keypoints": 11, "area": 260568.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 447, 4, 2, 459, 55, 1, 469, 174, 2, 0, 0, 0, 610, 387, 2, 624, 25, 2, 826, 324, 2, 601, 232, 1, 607, 320, 1, 760, 181, 1, 829, 305, 1, 840, 293, 1, 0, 0, 0], "image_id": 21503821800, "bbox": [328, 3, 616, 423], "category_id": 1, "id": 21503821800}, {"segmentation": [[379, 5, 912, 5, 912, 415, 379, 415]], "num_keypoints": 10, "area": 218530.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 432, 14, 1, 612, 182, 2, 0, 0, 0, 728, 287, 2, 627, 30, 2, 803, 284, 2, 612, 213, 1, 613, 337, 2, 767, 194, 2, 860, 320, 2, 850, 293, 2, 0, 0, 0], "image_id": 21503877201, "bbox": [379, 5, 533, 410], "category_id": 1, "id": 21503877201}, {"segmentation": [[336, 2, 915, 2, 915, 448, 336, 448]], "num_keypoints": 9, "area": 258234.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 447, 150, 2, 0, 0, 0, 542, 390, 2, 607, 15, 2, 693, 331, 2, 592, 237, 1, 599, 333, 2, 757, 189, 2, 853, 320, 2, 831, 305, 1, 0, 0, 0], "image_id": 21503878801, "bbox": [336, 2, 579, 446], "category_id": 1, "id": 21503878801}, {"segmentation": [[317, 3, 942, 3, 942, 436, 317, 436]], "num_keypoints": 11, "area": 270625.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 487, 17, 1, 453, 155, 2, 642, 24, 2, 562, 394, 2, 798, 4, 2, 703, 322, 2, 584, 231, 1, 585, 313, 2, 762, 196, 1, 848, 320, 2, 859, 299, 2, 0, 0, 0], "image_id": 21503879500, "bbox": [317, 3, 625, 433], "category_id": 1, "id": 21503879500}, {"segmentation": [[333, 0, 924, 0, 924, 445, 333, 445]], "num_keypoints": 9, "area": 262995.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 426, 4, 1, 450, 162, 2, 0, 0, 0, 582, 401, 2, 639, 37, 2, 774, 311, 2, 597, 236, 1, 601, 324, 2, 762, 193, 2, 827, 330, 1, 0, 0, 0, 0, 0, 0], "image_id": 21503956801, "bbox": [333, 0, 591, 445], "category_id": 1, "id": 21503956801}, {"segmentation": [[338, 2, 914, 2, 914, 409, 338, 409]], "num_keypoints": 10, "area": 234432.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 445, 14, 1, 469, 143, 2, 593, 12, 2, 646, 324, 2, 733, 4, 2, 816, 194, 2, 591, 235, 1, 583, 338, 1, 763, 190, 1, 849, 322, 2, 0, 0, 0, 0, 0, 0], "image_id": 21503957601, "bbox": [338, 2, 576, 407], "category_id": 1, "id": 21503957601}, {"segmentation": [[329, 1, 940, 1, 940, 433, 329, 433]], "num_keypoints": 11, "area": 263952.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 446, 22, 1, 446, 180, 2, 582, 89, 2, 592, 379, 2, 722, 68, 2, 809, 307, 2, 584, 235, 1, 582, 320, 1, 783, 218, 2, 813, 335, 1, 904, 313, 2, 0, 0, 0], "image_id": 21503958001, "bbox": [329, 1, 611, 432], "category_id": 1, "id": 21503958001}, {"segmentation": [[341, 2, 914, 2, 914, 424, 341, 424]], "num_keypoints": 11, "area": 241806.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 18, 1, 449, 150, 2, 597, 36, 2, 578, 341, 2, 740, 27, 2, 702, 249, 2, 593, 237, 1, 597, 338, 1, 756, 190, 2, 848, 316, 2, 838, 314, 1, 0, 0, 0], "image_id": 21503959201, "bbox": [341, 2, 573, 422], "category_id": 1, "id": 21503959201}, {"segmentation": [[403, 0, 918, 0, 918, 424, 403, 424]], "num_keypoints": 11, "area": 218360.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 636, 7, 2, 528, 17, 1, 683, 137, 2, 667, 66, 2, 765, 282, 2, 765, 35, 2, 0, 0, 0, 573, 259, 1, 581, 357, 1, 763, 202, 2, 833, 323, 2, 849, 325, 1, 0, 0, 0], "image_id": 21503964700, "bbox": [403, 0, 515, 424], "category_id": 1, "id": 21503964700}, {"segmentation": [[392, 1, 905, 1, 905, 409, 392, 409]], "num_keypoints": 11, "area": 209304.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 636, 4, 2, 520, 9, 1, 677, 133, 2, 679, 66, 2, 748, 291, 2, 764, 37, 2, 0, 0, 0, 575, 230, 1, 583, 343, 2, 756, 204, 1, 855, 320, 2, 836, 309, 1, 0, 0, 0], "image_id": 21503965000, "bbox": [392, 1, 513, 408], "category_id": 1, "id": 21503965000}, {"segmentation": [[328, 0, 923, 0, 923, 438, 328, 438]], "num_keypoints": 11, "area": 260610.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 486, 22, 1, 444, 165, 2, 608, 28, 2, 562, 394, 2, 790, 8, 2, 694, 322, 2, 594, 240, 1, 603, 332, 1, 772, 206, 2, 846, 317, 2, 849, 307, 1, 0, 0, 0], "image_id": 21503965500, "bbox": [328, 0, 595, 438], "category_id": 1, "id": 21503965500}, {"segmentation": [[354, 2, 905, 2, 905, 426, 354, 426]], "num_keypoints": 8, "area": 233624.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 498, 153, 2, 0, 0, 0, 583, 382, 2, 0, 0, 0, 712, 311, 2, 599, 235, 1, 608, 337, 1, 766, 185, 2, 844, 303, 2, 870, 299, 2, 0, 0, 0], "image_id": 21503987600, "bbox": [354, 2, 551, 424], "category_id": 1, "id": 21503987600}, {"segmentation": [[360, 0, 918, 0, 918, 408, 360, 408]], "num_keypoints": 9, "area": 227664.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 13, 1, 531, 124, 2, 0, 0, 0, 573, 364, 2, 0, 0, 0, 714, 310, 2, 589, 236, 1, 608, 324, 1, 765, 187, 2, 844, 301, 2, 866, 291, 2, 0, 0, 0], "image_id": 21503988200, "bbox": [360, 0, 558, 408], "category_id": 1, "id": 21503988200}, {"segmentation": [[343, 0, 918, 0, 918, 447, 343, 447]], "num_keypoints": 10, "area": 257025.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 32, 1, 456, 157, 2, 558, 57, 2, 552, 395, 2, 647, 68, 2, 752, 332, 2, 593, 237, 1, 608, 335, 1, 760, 183, 2, 830, 314, 1, 0, 0, 0, 0, 0, 0], "image_id": 21504037100, "bbox": [343, 0, 575, 447], "category_id": 1, "id": 21504037100}, {"segmentation": [[328, 0, 943, 0, 943, 439, 328, 439]], "num_keypoints": 10, "area": 269985.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 444, 15, 1, 466, 165, 2, 0, 0, 0, 565, 389, 2, 680, 38, 2, 685, 231, 2, 602, 198, 1, 595, 289, 1, 756, 173, 2, 839, 308, 2, 841, 258, 1, 0, 0, 0], "image_id": 21504060400, "bbox": [328, 0, 615, 439], "category_id": 1, "id": 21504060400}, {"segmentation": [[333, 1, 917, 1, 917, 419, 333, 419]], "num_keypoints": 11, "area": 244112.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 479, 18, 1, 470, 159, 2, 595, 82, 2, 631, 289, 2, 646, 16, 2, 676, 119, 2, 585, 237, 1, 583, 332, 2, 764, 183, 2, 856, 315, 2, 838, 310, 1, 0, 0, 0], "image_id": 21504081300, "bbox": [333, 1, 584, 418], "category_id": 1, "id": 21504081300}, {"segmentation": [[326, 1, 920, 1, 920, 457, 326, 457]], "num_keypoints": 12, "area": 270864.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 471, 5, 2, 447, 26, 1, 440, 151, 2, 583, 83, 2, 568, 381, 2, 724, 57, 2, 782, 395, 2, 605, 231, 1, 605, 335, 2, 755, 185, 2, 859, 322, 2, 856, 330, 1, 0, 0, 0], "image_id": 21505531200, "bbox": [326, 1, 594, 456], "category_id": 1, "id": 21505531200}, {"segmentation": [[338, 3, 940, 3, 940, 422, 338, 422]], "num_keypoints": 13, "area": 252238.0, "iscrowd": 0, "keypoints": [561, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 433, 4, 2, 455, 38, 1, 438, 136, 2, 576, 99, 2, 688, 224, 2, 707, 78, 1, 663, 37, 2, 589, 232, 1, 598, 343, 2, 767, 200, 2, 841, 319, 2, 873, 327, 1, 0, 0, 0], "image_id": 21505532000, "bbox": [338, 3, 602, 419], "category_id": 1, "id": 21505532000}, {"segmentation": [[322, 2, 910, 2, 910, 398, 322, 398]], "num_keypoints": 11, "area": 232848.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 411, 24, 1, 426, 107, 2, 559, 65, 2, 669, 152, 2, 635, 25, 2, 826, 47, 2, 593, 244, 1, 606, 342, 2, 765, 185, 2, 847, 325, 2, 838, 311, 1, 0, 0, 0], "image_id": 21505533300, "bbox": [322, 2, 588, 396], "category_id": 1, "id": 21505533300}, {"segmentation": [[328, 0, 911, 0, 911, 400, 328, 400]], "num_keypoints": 8, "area": 233200.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 429, 120, 2, 0, 0, 0, 662, 190, 2, 0, 0, 0, 826, 78, 2, 603, 234, 1, 596, 335, 2, 770, 185, 2, 861, 322, 2, 843, 310, 1, 0, 0, 0], "image_id": 21505533600, "bbox": [328, 0, 583, 400], "category_id": 1, "id": 21505533600}, {"segmentation": [[347, 3, 957, 3, 957, 407, 347, 407]], "num_keypoints": 10, "area": 246440.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 500, 19, 1, 465, 155, 2, 0, 0, 0, 615, 332, 2, 565, 7, 2, 776, 227, 2, 636, 220, 2, 641, 352, 2, 763, 186, 1, 851, 316, 2, 831, 302, 1, 0, 0, 0], "image_id": 21505537700, "bbox": [347, 3, 610, 404], "category_id": 1, "id": 21505537700}, {"segmentation": [[351, 3, 922, 3, 922, 447, 351, 447]], "num_keypoints": 11, "area": 253524.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 28, 2, 466, 182, 2, 569, 4, 2, 576, 396, 2, 678, 62, 2, 773, 350, 2, 625, 229, 2, 641, 315, 2, 764, 188, 2, 824, 315, 1, 836, 315, 1, 0, 0, 0], "image_id": 21505541800, "bbox": [351, 3, 571, 444], "category_id": 1, "id": 21505541800}, {"segmentation": [[338, 0, 918, 0, 918, 448, 338, 448]], "num_keypoints": 10, "area": 259840.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 475, 21, 2, 448, 161, 2, 576, 86, 2, 564, 395, 2, 718, 76, 2, 773, 364, 2, 624, 220, 2, 637, 324, 2, 768, 186, 2, 849, 312, 2, 0, 0, 0, 0, 0, 0], "image_id": 21505542500, "bbox": [338, 0, 580, 448], "category_id": 1, "id": 21505542500}, {"segmentation": [[329, 0, 891, 0, 891, 448, 329, 448]], "num_keypoints": 11, "area": 251776.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 443, 29, 1, 437, 135, 2, 573, 93, 2, 556, 405, 2, 712, 77, 2, 772, 361, 2, 599, 244, 1, 602, 331, 2, 769, 194, 2, 836, 323, 1, 840, 307, 1, 0, 0, 0], "image_id": 21505552300, "bbox": [329, 0, 562, 448], "category_id": 1, "id": 21505552300}, {"segmentation": [[327, 2, 922, 2, 922, 454, 327, 454]], "num_keypoints": 11, "area": 268940.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 30, 1, 445, 158, 2, 573, 98, 2, 540, 404, 2, 711, 78, 2, 766, 362, 2, 609, 245, 1, 615, 322, 2, 764, 193, 2, 842, 317, 1, 845, 322, 1, 0, 0, 0], "image_id": 21505554000, "bbox": [327, 2, 595, 452], "category_id": 1, "id": 21505554000}, {"segmentation": [[320, 2, 898, 2, 898, 434, 320, 434]], "num_keypoints": 11, "area": 249696.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 450, 27, 1, 448, 163, 2, 576, 93, 2, 557, 392, 2, 711, 78, 2, 766, 362, 2, 599, 232, 1, 597, 318, 2, 770, 187, 2, 836, 323, 1, 855, 317, 1, 0, 0, 0], "image_id": 21505554400, "bbox": [320, 2, 578, 432], "category_id": 1, "id": 21505554400}, {"segmentation": [[335, 0, 891, 0, 891, 440, 335, 440]], "num_keypoints": 11, "area": 244640.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 448, 36, 1, 436, 153, 2, 547, 120, 1, 551, 388, 2, 690, 112, 2, 773, 361, 2, 599, 240, 1, 602, 329, 2, 769, 193, 2, 845, 325, 1, 852, 318, 1, 0, 0, 0], "image_id": 21505555601, "bbox": [335, 0, 556, 440], "category_id": 1, "id": 21505555601}, {"segmentation": [[319, 3, 908, 3, 908, 450, 319, 450]], "num_keypoints": 10, "area": 263283.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 489, 27, 1, 445, 137, 2, 572, 9, 2, 568, 387, 2, 697, 25, 2, 770, 340, 2, 615, 228, 1, 602, 313, 1, 766, 183, 2, 832, 325, 1, 0, 0, 0, 0, 0, 0], "image_id": 21505559201, "bbox": [319, 3, 589, 447], "category_id": 1, "id": 21505559201}, {"segmentation": [[342, 1, 936, 1, 936, 433, 342, 433]], "num_keypoints": 11, "area": 256608.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 437, 28, 1, 457, 176, 2, 574, 3, 2, 593, 391, 2, 698, 24, 2, 806, 383, 2, 633, 218, 2, 643, 318, 2, 780, 209, 2, 845, 317, 2, 896, 302, 2, 0, 0, 0], "image_id": 21505562001, "bbox": [342, 1, 594, 432], "category_id": 1, "id": 21505562001}, {"segmentation": [[330, 4, 949, 4, 949, 441, 330, 441]], "num_keypoints": 11, "area": 270503.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 463, 35, 1, 442, 150, 2, 594, 57, 2, 597, 387, 2, 753, 36, 2, 815, 353, 2, 601, 236, 1, 611, 317, 2, 773, 188, 2, 852, 318, 2, 836, 311, 1, 0, 0, 0], "image_id": 21505572001, "bbox": [330, 4, 619, 437], "category_id": 1, "id": 21505572001}, {"segmentation": [[340, 0, 920, 0, 920, 395, 340, 395]], "num_keypoints": 11, "area": 229100.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 448, 28, 1, 457, 147, 2, 548, 115, 1, 668, 273, 2, 694, 110, 2, 815, 131, 2, 585, 238, 1, 590, 337, 2, 761, 200, 1, 842, 327, 2, 841, 313, 1, 0, 0, 0], "image_id": 21505573100, "bbox": [340, 0, 580, 395], "category_id": 1, "id": 21505573100}, {"segmentation": [[349, 1, 895, 1, 895, 411, 349, 411]], "num_keypoints": 10, "area": 223860.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 505, 46, 1, 456, 151, 2, 573, 111, 2, 655, 301, 2, 689, 98, 2, 818, 174, 2, 614, 225, 1, 616, 339, 1, 778, 205, 1, 863, 321, 2, 0, 0, 0, 0, 0, 0], "image_id": 21505575201, "bbox": [349, 1, 546, 410], "category_id": 1, "id": 21505575201}, {"segmentation": [[345, 4, 923, 4, 923, 408, 345, 408]], "num_keypoints": 12, "area": 233512, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 435, 4, 2, 483, 40, 1, 463, 150, 2, 619, 65, 2, 595, 340, 2, 776, 75, 2, 695, 222, 2, 597, 230, 1, 587, 323, 1, 771, 191, 2, 864, 320, 2, 838, 290, 1, 0, 0, 0], "image_id": 21505575500, "bbox": [345, 4, 578, 404], "category_id": 1, "id": 21505575500}, {"segmentation": [[352, 2, 911, 2, 911, 385, 352, 385]], "num_keypoints": 12, "area": 214097.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 448, 4, 2, 444, 29, 1, 468, 152, 2, 616, 60, 2, 608, 299, 2, 765, 91, 2, 689, 215, 2, 591, 246, 1, 584, 332, 1, 762, 189, 2, 864, 320, 2, 849, 310, 1, 0, 0, 0], "image_id": 21505575800, "bbox": [352, 2, 559, 383], "category_id": 1, "id": 21505575800}, {"segmentation": [[344, 0, 990, 0, 990, 413, 344, 413]], "num_keypoints": 11, "area": 266798.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 30, 1, 461, 156, 2, 570, 116, 2, 616, 320, 2, 689, 94, 2, 773, 206, 2, 626, 237, 1, 636, 340, 2, 773, 192, 1, 845, 324, 2, 866, 316, 1, 0, 0, 0], "image_id": 21505576100, "bbox": [344, 0, 646, 413], "category_id": 1, "id": 21505576100}, {"segmentation": [[329, 0, 921, 0, 921, 410, 329, 410]], "num_keypoints": 9, "area": 242720.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 437, 116, 2, 0, 0, 0, 679, 173, 2, 658, 216, 1, 791, 44, 2, 597, 250, 1, 597, 346, 2, 766, 191, 1, 854, 326, 2, 856, 309, 1, 0, 0, 0], "image_id": 21505577800, "bbox": [329, 0, 592, 410], "category_id": 1, "id": 21505577800}, {"segmentation": [[327, 4, 939, 4, 939, 436, 327, 436]], "num_keypoints": 10, "area": 264384.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 431, 28, 1, 436, 129, 2, 0, 0, 0, 690, 194, 2, 660, 198, 1, 819, 47, 2, 600, 253, 1, 578, 331, 2, 775, 201, 1, 859, 323, 2, 856, 307, 1, 0, 0, 0], "image_id": 21505578700, "bbox": [327, 4, 612, 432], "category_id": 1, "id": 21505578700}, {"segmentation": [[328, 1, 910, 1, 910, 416, 328, 416]], "num_keypoints": 12, "area": 241530.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 436, 3, 2, 463, 23, 1, 456, 144, 2, 633, 41, 2, 611, 319, 2, 800, 27, 2, 687, 226, 2, 575, 240, 1, 583, 329, 1, 761, 192, 2, 853, 327, 2, 865, 317, 1, 0, 0, 0], "image_id": 21505579601, "bbox": [328, 1, 582, 415], "category_id": 1, "id": 21505579601}, {"segmentation": [[324, 0, 911, 0, 911, 439, 324, 439]], "num_keypoints": 11, "area": 257693.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 34, 1, 443, 143, 2, 574, 101, 2, 564, 394, 2, 701, 79, 2, 711, 332, 2, 596, 228, 1, 606, 325, 1, 762, 191, 2, 844, 315, 2, 858, 326, 1, 0, 0, 0], "image_id": 21505587600, "bbox": [324, 0, 587, 439], "category_id": 1, "id": 21505587600}, {"segmentation": [[329, 0, 894, 0, 894, 442, 329, 442]], "num_keypoints": 11, "area": 249730.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 36, 1, 444, 155, 2, 550, 120, 1, 558, 384, 2, 687, 120, 2, 711, 332, 2, 593, 235, 1, 604, 329, 2, 761, 195, 2, 860, 320, 2, 853, 320, 1, 0, 0, 0], "image_id": 21505588000, "bbox": [329, 0, 565, 442], "category_id": 1, "id": 21505588000}, {"segmentation": [[348, 0, 910, 0, 910, 405, 348, 405]], "num_keypoints": 11, "area": 227610.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 29, 1, 432, 141, 2, 573, 102, 2, 637, 323, 2, 719, 76, 2, 794, 204, 2, 584, 231, 1, 595, 339, 1, 758, 189, 1, 842, 314, 2, 851, 312, 1, 0, 0, 0], "image_id": 21505589201, "bbox": [348, 0, 562, 405], "category_id": 1, "id": 21505589201}, {"segmentation": [[317, 0, 902, 0, 902, 438, 317, 438]], "num_keypoints": 11, "area": 256230.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 472, 36, 1, 451, 166, 2, 551, 124, 1, 568, 398, 2, 689, 119, 2, 718, 332, 2, 591, 234, 1, 601, 329, 2, 762, 188, 2, 851, 319, 2, 862, 322, 1, 0, 0, 0], "image_id": 21505610200, "bbox": [317, 0, 585, 438], "category_id": 1, "id": 21505610200}, {"segmentation": [[320, 1, 890, 1, 890, 432, 320, 432]], "num_keypoints": 11, "area": 245670.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 471, 45, 1, 435, 158, 2, 554, 117, 1, 579, 372, 2, 689, 90, 2, 743, 247, 2, 596, 238, 1, 603, 329, 1, 762, 199, 1, 844, 319, 2, 857, 319, 1, 0, 0, 0], "image_id": 21505610801, "bbox": [320, 1, 570, 431], "category_id": 1, "id": 21505610801}, {"segmentation": [[307, 0, 948, 0, 948, 461, 307, 461]], "num_keypoints": 11, "area": 295501.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 464, 16, 1, 435, 131, 2, 572, 3, 2, 560, 394, 2, 698, 14, 2, 772, 401, 2, 607, 232, 1, 610, 326, 2, 778, 215, 1, 861, 320, 2, 896, 307, 2, 0, 0, 0], "image_id": 21505619601, "bbox": [307, 0, 641, 461], "category_id": 1, "id": 21505619601}, {"segmentation": [[358, 4, 891, 4, 891, 448, 358, 448]], "num_keypoints": 9, "area": 236652.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 502, 28, 2, 469, 131, 2, 0, 0, 0, 573, 385, 2, 0, 0, 0, 776, 399, 2, 612, 233, 2, 621, 323, 1, 760, 191, 2, 866, 322, 2, 855, 320, 1, 0, 0, 0], "image_id": 21505623601, "bbox": [358, 4, 533, 444], "category_id": 1, "id": 21505623601}, {"segmentation": [[344, 1, 935, 1, 935, 443, 344, 443]], "num_keypoints": 10, "area": 261222.0, "iscrowd": 0, "keypoints": [567, 5, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 447, 136, 2, 0, 0, 0, 544, 384, 2, 0, 0, 0, 772, 377, 1, 603, 225, 1, 593, 332, 2, 772, 185, 2, 848, 303, 2, 876, 314, 1, 841, 301, 1], "image_id": 21505625201, "bbox": [344, 1, 591, 442], "category_id": 1, "id": 21505625201}, {"segmentation": [[330, 0, 912, 0, 912, 437, 330, 437]], "num_keypoints": 11, "area": 254334.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 464, 34, 1, 439, 165, 2, 560, 113, 1, 562, 397, 2, 699, 89, 2, 711, 331, 2, 586, 235, 1, 596, 335, 2, 761, 190, 2, 860, 320, 2, 841, 309, 1, 0, 0, 0], "image_id": 21505603900, "bbox": [330, 0, 582, 437], "category_id": 1, "id": 21505603900}, {"segmentation": [[358, 3, 994, 3, 994, 438, 358, 438]], "num_keypoints": 11, "area": 276660.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 459, 26, 1, 459, 161, 2, 569, 13, 1, 581, 390, 2, 602, 12, 2, 768, 364, 2, 608, 233, 1, 622, 325, 2, 791, 227, 2, 848, 313, 2, 901, 299, 1, 0, 0, 0], "image_id": 21505650801, "bbox": [358, 3, 636, 435], "category_id": 1, "id": 21505650801}, {"segmentation": [[336, 0, 925, 0, 925, 448, 336, 448]], "num_keypoints": 11, "area": 263872.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 15, 1, 436, 108, 2, 571, 7, 2, 581, 335, 2, 691, 14, 2, 783, 394, 2, 608, 234, 1, 615, 322, 1, 782, 216, 2, 844, 322, 2, 891, 315, 2, 0, 0, 0], "image_id": 21505652401, "bbox": [336, 0, 589, 448], "category_id": 1, "id": 21505652401}, {"segmentation": [[325, 1, 956, 1, 956, 459, 325, 459]], "num_keypoints": 10, "area": 288998.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 23, 1, 454, 131, 2, 0, 0, 0, 555, 380, 2, 628, 195, 2, 660, 291, 2, 602, 225, 1, 601, 329, 1, 765, 181, 2, 851, 315, 2, 864, 314, 1, 0, 0, 0], "image_id": 21505657100, "bbox": [325, 1, 631, 458], "category_id": 1, "id": 21505657100}, {"segmentation": [[314, 2, 927, 2, 927, 444, 314, 444]], "num_keypoints": 12, "area": 270946.0, "iscrowd": 0, "keypoints": [573, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 445, 4, 2, 0, 0, 0, 438, 168, 2, 551, 138, 1, 558, 394, 2, 647, 206, 2, 762, 362, 2, 614, 243, 1, 600, 331, 2, 781, 227, 1, 845, 321, 1, 892, 293, 2, 0, 0, 0], "image_id": 21505658401, "bbox": [314, 2, 613, 442], "category_id": 1, "id": 21505658401}, {"segmentation": [[348, 1, 955, 1, 955, 438, 348, 438]], "num_keypoints": 11, "area": 265259.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 445, 35, 1, 453, 148, 2, 528, 120, 1, 550, 393, 2, 663, 120, 2, 711, 329, 2, 588, 240, 1, 590, 324, 2, 772, 223, 1, 842, 324, 2, 912, 319, 1, 0, 0, 0], "image_id": 21505664001, "bbox": [348, 1, 607, 437], "category_id": 1, "id": 21505664001}, {"segmentation": [[343, 2, 939, 2, 939, 450, 343, 450]], "num_keypoints": 11, "area": 267008.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 450, 26, 1, 448, 141, 2, 541, 124, 1, 557, 396, 2, 666, 128, 2, 774, 400, 2, 609, 235, 1, 610, 326, 2, 776, 220, 1, 844, 311, 2, 916, 316, 2, 0, 0, 0], "image_id": 21505664401, "bbox": [343, 2, 596, 448], "category_id": 1, "id": 21505664401}, {"segmentation": [[346, 1, 925, 1, 925, 417, 346, 417]], "num_keypoints": 8, "area": 240864.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 470, 4, 2, 0, 0, 0, 458, 154, 2, 0, 0, 0, 647, 326, 2, 0, 0, 0, 827, 266, 2, 569, 245, 1, 586, 345, 2, 768, 193, 2, 837, 305, 2, 0, 0, 0, 0, 0, 0], "image_id": 21505668801, "bbox": [346, 1, 579, 416], "category_id": 1, "id": 21505668801}, {"segmentation": [[334, 4, 907, 4, 907, 478, 334, 478]], "num_keypoints": 11, "area": 271602.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 446, 29, 1, 449, 172, 2, 509, 120, 1, 457, 426, 2, 594, 101, 2, 614, 376, 2, 580, 245, 1, 585, 322, 2, 756, 187, 2, 845, 304, 2, 847, 322, 1, 0, 0, 0], "image_id": 21505669201, "bbox": [334, 4, 573, 474], "category_id": 1, "id": 21505669201}, {"segmentation": [[348, 1, 965, 1, 965, 401, 348, 401]], "num_keypoints": 9, "area": 246800.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 490, 4, 2, 0, 0, 0, 517, 123, 2, 0, 0, 0, 710, 198, 2, 0, 0, 0, 684, 30, 2, 620, 226, 2, 630, 330, 2, 774, 189, 2, 849, 305, 2, 833, 285, 1, 0, 0, 0], "image_id": 21505669601, "bbox": [348, 1, 617, 400], "category_id": 1, "id": 21505669601}, {"segmentation": [[335, 2, 941, 2, 941, 409, 335, 409]], "num_keypoints": 11, "area": 246642.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 531, 3, 2, 443, 14, 1, 508, 178, 2, 523, 95, 1, 689, 351, 2, 647, 91, 2, 843, 248, 2, 574, 247, 1, 588, 345, 1, 768, 191, 2, 840, 296, 2, 0, 0, 0, 0, 0, 0], "image_id": 21505670001, "bbox": [335, 2, 606, 407], "category_id": 1, "id": 21505670001}, {"segmentation": [[345, 2, 886, 2, 886, 397, 345, 397]], "num_keypoints": 9, "area": 213695.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 532, 4, 2, 394, 39, 2, 549, 128, 2, 0, 0, 0, 732, 181, 2, 0, 0, 0, 774, 36, 2, 533, 259, 1, 634, 329, 2, 630, 77, 2, 799, 217, 1, 0, 0, 0, 0, 0, 0], "image_id": 21505670401, "bbox": [345, 2, 541, 395], "category_id": 1, "id": 21505670401}, {"segmentation": [[439, 1, 848, 1, 848, 394, 439, 394]], "num_keypoints": 6, "area": 160737.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 39, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 524, 95, 2, 637, 73, 2, 546, 230, 2, 770, 206, 2, 0, 0, 0, 795, 350, 2], "image_id": 21505670700, "bbox": [439, 1, 409, 393], "category_id": 1, "id": 21505670700}, {"segmentation": [[334, 0, 919, 0, 919, 430, 334, 430]], "num_keypoints": 11, "area": 251550.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 39, 1, 429, 159, 2, 550, 124, 1, 560, 392, 2, 695, 112, 2, 714, 332, 2, 601, 243, 1, 608, 322, 2, 755, 193, 2, 860, 320, 2, 857, 309, 1, 0, 0, 0], "image_id": 21505607100, "bbox": [334, 0, 585, 430], "category_id": 1, "id": 21505607100}, {"segmentation": [[344, 4, 895, 4, 895, 423, 344, 423]], "num_keypoints": 12, "area": 230869.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 414, 4, 2, 465, 33, 1, 445, 141, 2, 598, 51, 2, 584, 351, 2, 761, 29, 2, 722, 252, 2, 583, 235, 1, 591, 326, 1, 761, 183, 1, 845, 317, 2, 856, 314, 1, 0, 0, 0], "image_id": 21505671500, "bbox": [344, 4, 551, 419], "category_id": 1, "id": 21505671500}, {"segmentation": [[321, 1, 932, 1, 932, 442, 321, 442]], "num_keypoints": 11, "area": 269451.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 37, 1, 436, 162, 2, 550, 120, 1, 557, 382, 2, 701, 91, 2, 715, 332, 2, 599, 239, 1, 605, 329, 2, 761, 194, 2, 860, 320, 2, 858, 316, 1, 0, 0, 0], "image_id": 21505607600, "bbox": [321, 1, 611, 441], "category_id": 1, "id": 21505607600}, {"segmentation": [[331, 1, 944, 1, 944, 414, 331, 414]], "num_keypoints": 12, "area": 253169.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 411, 4, 2, 456, 44, 1, 443, 143, 2, 607, 45, 2, 585, 351, 2, 762, 27, 2, 719, 256, 2, 594, 241, 1, 602, 343, 1, 766, 187, 1, 853, 317, 2, 848, 302, 1, 0, 0, 0], "image_id": 21505600801, "bbox": [331, 1, 613, 413], "category_id": 1, "id": 21505600801}, {"segmentation": [[331, 1, 921, 1, 921, 437, 331, 437]], "num_keypoints": 11, "area": 257240.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 450, 31, 1, 450, 143, 2, 556, 124, 1, 565, 398, 2, 691, 112, 2, 714, 333, 2, 596, 231, 1, 611, 322, 2, 764, 196, 1, 859, 320, 2, 847, 314, 1, 0, 0, 0], "image_id": 21505609000, "bbox": [331, 1, 590, 436], "category_id": 1, "id": 21505609000}, {"segmentation": [[331, 0, 937, 0, 937, 437, 331, 437]], "num_keypoints": 11, "area": 264822.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 42, 1, 469, 187, 2, 556, 135, 1, 565, 390, 2, 695, 116, 2, 718, 332, 2, 599, 240, 1, 606, 327, 2, 765, 192, 2, 861, 328, 2, 855, 314, 1, 0, 0, 0], "image_id": 21505609900, "bbox": [331, 0, 606, 437], "category_id": 1, "id": 21505609900}, {"segmentation": [[334, 0, 886, 0, 886, 404, 334, 404]], "num_keypoints": 12, "area": 223008.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 425, 4, 2, 446, 37, 1, 448, 131, 2, 517, 152, 1, 562, 373, 2, 626, 168, 2, 686, 260, 2, 586, 249, 1, 589, 340, 1, 768, 198, 2, 834, 299, 2, 863, 308, 1, 0, 0, 0], "image_id": 21505711500, "bbox": [334, 0, 552, 404], "category_id": 1, "id": 21505711500}, {"segmentation": [[337, 4, 957, 4, 957, 415, 337, 415]], "num_keypoints": 9, "area": 254820.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 32, 1, 483, 150, 2, 0, 0, 0, 669, 257, 2, 0, 0, 0, 615, 44, 2, 591, 232, 1, 621, 340, 2, 758, 186, 2, 843, 294, 2, 849, 309, 1, 0, 0, 0], "image_id": 21505714900, "bbox": [337, 4, 620, 411], "category_id": 1, "id": 21505714900}, {"segmentation": [[342, 3, 922, 3, 922, 410, 342, 410]], "num_keypoints": 11, "area": 236060.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 496, 27, 1, 461, 138, 2, 583, 104, 2, 650, 337, 2, 669, 107, 1, 660, 126, 2, 600, 201, 1, 573, 345, 2, 770, 183, 2, 841, 290, 2, 856, 314, 1, 0, 0, 0], "image_id": 21505715800, "bbox": [342, 3, 580, 407], "category_id": 1, "id": 21505715800}, {"segmentation": [[347, 2, 924, 2, 924, 404, 347, 404]], "num_keypoints": 10, "area": 231954.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 123, 2, 544, 129, 1, 570, 345, 2, 647, 78, 2, 751, 215, 2, 590, 243, 1, 605, 335, 1, 767, 200, 1, 832, 293, 2, 855, 320, 1, 0, 0, 0], "image_id": 21505701900, "bbox": [347, 2, 577, 402], "category_id": 1, "id": 21505701900}, {"segmentation": [[355, 0, 949, 0, 949, 408, 355, 408]], "num_keypoints": 11, "area": 242352.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 18, 1, 470, 124, 2, 589, 68, 2, 598, 353, 2, 686, 6, 2, 672, 194, 2, 580, 238, 1, 582, 321, 1, 763, 196, 2, 846, 298, 2, 841, 301, 1, 0, 0, 0], "image_id": 21505730900, "bbox": [355, 0, 594, 408], "category_id": 1, "id": 21505730900}, {"segmentation": [[337, 0, 934, 0, 934, 409, 337, 409]], "num_keypoints": 11, "area": 244173.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 465, 25, 1, 447, 141, 2, 619, 44, 2, 697, 366, 2, 770, 28, 2, 827, 331, 2, 603, 229, 1, 596, 330, 1, 779, 227, 2, 832, 321, 1, 884, 295, 1, 0, 0, 0], "image_id": 21505732401, "bbox": [337, 0, 597, 409], "category_id": 1, "id": 21505732401}, {"segmentation": [[350, 1, 913, 1, 913, 424, 350, 424]], "num_keypoints": 11, "area": 238149.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 498, 15, 1, 460, 143, 2, 633, 47, 2, 581, 383, 2, 787, 37, 2, 793, 329, 2, 607, 224, 2, 607, 304, 2, 786, 224, 2, 841, 302, 1, 900, 301, 2, 0, 0, 0], "image_id": 21505733201, "bbox": [350, 1, 563, 423], "category_id": 1, "id": 21505733201}, {"segmentation": [[344, 0, 936, 0, 936, 386, 344, 386]], "num_keypoints": 9, "area": 228512.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 503, 99, 2, 0, 0, 0, 732, 153, 2, 637, 219, 2, 729, 100, 2, 588, 242, 1, 589, 332, 2, 772, 206, 1, 853, 316, 2, 876, 321, 1, 0, 0, 0], "image_id": 21505734500, "bbox": [344, 0, 592, 386], "category_id": 1, "id": 21505734500}, {"segmentation": [[341, 1, 954, 1, 954, 412, 341, 412]], "num_keypoints": 11, "area": 251943.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 486, 20, 1, 458, 122, 2, 613, 92, 2, 552, 373, 2, 731, 57, 2, 682, 278, 2, 603, 234, 1, 591, 336, 1, 781, 224, 1, 839, 306, 2, 898, 312, 2, 0, 0, 0], "image_id": 21505734801, "bbox": [341, 1, 613, 411], "category_id": 1, "id": 21505734801}, {"segmentation": [[343, 0, 899, 0, 899, 428, 343, 428]], "num_keypoints": 10, "area": 237968.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 450, 137, 2, 542, 111, 1, 557, 385, 2, 637, 183, 2, 691, 343, 2, 605, 238, 1, 616, 317, 2, 763, 193, 2, 835, 298, 2, 853, 326, 1, 0, 0, 0], "image_id": 21505703700, "bbox": [343, 0, 556, 428], "category_id": 1, "id": 21505703700}, {"segmentation": [[342, 3, 930, 3, 930, 438, 342, 438]], "num_keypoints": 8, "area": 255780.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 442, 151, 2, 0, 0, 0, 532, 395, 2, 0, 0, 0, 683, 332, 2, 602, 240, 1, 605, 343, 1, 774, 215, 1, 835, 308, 2, 897, 313, 2, 0, 0, 0], "image_id": 21505737200, "bbox": [342, 3, 588, 435], "category_id": 1, "id": 21505737200}, {"segmentation": [[336, 6, 922, 6, 922, 409, 336, 409]], "num_keypoints": 10, "area": 236158.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 527, 27, 2, 459, 6, 1, 476, 143, 2, 0, 0, 0, 668, 269, 2, 0, 0, 0, 627, 45, 2, 595, 229, 1, 602, 316, 2, 772, 190, 1, 847, 302, 2, 862, 319, 1, 0, 0, 0], "image_id": 21505704100, "bbox": [336, 6, 586, 403], "category_id": 1, "id": 21505704100}, {"segmentation": [[356, 3, 895, 3, 895, 411, 356, 411]], "num_keypoints": 8, "area": 219912.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 575, 64, 2, 0, 0, 0, 785, 164, 2, 0, 0, 0, 798, 14, 2, 577, 252, 1, 582, 335, 2, 759, 197, 1, 857, 315, 2, 853, 320, 2, 0, 0, 0], "image_id": 21505775200, "bbox": [356, 3, 539, 408], "category_id": 1, "id": 21505775200}, {"segmentation": [[377, 1, 897, 1, 897, 383, 377, 383]], "num_keypoints": 8, "area": 198640.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 611, 31, 2, 0, 0, 0, 765, 216, 2, 0, 0, 0, 795, 57, 2, 596, 231, 1, 587, 323, 2, 759, 200, 1, 862, 320, 2, 857, 318, 1, 0, 0, 0], "image_id": 21505775601, "bbox": [377, 1, 520, 382], "category_id": 1, "id": 21505775601}, {"segmentation": [[323, 3, 912, 3, 912, 462, 323, 462]], "num_keypoints": 11, "area": 270351.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 416, 4, 2, 457, 15, 1, 435, 161, 2, 0, 0, 0, 436, 404, 2, 570, 126, 1, 595, 379, 2, 587, 240, 1, 593, 327, 2, 765, 198, 2, 831, 296, 2, 865, 319, 1, 0, 0, 0], "image_id": 21505708600, "bbox": [323, 3, 589, 459], "category_id": 1, "id": 21505708600}, {"segmentation": [[339, 3, 933, 3, 933, 463, 339, 463]], "num_keypoints": 10, "area": 273240.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 18, 1, 465, 173, 2, 0, 0, 0, 582, 404, 2, 627, 36, 2, 790, 374, 2, 589, 245, 1, 599, 327, 2, 782, 215, 2, 848, 315, 2, 868, 310, 1, 0, 0, 0], "image_id": 21505820401, "bbox": [339, 3, 594, 460], "category_id": 1, "id": 21505820401}, {"segmentation": [[316, 1, 976, 1, 976, 465, 316, 465]], "num_keypoints": 10, "area": 306240.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 135, 2, 570, 4, 2, 536, 406, 2, 702, 28, 2, 765, 383, 2, 605, 224, 1, 594, 317, 1, 779, 206, 1, 844, 309, 2, 888, 306, 1, 0, 0, 0], "image_id": 21505821601, "bbox": [316, 1, 660, 464], "category_id": 1, "id": 21505821601}, {"segmentation": [[321, 5, 916, 5, 916, 460, 321, 460]], "num_keypoints": 9, "area": 270725.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 498, 13, 1, 457, 150, 2, 0, 0, 0, 565, 396, 2, 699, 15, 2, 718, 322, 2, 625, 229, 1, 627, 329, 1, 773, 191, 2, 847, 310, 2, 0, 0, 0, 0, 0, 0], "image_id": 21505824400, "bbox": [321, 5, 595, 455], "category_id": 1, "id": 21505824400}, {"segmentation": [[319, 1, 946, 1, 946, 452, 319, 452]], "num_keypoints": 11, "area": 282777.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 451, 49, 1, 470, 171, 2, 550, 132, 1, 564, 388, 2, 690, 143, 2, 711, 328, 2, 612, 248, 1, 616, 329, 2, 773, 193, 1, 858, 320, 2, 874, 335, 1, 0, 0, 0], "image_id": 21505831601, "bbox": [319, 1, 627, 451], "category_id": 1, "id": 21505831601}, {"segmentation": [[349, 5, 945, 5, 945, 438, 349, 438]], "num_keypoints": 11, "area": 258068.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 423, 32, 1, 495, 152, 2, 561, 112, 1, 583, 395, 2, 691, 131, 2, 714, 322, 2, 605, 234, 1, 615, 322, 2, 777, 201, 1, 860, 320, 2, 847, 321, 1, 0, 0, 0], "image_id": 21505832500, "bbox": [349, 5, 596, 433], "category_id": 1, "id": 21505832500}, {"segmentation": [[330, 4, 908, 4, 908, 440, 330, 440]], "num_keypoints": 11, "area": 252008.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 437, 49, 1, 477, 151, 2, 553, 130, 1, 571, 395, 2, 683, 144, 2, 715, 322, 2, 603, 252, 1, 606, 326, 2, 773, 199, 1, 859, 320, 2, 852, 313, 1, 0, 0, 0], "image_id": 21505833200, "bbox": [330, 4, 578, 436], "category_id": 1, "id": 21505833200}, {"segmentation": [[314, 3, 917, 3, 917, 443, 314, 443]], "num_keypoints": 11, "area": 265320.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 452, 36, 1, 473, 149, 2, 553, 130, 1, 583, 397, 2, 683, 149, 2, 718, 322, 2, 602, 242, 1, 613, 320, 2, 775, 194, 1, 860, 319, 2, 846, 316, 1, 0, 0, 0], "image_id": 21505833601, "bbox": [314, 3, 603, 440], "category_id": 1, "id": 21505833601}, {"segmentation": [[339, 1, 948, 1, 948, 452, 339, 452]], "num_keypoints": 11, "area": 274659.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 56, 1, 485, 175, 2, 555, 138, 1, 583, 401, 2, 685, 152, 2, 714, 324, 2, 612, 246, 1, 622, 332, 2, 770, 201, 1, 859, 319, 2, 858, 325, 1, 0, 0, 0], "image_id": 21505833900, "bbox": [339, 1, 609, 451], "category_id": 1, "id": 21505833900}, {"segmentation": [[335, 0, 950, 0, 950, 457, 335, 457]], "num_keypoints": 11, "area": 281055.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 32, 1, 472, 118, 2, 570, 107, 1, 578, 404, 2, 701, 110, 2, 735, 310, 2, 613, 236, 1, 612, 323, 2, 768, 187, 1, 864, 320, 2, 859, 322, 2, 0, 0, 0], "image_id": 21505834500, "bbox": [335, 0, 615, 457], "category_id": 1, "id": 21505834500}, {"segmentation": [[323, 2, 942, 2, 942, 430, 323, 430]], "num_keypoints": 12, "area": 264932.0, "iscrowd": 0, "keypoints": [576, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 486, 30, 1, 455, 155, 2, 611, 99, 2, 577, 376, 2, 741, 174, 2, 727, 327, 2, 596, 241, 1, 610, 318, 2, 758, 195, 1, 845, 306, 2, 851, 310, 1, 0, 0, 0], "image_id": 21505835300, "bbox": [323, 2, 619, 428], "category_id": 1, "id": 21505835300}, {"segmentation": [[339, 0, 930, 0, 930, 405, 339, 405]], "num_keypoints": 11, "area": 239355.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 478, 25, 1, 451, 153, 2, 593, 69, 2, 616, 350, 2, 715, 144, 2, 778, 224, 2, 594, 228, 1, 601, 332, 1, 759, 189, 1, 851, 313, 2, 851, 313, 1, 0, 0, 0], "image_id": 21505835601, "bbox": [339, 0, 591, 405], "category_id": 1, "id": 21505835601}, {"segmentation": [[337, 2, 931, 2, 931, 412, 337, 412]], "num_keypoints": 8, "area": 243540.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 148, 2, 0, 0, 0, 604, 333, 2, 0, 0, 0, 774, 228, 2, 603, 230, 1, 598, 339, 1, 766, 189, 1, 852, 312, 2, 847, 305, 1, 0, 0, 0], "image_id": 21505835900, "bbox": [337, 2, 594, 410], "category_id": 1, "id": 21505835900}, {"segmentation": [[347, 0, 953, 0, 953, 420, 347, 420]], "num_keypoints": 8, "area": 254520.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 459, 132, 2, 0, 0, 0, 604, 320, 2, 0, 0, 0, 772, 227, 2, 594, 229, 1, 587, 329, 1, 760, 190, 1, 841, 302, 2, 850, 309, 1, 0, 0, 0], "image_id": 21505836400, "bbox": [347, 0, 606, 420], "category_id": 1, "id": 21505836400}, {"segmentation": [[346, 2, 961, 2, 961, 422, 346, 422]], "num_keypoints": 9, "area": 258300.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 15, 1, 460, 153, 2, 0, 0, 0, 615, 333, 2, 0, 0, 0, 778, 223, 2, 579, 232, 1, 584, 334, 1, 764, 197, 2, 843, 304, 2, 843, 316, 1, 0, 0, 0], "image_id": 21505836700, "bbox": [346, 2, 615, 420], "category_id": 1, "id": 21505836700}, {"segmentation": [[328, 5, 916, 5, 916, 405, 328, 405]], "num_keypoints": 8, "area": 235200.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 444, 122, 2, 0, 0, 0, 674, 224, 2, 0, 0, 0, 832, 97, 2, 608, 262, 1, 627, 355, 2, 780, 206, 1, 846, 314, 2, 861, 313, 1, 0, 0, 0], "image_id": 21505841400, "bbox": [328, 5, 588, 400], "category_id": 1, "id": 21505841400}, {"segmentation": [[335, 0, 959, 0, 959, 441, 335, 441]], "num_keypoints": 11, "area": 275184.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 21, 1, 442, 161, 2, 580, 4, 2, 595, 389, 2, 699, 22, 2, 814, 370, 2, 609, 243, 1, 621, 322, 2, 770, 201, 2, 840, 310, 2, 866, 311, 2, 0, 0, 0], "image_id": 21505846200, "bbox": [335, 0, 624, 441], "category_id": 1, "id": 21505846200}, {"segmentation": [[336, 4, 930, 4, 930, 461, 336, 461]], "num_keypoints": 11, "area": 271458.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 473, 14, 1, 449, 144, 2, 590, 120, 2, 540, 404, 2, 690, 183, 2, 762, 391, 2, 593, 241, 1, 604, 326, 2, 754, 190, 1, 857, 312, 2, 888, 312, 2, 0, 0, 0], "image_id": 21505847100, "bbox": [336, 4, 594, 457], "category_id": 1, "id": 21505847100}, {"segmentation": [[329, 0, 944, 0, 944, 464, 329, 464]], "num_keypoints": 11, "area": 285360.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 462, 13, 1, 439, 141, 2, 628, 56, 2, 533, 406, 2, 791, 37, 2, 758, 385, 2, 597, 235, 1, 598, 332, 2, 770, 203, 2, 857, 319, 2, 885, 318, 2, 0, 0, 0], "image_id": 21505847601, "bbox": [329, 0, 615, 464], "category_id": 1, "id": 21505847601}, {"segmentation": [[327, 4, 921, 4, 921, 467, 327, 467]], "num_keypoints": 11, "area": 275022.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 479, 32, 1, 448, 141, 2, 597, 111, 2, 537, 406, 2, 712, 186, 2, 762, 389, 2, 588, 247, 1, 597, 333, 2, 772, 197, 1, 857, 318, 2, 865, 303, 2, 0, 0, 0], "image_id": 21505848100, "bbox": [327, 4, 594, 463], "category_id": 1, "id": 21505848100}, {"segmentation": [[348, 0, 898, 0, 898, 458, 348, 458]], "num_keypoints": 11, "area": 251900.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 466, 31, 1, 447, 157, 2, 593, 69, 2, 534, 402, 2, 735, 49, 2, 761, 387, 2, 602, 236, 1, 602, 328, 2, 769, 189, 2, 857, 319, 2, 865, 302, 1, 0, 0, 0], "image_id": 21505848401, "bbox": [348, 0, 550, 458], "category_id": 1, "id": 21505848401}, {"segmentation": [[334, 5, 923, 5, 923, 461, 334, 461]], "num_keypoints": 11, "area": 268584.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 491, 30, 1, 440, 145, 2, 626, 70, 2, 532, 410, 2, 773, 98, 2, 752, 372, 2, 598, 231, 1, 591, 321, 2, 769, 190, 1, 847, 320, 2, 853, 301, 1, 0, 0, 0], "image_id": 21505848801, "bbox": [334, 5, 589, 456], "category_id": 1, "id": 21505848801}, {"segmentation": [[333, 1, 921, 1, 921, 456, 333, 456]], "num_keypoints": 11, "area": 267540.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 465, 33, 1, 447, 152, 2, 590, 87, 2, 573, 410, 2, 723, 47, 2, 795, 373, 2, 618, 233, 1, 629, 321, 2, 790, 220, 2, 837, 316, 1, 882, 298, 1, 0, 0, 0], "image_id": 21505850801, "bbox": [333, 1, 588, 455], "category_id": 1, "id": 21505850801}, {"segmentation": [[332, 2, 915, 2, 915, 442, 332, 442]], "num_keypoints": 11, "area": 256520.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 481, 37, 1, 464, 179, 2, 595, 88, 2, 568, 402, 2, 722, 41, 2, 702, 322, 2, 621, 233, 2, 651, 315, 2, 768, 204, 2, 844, 310, 2, 872, 313, 2, 0, 0, 0], "image_id": 21505854500, "bbox": [332, 2, 583, 440], "category_id": 1, "id": 21505854500}, {"segmentation": [[338, 4, 926, 4, 926, 441, 338, 441]], "num_keypoints": 11, "area": 256956.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 36, 1, 476, 154, 2, 589, 66, 2, 566, 386, 2, 731, 39, 2, 701, 320, 2, 609, 240, 1, 613, 328, 2, 765, 194, 2, 851, 312, 2, 882, 329, 1, 0, 0, 0], "image_id": 21505855900, "bbox": [338, 4, 588, 437], "category_id": 1, "id": 21505855900}, {"segmentation": [[336, 1, 942, 1, 942, 441, 336, 441]], "num_keypoints": 11, "area": 266640.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 471, 32, 1, 466, 140, 2, 597, 66, 2, 570, 397, 2, 732, 37, 2, 702, 320, 2, 600, 227, 1, 605, 325, 2, 784, 223, 1, 845, 322, 2, 899, 306, 2, 0, 0, 0], "image_id": 21505856200, "bbox": [336, 1, 606, 440], "category_id": 1, "id": 21505856200}, {"segmentation": [[348, 3, 962, 3, 962, 445, 348, 445]], "num_keypoints": 11, "area": 271388.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 481, 39, 1, 457, 151, 2, 589, 27, 2, 549, 406, 2, 722, 35, 2, 698, 327, 2, 602, 243, 1, 615, 336, 1, 776, 214, 2, 840, 311, 2, 907, 323, 1, 0, 0, 0], "image_id": 21505856801, "bbox": [348, 3, 614, 442], "category_id": 1, "id": 21505856801}, {"segmentation": [[335, 3, 899, 3, 899, 412, 335, 412]], "num_keypoints": 9, "area": 230676.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 496, 26, 1, 452, 150, 2, 0, 0, 0, 626, 350, 2, 0, 0, 0, 781, 216, 2, 611, 229, 1, 606, 359, 1, 780, 193, 1, 856, 315, 2, 868, 315, 1, 0, 0, 0], "image_id": 21505870801, "bbox": [335, 3, 564, 409], "category_id": 1, "id": 21505870801}, {"segmentation": [[342, 2, 912, 2, 912, 460, 342, 460]], "num_keypoints": 11, "area": 261060.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 464, 36, 1, 470, 153, 2, 578, 98, 2, 524, 411, 2, 715, 69, 2, 744, 401, 2, 610, 234, 1, 601, 331, 2, 784, 230, 2, 859, 316, 2, 882, 307, 2, 0, 0, 0], "image_id": 21505871600, "bbox": [342, 2, 570, 458], "category_id": 1, "id": 21505871600}, {"segmentation": [[329, 1, 957, 1, 957, 449, 329, 449]], "num_keypoints": 11, "area": 281344.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 29, 1, 442, 172, 2, 566, 3, 2, 566, 389, 2, 691, 26, 2, 785, 374, 2, 602, 234, 1, 612, 326, 2, 776, 207, 2, 837, 322, 2, 893, 315, 2, 0, 0, 0], "image_id": 21505874401, "bbox": [329, 1, 628, 448], "category_id": 1, "id": 21505874401}, {"segmentation": [[336, 1, 916, 1, 916, 439, 336, 439]], "num_keypoints": 10, "area": 254040.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 469, 26, 1, 447, 141, 2, 566, 3, 2, 555, 376, 2, 690, 16, 2, 764, 326, 2, 594, 235, 1, 595, 316, 2, 765, 194, 2, 829, 315, 1, 0, 0, 0, 0, 0, 0], "image_id": 21505875400, "bbox": [336, 1, 580, 438], "category_id": 1, "id": 21505875400}, {"segmentation": [[337, 0, 897, 0, 897, 440, 337, 440]], "num_keypoints": 11, "area": 246400.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 480, 23, 1, 445, 150, 2, 594, 3, 2, 560, 397, 2, 699, 3, 2, 752, 331, 2, 603, 240, 1, 614, 322, 2, 765, 194, 2, 839, 316, 2, 851, 319, 1, 0, 0, 0], "image_id": 21505929800, "bbox": [337, 0, 560, 440], "category_id": 1, "id": 21505929800}, {"segmentation": [[350, 1, 971, 1, 971, 462, 350, 462]], "num_keypoints": 11, "area": 286281.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 507, 17, 1, 447, 157, 2, 622, 99, 2, 564, 421, 2, 765, 165, 2, 775, 393, 2, 611, 240, 1, 622, 337, 2, 789, 197, 1, 858, 311, 2, 852, 289, 1, 0, 0, 0], "image_id": 21505939401, "bbox": [350, 1, 621, 461], "category_id": 1, "id": 21505939401}, {"segmentation": [[340, 1, 933, 1, 933, 462, 340, 462]], "num_keypoints": 12, "area": 273373.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 396, 8, 2, 492, 28, 1, 457, 152, 2, 627, 56, 2, 541, 415, 2, 785, 37, 2, 761, 391, 2, 593, 254, 1, 601, 325, 2, 768, 193, 2, 858, 311, 2, 867, 303, 2, 0, 0, 0], "image_id": 21505939900, "bbox": [340, 1, 593, 461], "category_id": 1, "id": 21505939900}, {"segmentation": [[344, 0, 911, 0, 911, 460, 344, 460]], "num_keypoints": 13, "area": 260820.0, "iscrowd": 0, "keypoints": [562, 3, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 429, 4, 2, 482, 27, 1, 456, 156, 2, 616, 90, 2, 541, 416, 2, 747, 173, 2, 764, 393, 2, 588, 240, 1, 593, 330, 2, 771, 195, 1, 857, 318, 2, 881, 319, 1, 0, 0, 0], "image_id": 21505940501, "bbox": [344, 0, 567, 460], "category_id": 1, "id": 21505940501}, {"segmentation": [[325, 5, 931, 5, 931, 468, 325, 468]], "num_keypoints": 12, "area": 280578.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 5, 2, 440, 32, 1, 448, 152, 2, 576, 90, 2, 540, 418, 2, 708, 89, 2, 762, 391, 2, 582, 231, 1, 584, 325, 2, 762, 195, 2, 840, 312, 2, 852, 311, 1, 0, 0, 0], "image_id": 21505940801, "bbox": [325, 5, 606, 463], "category_id": 1, "id": 21505940801}, {"segmentation": [[327, 3, 900, 3, 900, 445, 327, 445]], "num_keypoints": 11, "area": 253266.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 473, 32, 1, 437, 144, 2, 606, 78, 2, 562, 410, 2, 752, 36, 2, 689, 329, 2, 591, 237, 1, 597, 328, 2, 768, 197, 1, 861, 320, 2, 854, 314, 1, 0, 0, 0], "image_id": 21505941201, "bbox": [327, 3, 573, 442], "category_id": 1, "id": 21505941201}, {"segmentation": [[344, 0, 885, 0, 885, 443, 344, 443]], "num_keypoints": 10, "area": 239663.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 477, 42, 1, 447, 152, 2, 585, 107, 2, 566, 398, 2, 722, 69, 2, 701, 329, 2, 623, 244, 1, 622, 341, 1, 766, 203, 2, 849, 320, 2, 0, 0, 0, 0, 0, 0], "image_id": 21505944700, "bbox": [344, 0, 541, 443], "category_id": 1, "id": 21505944700}, {"segmentation": [[332, 2, 945, 2, 945, 439, 332, 439]], "num_keypoints": 11, "area": 267881.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 40, 1, 432, 169, 2, 589, 99, 2, 599, 390, 2, 726, 68, 2, 809, 332, 2, 601, 239, 1, 612, 319, 2, 787, 223, 2, 830, 317, 1, 893, 302, 1, 0, 0, 0], "image_id": 21505946001, "bbox": [332, 2, 613, 437], "category_id": 1, "id": 21505946001}, {"segmentation": [[345, 2, 900, 2, 900, 448, 345, 448]], "num_keypoints": 11, "area": 247530.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 32, 1, 440, 152, 2, 586, 102, 2, 574, 399, 2, 723, 69, 2, 703, 322, 2, 602, 240, 1, 607, 334, 2, 768, 189, 2, 861, 320, 2, 852, 315, 1, 0, 0, 0], "image_id": 21505946800, "bbox": [345, 2, 555, 446], "category_id": 1, "id": 21505946800}, {"segmentation": [[337, 0, 906, 0, 906, 448, 337, 448]], "num_keypoints": 11, "area": 254912.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 463, 42, 1, 445, 163, 2, 583, 104, 2, 568, 389, 2, 722, 69, 2, 703, 322, 2, 613, 245, 1, 614, 330, 2, 763, 196, 2, 860, 318, 2, 847, 310, 1, 0, 0, 0], "image_id": 21505947201, "bbox": [337, 0, 569, 448], "category_id": 1, "id": 21505947201}, {"segmentation": [[340, 0, 927, 0, 927, 443, 340, 443]], "num_keypoints": 11, "area": 260041.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 475, 35, 1, 458, 165, 2, 582, 99, 2, 581, 397, 2, 730, 66, 2, 705, 320, 2, 602, 244, 1, 613, 326, 2, 766, 199, 2, 859, 311, 2, 853, 318, 1, 0, 0, 0], "image_id": 21505948300, "bbox": [340, 0, 587, 443], "category_id": 1, "id": 21505948300}, {"segmentation": [[342, 3, 956, 3, 956, 447, 342, 447]], "num_keypoints": 11, "area": 272616.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 474, 35, 1, 457, 158, 2, 585, 101, 2, 569, 398, 2, 724, 72, 2, 793, 385, 2, 599, 248, 1, 602, 333, 2, 789, 234, 2, 837, 311, 2, 904, 315, 2, 0, 0, 0], "image_id": 21505948600, "bbox": [342, 3, 614, 444], "category_id": 1, "id": 21505948600}, {"segmentation": [[334, 0, 914, 0, 914, 428, 334, 428]], "num_keypoints": 11, "area": 248240.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 486, 24, 1, 454, 154, 2, 616, 68, 2, 577, 375, 2, 780, 76, 2, 786, 347, 2, 604, 241, 1, 611, 323, 2, 776, 195, 1, 826, 311, 1, 851, 314, 1, 0, 0, 0], "image_id": 21505905201, "bbox": [334, 0, 580, 428], "category_id": 1, "id": 21505905201}, {"segmentation": [[330, 2, 966, 2, 966, 445, 330, 445]], "num_keypoints": 10, "area": 281748.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 469, 214, 2, 585, 3, 2, 591, 381, 2, 681, 48, 2, 794, 373, 2, 602, 251, 1, 608, 325, 2, 768, 192, 2, 859, 323, 2, 851, 308, 1, 0, 0, 0], "image_id": 21505956001, "bbox": [330, 2, 636, 443], "category_id": 1, "id": 21505956001}, {"segmentation": [[343, 5, 944, 5, 944, 444, 343, 444]], "num_keypoints": 11, "area": 263839.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 447, 20, 1, 467, 176, 2, 570, 9, 2, 595, 394, 2, 687, 37, 2, 804, 372, 2, 612, 232, 1, 616, 313, 2, 770, 204, 2, 839, 315, 2, 848, 293, 1, 0, 0, 0], "image_id": 21505956600, "bbox": [343, 5, 601, 439], "category_id": 1, "id": 21505956600}, {"segmentation": [[293, 3, 1041, 3, 1041, 469, 293, 469]], "num_keypoints": 10, "area": 348568.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 36, 2, 454, 161, 2, 570, 111, 2, 607, 398, 2, 689, 103, 2, 806, 373, 2, 609, 223, 1, 616, 335, 2, 762, 194, 2, 856, 319, 2, 0, 0, 0, 0, 0, 0], "image_id": 21505978700, "bbox": [293, 3, 748, 466], "category_id": 1, "id": 21505978700}, {"segmentation": [[354, 2, 900, 2, 900, 433, 354, 433]], "num_keypoints": 11, "area": 235326.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 485, 33, 1, 446, 166, 2, 616, 106, 2, 578, 390, 2, 782, 164, 2, 702, 319, 2, 598, 240, 1, 605, 332, 1, 772, 192, 1, 841, 319, 2, 858, 317, 1, 0, 0, 0], "image_id": 21505908100, "bbox": [354, 2, 546, 431], "category_id": 1, "id": 21505908100}, {"segmentation": [[323, 1, 911, 1, 911, 445, 323, 445]], "num_keypoints": 11, "area": 261072.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 432, 37, 1, 441, 158, 2, 531, 128, 1, 572, 395, 2, 661, 169, 2, 702, 320, 2, 602, 237, 1, 610, 338, 1, 765, 200, 2, 861, 320, 2, 846, 305, 1, 0, 0, 0], "image_id": 21505983500, "bbox": [323, 1, 588, 444], "category_id": 1, "id": 21505983500}, {"segmentation": [[343, 5, 898, 5, 898, 441, 343, 441]], "num_keypoints": 11, "area": 241980.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 474, 37, 1, 456, 153, 2, 607, 122, 2, 573, 385, 2, 733, 195, 2, 699, 319, 2, 598, 240, 1, 608, 331, 2, 760, 199, 1, 859, 319, 2, 856, 317, 1, 0, 0, 0], "image_id": 21505908400, "bbox": [343, 5, 555, 436], "category_id": 1, "id": 21505908400}, {"segmentation": [[321, 0, 933, 0, 933, 441, 321, 441]], "num_keypoints": 11, "area": 269892.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 46, 1, 442, 179, 2, 552, 150, 1, 574, 394, 2, 664, 187, 2, 703, 320, 2, 596, 249, 1, 599, 335, 2, 765, 187, 2, 853, 322, 2, 865, 326, 1, 0, 0, 0], "image_id": 21505984200, "bbox": [321, 0, 612, 441], "category_id": 1, "id": 21505984200}, {"segmentation": [[341, 3, 873, 3, 873, 438, 341, 438]], "num_keypoints": 10, "area": 231420.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 463, 34, 1, 452, 162, 2, 550, 135, 1, 574, 394, 2, 668, 173, 2, 702, 320, 2, 608, 232, 2, 604, 332, 2, 772, 199, 2, 851, 321, 2, 0, 0, 0, 0, 0, 0], "image_id": 21505984600, "bbox": [341, 3, 532, 435], "category_id": 1, "id": 21505984600}, {"segmentation": [[343, 0, 900, 0, 900, 435, 343, 435]], "num_keypoints": 11, "area": 242295.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 35, 1, 445, 167, 2, 552, 141, 2, 562, 390, 2, 669, 174, 2, 701, 319, 2, 596, 244, 1, 597, 335, 2, 766, 192, 1, 858, 318, 2, 851, 320, 1, 0, 0, 0], "image_id": 21505984900, "bbox": [343, 0, 557, 435], "category_id": 1, "id": 21505984900}, {"segmentation": [[336, 2, 938, 2, 938, 441, 336, 441]], "num_keypoints": 11, "area": 264278.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 37, 1, 458, 169, 2, 546, 142, 1, 574, 394, 2, 649, 193, 2, 699, 319, 2, 594, 240, 1, 595, 337, 2, 768, 195, 2, 846, 315, 2, 860, 324, 1, 0, 0, 0], "image_id": 21505985201, "bbox": [336, 2, 602, 439], "category_id": 1, "id": 21505985201}, {"segmentation": [[341, 1, 968, 1, 968, 463, 341, 463]], "num_keypoints": 11, "area": 289674.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 485, 38, 1, 471, 172, 2, 620, 79, 2, 565, 395, 2, 774, 91, 2, 785, 387, 2, 601, 238, 1, 604, 330, 2, 785, 216, 2, 858, 318, 2, 909, 308, 2, 0, 0, 0], "image_id": 21505985800, "bbox": [341, 1, 627, 462], "category_id": 1, "id": 21505985800}, {"segmentation": [[336, 2, 900, 2, 900, 434, 336, 434]], "num_keypoints": 11, "area": 243648.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 46, 1, 460, 164, 2, 574, 106, 2, 582, 389, 2, 695, 110, 2, 699, 312, 2, 591, 232, 1, 602, 332, 1, 767, 197, 1, 860, 315, 2, 850, 301, 1, 0, 0, 0], "image_id": 21505908801, "bbox": [336, 2, 564, 432], "category_id": 1, "id": 21505908801}, {"segmentation": [[350, 4, 974, 4, 974, 449, 350, 449]], "num_keypoints": 10, "area": 277680, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 463, 20, 1, 443, 143, 2, 0, 0, 0, 566, 389, 2, 664, 4, 2, 782, 377, 2, 599, 233, 1, 604, 329, 2, 777, 196, 1, 848, 311, 2, 840, 294, 1, 0, 0, 0], "image_id": 21505988100, "bbox": [350, 4, 624, 445], "category_id": 1, "id": 21505988100}, {"segmentation": [[313, 1, 914, 1, 914, 431, 313, 431]], "num_keypoints": 12, "area": 258430.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 444, 4, 2, 452, 39, 1, 468, 156, 2, 584, 75, 2, 579, 384, 2, 740, 58, 2, 701, 311, 2, 598, 236, 1, 605, 339, 1, 769, 190, 2, 850, 310, 2, 861, 327, 1, 0, 0, 0], "image_id": 21505909100, "bbox": [313, 1, 601, 430], "category_id": 1, "id": 21505909100}, {"segmentation": [[343, 2, 909, 2, 909, 457, 343, 457]], "num_keypoints": 9, "area": 257530.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 480, 22, 1, 447, 203, 2, 0, 0, 0, 561, 390, 2, 0, 0, 0, 781, 383, 2, 599, 235, 1, 604, 329, 2, 766, 202, 2, 855, 311, 2, 867, 323, 1, 0, 0, 0], "image_id": 21506010401, "bbox": [343, 2, 566, 455], "category_id": 1, "id": 21506010401}, {"segmentation": [[327, 2, 942, 2, 942, 436, 327, 436]], "num_keypoints": 10, "area": 266910, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 479, 31, 1, 478, 170, 2, 0, 0, 0, 598, 385, 2, 610, 2, 2, 806, 366, 2, 610, 229, 1, 619, 312, 2, 786, 231, 1, 849, 315, 2, 865, 294, 1, 0, 0, 0], "image_id": 21506020001, "bbox": [327, 2, 615, 434], "category_id": 1, "id": 21506020001}, {"segmentation": [[332, 2, 893, 2, 893, 403, 332, 403]], "num_keypoints": 11, "area": 224961.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 473, 30, 1, 471, 152, 2, 599, 22, 2, 598, 351, 2, 731, 4, 2, 741, 260, 2, 609, 241, 1, 599, 333, 1, 769, 199, 1, 850, 310, 2, 863, 319, 1, 0, 0, 0], "image_id": 21506022401, "bbox": [332, 2, 561, 401], "category_id": 1, "id": 21506022401}, {"segmentation": [[328, 2, 909, 2, 909, 433, 328, 433]], "num_keypoints": 11, "area": 250411.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 470, 40, 1, 451, 168, 2, 610, 48, 2, 560, 398, 2, 778, 27, 2, 774, 352, 2, 600, 238, 1, 613, 327, 2, 770, 197, 1, 841, 315, 1, 858, 317, 1, 0, 0, 0], "image_id": 21506023000, "bbox": [328, 2, 581, 431], "category_id": 1, "id": 21506023000}, {"segmentation": [[325, 0, 895, 0, 895, 463, 325, 463]], "num_keypoints": 11, "area": 263910.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 475, 37, 1, 448, 153, 2, 593, 58, 2, 544, 414, 2, 762, 32, 2, 764, 383, 2, 582, 238, 1, 585, 327, 2, 777, 205, 1, 839, 321, 1, 864, 300, 1, 0, 0, 0], "image_id": 21506024001, "bbox": [325, 0, 570, 463], "category_id": 1, "id": 21506024001}, {"segmentation": [[342, 2, 944, 2, 944, 465, 342, 465]], "num_keypoints": 11, "area": 278726.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 39, 1, 466, 170, 2, 586, 49, 2, 533, 416, 2, 765, 28, 2, 749, 372, 2, 599, 241, 1, 612, 329, 2, 771, 194, 1, 836, 323, 1, 870, 335, 1, 0, 0, 0], "image_id": 21506024401, "bbox": [342, 2, 602, 463], "category_id": 1, "id": 21506024401}, {"segmentation": [[324, 0, 957, 0, 957, 458, 324, 458]], "num_keypoints": 10, "area": 289914.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 27, 1, 440, 153, 2, 599, 48, 2, 545, 386, 2, 753, 24, 2, 755, 302, 2, 580, 248, 1, 589, 344, 1, 765, 201, 2, 834, 321, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506026300, "bbox": [324, 0, 633, 458], "category_id": 1, "id": 21506026300}, {"segmentation": [[327, 1, 936, 1, 936, 466, 327, 466]], "num_keypoints": 11, "area": 283185.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 31, 1, 460, 161, 2, 589, 58, 2, 577, 402, 2, 747, 36, 2, 786, 376, 2, 594, 231, 1, 603, 323, 2, 787, 220, 2, 856, 319, 2, 899, 313, 2, 0, 0, 0], "image_id": 21506026801, "bbox": [327, 1, 609, 465], "category_id": 1, "id": 21506026801}, {"segmentation": [[0, 0, 839, 0, 839, 352, 0, 352]], "num_keypoints": 9, "area": 295328, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 419, 18, 2, 492, 30, 1, 422, 174, 2, 0, 0, 0, 607, 352, 2, 0, 0, 0, 607, 143, 2, 586, 224, 1, 620, 333, 1, 773, 203, 1, 839, 318, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506002800, "bbox": [0, 0, 839, 352], "category_id": 1, "id": 21506002800}, {"segmentation": [[343, 5, 976, 5, 976, 456, 343, 456]], "num_keypoints": 11, "area": 285483.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 469, 30, 1, 444, 154, 2, 579, 89, 2, 557, 397, 2, 723, 58, 2, 780, 383, 2, 607, 232, 1, 601, 322, 2, 766, 194, 2, 844, 314, 2, 850, 302, 1, 0, 0, 0], "image_id": 21506036801, "bbox": [343, 5, 633, 451], "category_id": 1, "id": 21506036801}, {"segmentation": [[337, 1, 922, 1, 922, 469, 337, 469]], "num_keypoints": 12, "area": 273780.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 395, 4, 2, 486, 29, 1, 437, 167, 2, 605, 102, 2, 554, 410, 2, 740, 185, 2, 760, 395, 2, 593, 251, 1, 598, 334, 2, 766, 211, 1, 858, 319, 2, 895, 316, 2, 0, 0, 0], "image_id": 21506038801, "bbox": [337, 1, 585, 468], "category_id": 1, "id": 21506038801}, {"segmentation": [[320, 2, 913, 2, 913, 469, 320, 469]], "num_keypoints": 12, "area": 276931.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 414, 4, 2, 478, 23, 1, 447, 158, 2, 620, 60, 2, 547, 413, 2, 773, 52, 2, 760, 393, 2, 599, 249, 1, 605, 329, 2, 769, 196, 2, 857, 318, 2, 861, 302, 2, 0, 0, 0], "image_id": 21506039201, "bbox": [320, 2, 593, 467], "category_id": 1, "id": 21506039201}, {"segmentation": [[342, 2, 918, 2, 918, 477, 342, 477]], "num_keypoints": 13, "area": 273600.0, "iscrowd": 0, "keypoints": [555, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 423, 4, 2, 492, 31, 1, 455, 164, 2, 612, 92, 2, 548, 418, 2, 767, 157, 2, 770, 392, 2, 585, 250, 1, 592, 335, 2, 778, 204, 1, 857, 316, 2, 852, 296, 1, 0, 0, 0], "image_id": 21506039501, "bbox": [342, 2, 576, 475], "category_id": 1, "id": 21506039501}, {"segmentation": [[331, 0, 941, 0, 941, 451, 331, 451]], "num_keypoints": 11, "area": 275110.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 463, 42, 1, 443, 162, 2, 578, 111, 2, 581, 395, 2, 708, 79, 2, 806, 385, 2, 605, 249, 1, 616, 330, 2, 784, 216, 2, 853, 319, 2, 908, 318, 2, 0, 0, 0], "image_id": 21506041601, "bbox": [331, 0, 610, 451], "category_id": 1, "id": 21506041601}, {"segmentation": [[352, 0, 891, 0, 891, 434, 352, 434]], "num_keypoints": 11, "area": 233926.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 472, 39, 1, 448, 162, 2, 574, 118, 2, 566, 395, 2, 699, 94, 2, 710, 324, 2, 607, 233, 2, 604, 333, 2, 765, 202, 2, 860, 320, 2, 876, 311, 2, 0, 0, 0], "image_id": 21506045800, "bbox": [352, 0, 539, 434], "category_id": 1, "id": 21506045800}, {"segmentation": [[319, 3, 924, 3, 924, 427, 319, 427]], "num_keypoints": 11, "area": 256520.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 441, 36, 1, 456, 152, 2, 570, 116, 2, 556, 385, 2, 705, 87, 2, 712, 324, 2, 594, 234, 1, 602, 331, 2, 761, 195, 2, 861, 319, 2, 853, 315, 1, 0, 0, 0], "image_id": 21506046800, "bbox": [319, 3, 605, 424], "category_id": 1, "id": 21506046800}, {"segmentation": [[341, 3, 945, 3, 945, 445, 341, 445]], "num_keypoints": 11, "area": 266968.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 462, 39, 1, 457, 175, 2, 581, 118, 2, 573, 395, 2, 699, 90, 2, 712, 326, 2, 598, 250, 1, 604, 337, 2, 766, 203, 2, 837, 312, 2, 851, 316, 1, 0, 0, 0], "image_id": 21506047700, "bbox": [341, 3, 604, 442], "category_id": 1, "id": 21506047700}, {"segmentation": [[341, 4, 895, 4, 895, 423, 341, 423]], "num_keypoints": 9, "area": 232126, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 4, 2, 0, 0, 0, 427, 152, 2, 0, 0, 0, 585, 383, 2, 0, 0, 0, 637, 176, 2, 599, 210, 1, 578, 309, 1, 768, 200, 1, 847, 310, 2, 839, 314, 1, 0, 0, 0], "image_id": 21506004801, "bbox": [341, 4, 554, 419], "category_id": 1, "id": 21506004801}, {"segmentation": [[319, 1, 903, 1, 903, 441, 319, 441]], "num_keypoints": 12, "area": 256960.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 451, 1, 2, 446, 26, 1, 451, 151, 2, 584, 50, 2, 571, 376, 2, 757, 37, 2, 719, 323, 2, 599, 239, 1, 604, 326, 2, 770, 194, 2, 845, 305, 2, 858, 311, 1, 0, 0, 0], "image_id": 21506048801, "bbox": [319, 1, 584, 440], "category_id": 1, "id": 21506048801}, {"segmentation": [[339, 2, 896, 2, 896, 429, 339, 429]], "num_keypoints": 11, "area": 237839.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 471, 18, 1, 447, 145, 2, 581, 12, 2, 570, 393, 2, 705, 7, 2, 718, 323, 2, 610, 237, 1, 623, 319, 2, 764, 194, 2, 846, 314, 2, 834, 295, 1, 0, 0, 0], "image_id": 21506049601, "bbox": [339, 2, 557, 427], "category_id": 1, "id": 21506049601}, {"segmentation": [[328, 1, 906, 1, 906, 458, 328, 458]], "num_keypoints": 11, "area": 264146.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 459, 29, 1, 468, 171, 2, 561, 9, 2, 552, 403, 2, 689, 23, 2, 765, 383, 2, 602, 244, 1, 608, 331, 2, 764, 185, 2, 857, 316, 2, 849, 312, 1, 0, 0, 0], "image_id": 21506057201, "bbox": [328, 1, 578, 457], "category_id": 1, "id": 21506057201}, {"segmentation": [[335, 1, 914, 1, 914, 402, 335, 402]], "num_keypoints": 8, "area": 232179.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 464, 140, 2, 0, 0, 0, 668, 268, 2, 0, 0, 0, 805, 90, 2, 595, 235, 1, 603, 336, 2, 762, 193, 1, 848, 309, 2, 843, 316, 1, 0, 0, 0], "image_id": 21506057800, "bbox": [335, 1, 579, 401], "category_id": 1, "id": 21506057800}, {"segmentation": [[346, 1, 943, 1, 943, 457, 346, 457]], "num_keypoints": 10, "area": 272232.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 440, 14, 1, 466, 163, 1, 0, 0, 0, 573, 385, 2, 581, 7, 2, 786, 385, 2, 618, 238, 2, 621, 337, 2, 787, 220, 2, 842, 312, 2, 890, 304, 2, 0, 0, 0], "image_id": 21506059601, "bbox": [346, 1, 597, 456], "category_id": 1, "id": 21506059601}, {"segmentation": [[325, 2, 905, 2, 905, 460, 325, 460]], "num_keypoints": 11, "area": 265640.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 518, 22, 1, 465, 175, 2, 617, 22, 2, 556, 414, 2, 697, 4, 2, 722, 266, 2, 583, 232, 1, 590, 333, 1, 771, 200, 1, 847, 308, 2, 832, 306, 1, 0, 0, 0], "image_id": 21506006401, "bbox": [325, 2, 580, 458], "category_id": 1, "id": 21506006401}, {"segmentation": [[342, 5, 940, 5, 940, 462, 342, 462]], "num_keypoints": 10, "area": 273286.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 465, 26, 2, 467, 192, 2, 0, 0, 0, 573, 403, 2, 698, 15, 2, 777, 395, 2, 611, 235, 2, 632, 325, 2, 765, 189, 2, 843, 299, 2, 854, 325, 1, 0, 0, 0], "image_id": 21506066401, "bbox": [342, 5, 598, 457], "category_id": 1, "id": 21506066401}, {"segmentation": [[343, 2, 952, 2, 952, 445, 343, 445]], "num_keypoints": 11, "area": 269787.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 445, 41, 1, 478, 196, 2, 567, 12, 2, 595, 395, 2, 695, 23, 2, 808, 378, 2, 636, 235, 1, 638, 325, 2, 780, 207, 1, 849, 314, 2, 862, 290, 1, 0, 0, 0], "image_id": 21506069201, "bbox": [343, 2, 609, 443], "category_id": 1, "id": 21506069201}, {"segmentation": [[359, 0, 934, 0, 934, 453, 359, 453]], "num_keypoints": 11, "area": 260475.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 480, 21, 1, 447, 141, 2, 575, 11, 2, 551, 412, 2, 691, 23, 2, 769, 397, 2, 614, 239, 2, 591, 341, 2, 774, 206, 2, 860, 320, 2, 917, 317, 1, 0, 0, 0], "image_id": 21506070401, "bbox": [359, 0, 575, 453], "category_id": 1, "id": 21506070401}, {"segmentation": [[347, 0, 949, 0, 949, 452, 347, 452]], "num_keypoints": 8, "area": 272104.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 445, 172, 2, 0, 0, 0, 574, 395, 2, 0, 0, 0, 783, 394, 2, 604, 240, 1, 607, 324, 2, 772, 202, 1, 847, 310, 2, 858, 320, 1, 0, 0, 0], "image_id": 21506007201, "bbox": [347, 0, 602, 452], "category_id": 1, "id": 21506007201}, {"segmentation": [[336, 0, 908, 0, 908, 466, 336, 466]], "num_keypoints": 11, "area": 266552.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 483, 32, 1, 452, 166, 2, 613, 27, 2, 544, 391, 2, 782, 16, 2, 768, 420, 2, 585, 244, 1, 591, 341, 2, 763, 189, 1, 850, 310, 2, 866, 335, 1, 0, 0, 0], "image_id": 21506084601, "bbox": [336, 0, 572, 466], "category_id": 1, "id": 21506084601}, {"segmentation": [[323, 1, 912, 1, 912, 468, 323, 468]], "num_keypoints": 11, "area": 275063.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 35, 1, 443, 154, 2, 601, 42, 2, 548, 400, 2, 734, 6, 2, 772, 422, 2, 592, 243, 1, 594, 341, 2, 766, 198, 2, 846, 316, 2, 853, 307, 1, 0, 0, 0], "image_id": 21506085201, "bbox": [323, 1, 589, 467], "category_id": 1, "id": 21506085201}, {"segmentation": [[328, 1, 932, 1, 932, 424, 328, 424]], "num_keypoints": 11, "area": 255492.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 33, 1, 457, 154, 2, 545, 127, 1, 627, 340, 2, 677, 150, 2, 781, 195, 2, 592, 239, 1, 597, 347, 1, 767, 197, 1, 835, 317, 2, 851, 315, 1, 0, 0, 0], "image_id": 21506085601, "bbox": [328, 1, 604, 423], "category_id": 1, "id": 21506085601}, {"segmentation": [[330, 4, 929, 4, 929, 413, 330, 413]], "num_keypoints": 9, "area": 244991.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 447, 108, 2, 0, 0, 0, 698, 183, 2, 681, 243, 2, 720, 94, 2, 604, 243, 1, 597, 344, 2, 767, 201, 2, 861, 320, 2, 851, 318, 1, 0, 0, 0], "image_id": 21506087700, "bbox": [330, 4, 599, 409], "category_id": 1, "id": 21506087700}, {"segmentation": [[335, 0, 899, 0, 899, 403, 335, 403]], "num_keypoints": 9, "area": 227292.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 118, 2, 0, 0, 0, 695, 176, 2, 686, 245, 2, 718, 83, 2, 598, 260, 1, 598, 347, 2, 765, 189, 2, 853, 322, 2, 845, 317, 1, 0, 0, 0], "image_id": 21506088000, "bbox": [335, 0, 564, 403], "category_id": 1, "id": 21506088000}, {"segmentation": [[341, 2, 905, 2, 905, 422, 341, 422]], "num_keypoints": 9, "area": 236880.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 451, 114, 2, 0, 0, 0, 693, 195, 2, 682, 245, 2, 795, 39, 2, 605, 256, 1, 606, 339, 2, 777, 200, 1, 860, 318, 2, 849, 311, 1, 0, 0, 0], "image_id": 21506088300, "bbox": [341, 2, 564, 420], "category_id": 1, "id": 21506088300}, {"segmentation": [[334, 1, 927, 1, 927, 414, 334, 414]], "num_keypoints": 11, "area": 244909.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 35, 1, 465, 175, 2, 564, 152, 1, 653, 304, 2, 666, 225, 2, 812, 185, 2, 590, 236, 1, 596, 349, 2, 763, 190, 1, 830, 316, 2, 864, 331, 1, 0, 0, 0], "image_id": 21506088600, "bbox": [334, 1, 593, 413], "category_id": 1, "id": 21506088600}, {"segmentation": [[323, 3, 906, 3, 906, 431, 323, 431]], "num_keypoints": 11, "area": 249524.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 471, 39, 1, 452, 126, 2, 543, 144, 1, 552, 401, 2, 673, 183, 2, 762, 349, 2, 605, 249, 1, 613, 330, 2, 773, 205, 1, 842, 317, 1, 840, 282, 2, 0, 0, 0], "image_id": 21506089400, "bbox": [323, 3, 583, 428], "category_id": 1, "id": 21506089400}, {"segmentation": [[344, 3, 950, 3, 950, 432, 344, 432]], "num_keypoints": 10, "area": 259974.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 470, 15, 1, 449, 170, 2, 0, 0, 0, 571, 377, 2, 662, 50, 2, 722, 251, 2, 583, 237, 1, 592, 339, 1, 761, 195, 1, 842, 314, 2, 860, 324, 1, 0, 0, 0], "image_id": 21506009000, "bbox": [344, 3, 606, 429], "category_id": 1, "id": 21506009000}, {"segmentation": [[332, 1, 943, 1, 943, 401, 332, 401]], "num_keypoints": 11, "area": 244400.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 452, 21, 1, 470, 144, 2, 581, 5, 2, 690, 278, 2, 695, 27, 2, 828, 123, 2, 581, 239, 1, 584, 336, 2, 776, 205, 1, 857, 315, 2, 871, 321, 1, 0, 0, 0], "image_id": 21506121200, "bbox": [332, 1, 611, 400], "category_id": 1, "id": 21506121200}, {"segmentation": [[345, 0, 962, 0, 962, 439, 345, 439]], "num_keypoints": 12, "area": 270863.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 424, 4, 2, 485, 18, 1, 448, 154, 2, 619, 77, 2, 583, 403, 2, 780, 79, 2, 785, 370, 2, 597, 243, 1, 613, 328, 2, 765, 197, 1, 838, 316, 1, 866, 310, 1, 0, 0, 0], "image_id": 21506146801, "bbox": [345, 0, 617, 439], "category_id": 1, "id": 21506146801}, {"segmentation": [[311, 1, 966, 1, 966, 439, 311, 439]], "num_keypoints": 13, "area": 286890.0, "iscrowd": 0, "keypoints": [574, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 431, 10, 2, 480, 38, 1, 447, 163, 2, 618, 94, 2, 575, 391, 2, 761, 153, 2, 790, 370, 2, 594, 235, 1, 599, 312, 2, 764, 189, 1, 845, 320, 1, 861, 307, 1, 0, 0, 0], "image_id": 21506147201, "bbox": [311, 1, 655, 438], "category_id": 1, "id": 21506147201}, {"segmentation": [[323, 2, 935, 2, 935, 439, 323, 439]], "num_keypoints": 11, "area": 267444.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 485, 26, 1, 451, 157, 2, 601, 94, 2, 589, 393, 2, 739, 152, 2, 799, 362, 2, 602, 229, 1, 601, 330, 1, 772, 201, 1, 847, 324, 2, 839, 307, 1, 0, 0, 0], "image_id": 21506147601, "bbox": [323, 2, 612, 437], "category_id": 1, "id": 21506147601}, {"segmentation": [[340, 0, 883, 0, 883, 458, 340, 458]], "num_keypoints": 10, "area": 248694.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 467, 24, 1, 447, 152, 2, 576, 111, 2, 541, 408, 2, 710, 74, 2, 761, 382, 2, 604, 236, 2, 617, 352, 2, 764, 198, 2, 843, 313, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506147901, "bbox": [340, 0, 543, 458], "category_id": 1, "id": 21506147901}, {"segmentation": [[327, 1, 924, 1, 924, 466, 327, 466]], "num_keypoints": 11, "area": 277605.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 456, 45, 1, 450, 177, 2, 556, 130, 1, 547, 412, 2, 693, 111, 2, 762, 397, 2, 590, 242, 1, 587, 338, 2, 757, 193, 2, 853, 319, 2, 860, 331, 1, 0, 0, 0], "image_id": 21506150001, "bbox": [327, 1, 597, 465], "category_id": 1, "id": 21506150001}, {"segmentation": [[327, 2, 943, 2, 943, 448, 327, 448]], "num_keypoints": 11, "area": 274736.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 27, 1, 447, 152, 2, 572, 124, 2, 595, 385, 2, 693, 100, 2, 801, 374, 2, 612, 230, 1, 608, 323, 1, 794, 220, 2, 860, 322, 2, 882, 306, 2, 0, 0, 0], "image_id": 21506150401, "bbox": [327, 2, 616, 446], "category_id": 1, "id": 21506150401}, {"segmentation": [[320, 3, 932, 3, 932, 458, 320, 458]], "num_keypoints": 11, "area": 278460.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 44, 1, 444, 170, 2, 554, 131, 1, 585, 395, 2, 693, 114, 2, 793, 391, 2, 601, 245, 1, 613, 327, 2, 765, 202, 2, 857, 319, 2, 851, 315, 1, 0, 0, 0], "image_id": 21506151200, "bbox": [320, 3, 612, 455], "category_id": 1, "id": 21506151200}, {"segmentation": [[334, 0, 953, 0, 953, 455, 334, 455]], "num_keypoints": 11, "area": 281645.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 454, 38, 1, 458, 184, 2, 553, 136, 1, 583, 397, 2, 691, 110, 2, 795, 393, 2, 598, 256, 1, 606, 337, 2, 764, 198, 2, 860, 318, 2, 846, 320, 1, 0, 0, 0], "image_id": 21506153300, "bbox": [334, 0, 619, 455], "category_id": 1, "id": 21506153300}, {"segmentation": [[328, 0, 942, 0, 942, 450, 328, 450]], "num_keypoints": 11, "area": 276300.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 448, 33, 1, 449, 165, 2, 553, 128, 1, 576, 395, 2, 693, 111, 2, 794, 393, 2, 606, 241, 1, 614, 328, 2, 762, 201, 2, 854, 321, 2, 848, 319, 1, 0, 0, 0], "image_id": 21506153600, "bbox": [328, 0, 614, 450], "category_id": 1, "id": 21506153600}, {"segmentation": [[326, 5, 942, 5, 942, 458, 326, 458]], "num_keypoints": 11, "area": 279048.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 35, 1, 458, 172, 2, 548, 128, 1, 585, 397, 2, 689, 120, 2, 794, 393, 2, 592, 245, 1, 605, 335, 2, 762, 197, 2, 859, 319, 2, 851, 312, 1, 0, 0, 0], "image_id": 21506154300, "bbox": [326, 5, 616, 453], "category_id": 1, "id": 21506154300}, {"segmentation": [[317, 2, 952, 2, 952, 455, 317, 455]], "num_keypoints": 11, "area": 287655.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 35, 1, 435, 114, 2, 554, 128, 1, 585, 397, 2, 695, 111, 2, 795, 393, 2, 609, 235, 1, 606, 344, 2, 772, 206, 2, 862, 320, 2, 869, 331, 1, 0, 0, 0], "image_id": 21506155000, "bbox": [317, 2, 635, 453], "category_id": 1, "id": 21506155000}, {"segmentation": [[351, 5, 981, 5, 981, 467, 351, 467]], "num_keypoints": 10, "area": 291060.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 466, 47, 1, 456, 172, 2, 569, 110, 2, 585, 397, 2, 699, 116, 2, 799, 393, 2, 611, 222, 1, 622, 336, 1, 772, 186, 2, 850, 316, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506155300, "bbox": [351, 5, 630, 462], "category_id": 1, "id": 21506155300}, {"segmentation": [[333, 3, 930, 3, 930, 448, 333, 448]], "num_keypoints": 11, "area": 265665.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 466, 39, 1, 464, 147, 2, 573, 120, 2, 585, 397, 2, 702, 90, 2, 795, 393, 2, 619, 232, 1, 618, 332, 2, 769, 199, 1, 848, 321, 2, 851, 307, 1, 0, 0, 0], "image_id": 21506155601, "bbox": [333, 3, 597, 445], "category_id": 1, "id": 21506155601}, {"segmentation": [[322, 0, 931, 0, 931, 460, 322, 460]], "num_keypoints": 10, "area": 280140, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 454, 22, 1, 461, 153, 2, 581, 0, 2, 580, 389, 2, 0, 0, 0, 787, 394, 2, 594, 233, 1, 607, 324, 2, 760, 195, 2, 858, 314, 2, 864, 312, 1, 0, 0, 0], "image_id": 21506163900, "bbox": [322, 0, 609, 460], "category_id": 1, "id": 21506163900}, {"segmentation": [[322, 0, 933, 0, 933, 463, 322, 463]], "num_keypoints": 11, "area": 282893.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 450, 20, 1, 464, 164, 2, 572, 4, 2, 585, 395, 2, 695, 18, 2, 795, 385, 2, 596, 233, 1, 609, 325, 2, 765, 194, 2, 852, 318, 2, 860, 309, 1, 0, 0, 0], "image_id": 21506168401, "bbox": [322, 0, 611, 463], "category_id": 1, "id": 21506168401}, {"segmentation": [[303, 4, 924, 4, 924, 453, 303, 453]], "num_keypoints": 11, "area": 278829.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 16, 2, 454, 145, 2, 540, 133, 1, 581, 394, 2, 677, 173, 2, 795, 403, 2, 613, 245, 1, 614, 325, 2, 789, 222, 2, 852, 310, 2, 848, 317, 1, 0, 0, 0], "image_id": 21506169201, "bbox": [303, 4, 621, 449], "category_id": 1, "id": 21506169201}, {"segmentation": [[333, 0, 937, 0, 937, 418, 333, 418]], "num_keypoints": 10, "area": 252472.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 19, 1, 476, 153, 2, 0, 0, 0, 658, 232, 2, 695, 26, 2, 614, 39, 2, 588, 248, 1, 596, 343, 2, 767, 196, 2, 862, 320, 2, 851, 327, 1, 0, 0, 0], "image_id": 21506172401, "bbox": [333, 0, 604, 418], "category_id": 1, "id": 21506172401}, {"segmentation": [[324, 3, 925, 3, 925, 396, 324, 396]], "num_keypoints": 10, "area": 236193.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 470, 22, 1, 465, 164, 2, 0, 0, 0, 658, 269, 2, 699, 26, 2, 637, 65, 2, 597, 246, 1, 598, 328, 2, 762, 183, 2, 844, 303, 2, 853, 311, 1, 0, 0, 0], "image_id": 21506176300, "bbox": [324, 3, 601, 393], "category_id": 1, "id": 21506176300}, {"segmentation": [[339, 0, 897, 0, 897, 441, 339, 441]], "num_keypoints": 12, "area": 246078.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 433, 4, 2, 477, 25, 1, 446, 163, 2, 616, 66, 2, 558, 397, 2, 773, 48, 2, 772, 374, 2, 594, 243, 1, 603, 331, 2, 758, 185, 2, 847, 310, 2, 842, 308, 1, 0, 0, 0], "image_id": 21506181500, "bbox": [339, 0, 558, 441], "category_id": 1, "id": 21506181500}, {"segmentation": [[323, 2, 904, 2, 904, 445, 323, 445]], "num_keypoints": 11, "area": 257383.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 41, 1, 445, 158, 2, 557, 123, 1, 540, 389, 2, 694, 131, 2, 768, 374, 2, 598, 242, 1, 597, 323, 2, 764, 198, 1, 838, 323, 1, 848, 310, 1, 0, 0, 0], "image_id": 21506182801, "bbox": [323, 2, 581, 443], "category_id": 1, "id": 21506182801}, {"segmentation": [[318, 1, 910, 1, 910, 411, 318, 411]], "num_keypoints": 9, "area": 242720.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 436, 47, 1, 455, 154, 2, 0, 0, 0, 670, 257, 2, 0, 0, 0, 832, 111, 2, 586, 259, 1, 597, 340, 2, 765, 196, 1, 842, 327, 2, 845, 311, 1, 0, 0, 0], "image_id": 21506183900, "bbox": [318, 1, 592, 410], "category_id": 1, "id": 21506183900}, {"segmentation": [[330, 0, 947, 0, 947, 429, 330, 429]], "num_keypoints": 8, "area": 264693.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 437, 140, 2, 0, 0, 0, 697, 207, 2, 0, 0, 0, 836, 70, 2, 599, 262, 1, 604, 349, 2, 772, 206, 1, 839, 327, 2, 857, 314, 1, 0, 0, 0], "image_id": 21506184400, "bbox": [330, 0, 617, 429], "category_id": 1, "id": 21506184400}, {"segmentation": [[338, 1, 930, 1, 930, 405, 338, 405]], "num_keypoints": 9, "area": 239168.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 31, 1, 448, 126, 2, 0, 0, 0, 698, 232, 2, 0, 0, 0, 838, 91, 2, 609, 250, 1, 597, 330, 2, 791, 223, 1, 853, 323, 2, 848, 306, 1, 0, 0, 0], "image_id": 21506184801, "bbox": [338, 1, 592, 404], "category_id": 1, "id": 21506184801}, {"segmentation": [[329, 2, 920, 2, 920, 425, 329, 425]], "num_keypoints": 11, "area": 249993.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 34, 1, 462, 145, 2, 538, 137, 1, 665, 294, 2, 668, 172, 2, 815, 161, 2, 612, 229, 1, 616, 331, 1, 763, 183, 1, 859, 322, 2, 837, 301, 1, 0, 0, 0], "image_id": 21506185100, "bbox": [329, 2, 591, 423], "category_id": 1, "id": 21506185100}, {"segmentation": [[334, 0, 903, 0, 903, 445, 334, 445]], "num_keypoints": 11, "area": 253205.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 450, 34, 1, 442, 148, 2, 548, 129, 1, 551, 404, 2, 687, 132, 2, 764, 373, 2, 594, 242, 1, 599, 333, 2, 766, 190, 2, 842, 322, 1, 853, 321, 1, 0, 0, 0], "image_id": 21506185400, "bbox": [334, 0, 569, 445], "category_id": 1, "id": 21506185400}, {"segmentation": [[330, 2, 898, 2, 898, 454, 330, 454]], "num_keypoints": 12, "area": 256736.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 444, 4, 2, 471, 34, 1, 452, 156, 2, 615, 86, 2, 552, 397, 2, 752, 48, 2, 768, 382, 2, 593, 239, 1, 593, 328, 2, 764, 187, 2, 858, 322, 2, 844, 313, 1, 0, 0, 0], "image_id": 21506185700, "bbox": [330, 2, 568, 452], "category_id": 1, "id": 21506185700}, {"segmentation": [[335, 3, 927, 3, 927, 446, 335, 446]], "num_keypoints": 12, "area": 262256.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 436, 4, 2, 498, 33, 1, 443, 153, 2, 603, 73, 2, 585, 399, 2, 781, 124, 2, 795, 366, 2, 605, 237, 1, 600, 323, 2, 780, 219, 2, 845, 317, 1, 894, 313, 1, 0, 0, 0], "image_id": 21506187201, "bbox": [335, 3, 592, 443], "category_id": 1, "id": 21506187201}, {"segmentation": [[353, 0, 926, 0, 926, 441, 353, 441]], "num_keypoints": 11, "area": 252693.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 483, 22, 1, 460, 164, 2, 620, 37, 2, 580, 383, 2, 758, 45, 2, 785, 373, 2, 606, 245, 1, 610, 323, 2, 773, 198, 2, 851, 314, 2, 858, 306, 1, 0, 0, 0], "image_id": 21506189601, "bbox": [353, 0, 573, 441], "category_id": 1, "id": 21506189601}, {"segmentation": [[342, 2, 920, 2, 920, 413, 342, 413]], "num_keypoints": 11, "area": 237558.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 26, 1, 467, 162, 2, 576, 3, 2, 669, 297, 2, 693, 16, 2, 815, 153, 2, 586, 239, 1, 592, 351, 2, 769, 200, 1, 857, 322, 2, 876, 319, 1, 0, 0, 0], "image_id": 21506223601, "bbox": [342, 2, 578, 411], "category_id": 1, "id": 21506223601}, {"segmentation": [[326, 2, 912, 2, 912, 414, 326, 414]], "num_keypoints": 11, "area": 241432.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 450, 21, 1, 456, 156, 2, 593, 3, 2, 615, 355, 2, 695, 41, 2, 773, 235, 2, 587, 236, 1, 599, 340, 1, 767, 186, 1, 856, 320, 2, 853, 314, 1, 0, 0, 0], "image_id": 21506224001, "bbox": [326, 2, 586, 412], "category_id": 1, "id": 21506224001}, {"segmentation": [[333, 1, 927, 1, 927, 459, 333, 459]], "num_keypoints": 11, "area": 272052.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 24, 1, 467, 162, 2, 585, 3, 2, 545, 406, 2, 698, 31, 2, 764, 390, 2, 604, 237, 1, 601, 331, 2, 774, 216, 1, 857, 316, 2, 897, 312, 2, 0, 0, 0], "image_id": 21506224700, "bbox": [333, 1, 594, 458], "category_id": 1, "id": 21506224700}, {"segmentation": [[343, 2, 900, 2, 900, 451, 343, 451]], "num_keypoints": 11, "area": 250093.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 28, 1, 462, 185, 2, 581, 4, 2, 553, 404, 2, 699, 27, 2, 769, 362, 2, 602, 239, 1, 600, 331, 2, 773, 194, 1, 835, 319, 1, 856, 315, 1, 0, 0, 0], "image_id": 21506225200, "bbox": [343, 2, 557, 449], "category_id": 1, "id": 21506225200}, {"segmentation": [[334, 3, 924, 3, 924, 397, 334, 397]], "num_keypoints": 8, "area": 232460.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 469, 132, 2, 0, 0, 0, 705, 218, 2, 0, 0, 0, 840, 68, 2, 591, 260, 1, 603, 344, 2, 768, 203, 1, 862, 314, 2, 849, 308, 1, 0, 0, 0], "image_id": 21506240401, "bbox": [334, 3, 590, 394], "category_id": 1, "id": 21506240401}, {"segmentation": [[345, 2, 895, 2, 895, 403, 345, 403]], "num_keypoints": 11, "area": 220550.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 486, 14, 1, 459, 156, 2, 625, 50, 2, 593, 353, 2, 770, 28, 2, 733, 247, 2, 595, 235, 1, 589, 336, 1, 761, 195, 1, 829, 308, 2, 855, 313, 1, 0, 0, 0], "image_id": 21506240700, "bbox": [345, 2, 550, 401], "category_id": 1, "id": 21506240700}, {"segmentation": [[319, 0, 917, 0, 917, 424, 319, 424]], "num_keypoints": 12, "area": 253552, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 393, 0, 2, 477, 29, 1, 443, 141, 2, 572, 103, 2, 552, 391, 2, 680, 172, 2, 695, 331, 2, 605, 234, 1, 613, 306, 2, 771, 196, 1, 852, 312, 2, 841, 293, 1, 0, 0, 0], "image_id": 21506241000, "bbox": [319, 0, 598, 424], "category_id": 1, "id": 21506241000}, {"segmentation": [[344, 3, 914, 3, 914, 438, 344, 438]], "num_keypoints": 11, "area": 247950.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 33, 1, 458, 144, 2, 577, 85, 2, 550, 380, 2, 702, 81, 2, 697, 329, 2, 601, 233, 1, 605, 316, 2, 765, 201, 2, 861, 316, 2, 857, 324, 1, 0, 0, 0], "image_id": 21506241301, "bbox": [344, 3, 570, 435], "category_id": 1, "id": 21506241301}, {"segmentation": [[321, 1, 942, 1, 942, 434, 321, 434]], "num_keypoints": 12, "area": 268893.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 4, 2, 436, 26, 1, 458, 154, 2, 553, 77, 2, 547, 393, 2, 719, 69, 2, 695, 332, 2, 597, 240, 1, 609, 322, 2, 762, 186, 2, 837, 309, 2, 851, 313, 1, 0, 0, 0], "image_id": 21506241601, "bbox": [321, 1, 621, 433], "category_id": 1, "id": 21506241601}, {"segmentation": [[352, 3, 1007, 3, 1007, 430, 352, 430]], "num_keypoints": 11, "area": 279685.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 472, 23, 1, 454, 163, 2, 582, 126, 2, 552, 394, 2, 718, 69, 2, 702, 335, 2, 606, 237, 1, 612, 327, 1, 766, 193, 2, 841, 318, 2, 840, 301, 1, 0, 0, 0], "image_id": 21506242401, "bbox": [352, 3, 655, 427], "category_id": 1, "id": 21506242401}, {"segmentation": [[339, 0, 911, 0, 911, 443, 339, 443]], "num_keypoints": 11, "area": 253396.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 456, 35, 1, 459, 181, 2, 583, 110, 2, 566, 385, 2, 719, 69, 2, 707, 322, 2, 598, 241, 1, 611, 323, 2, 765, 201, 2, 837, 314, 2, 850, 317, 1, 0, 0, 0], "image_id": 21506245000, "bbox": [339, 0, 572, 443], "category_id": 1, "id": 21506245000}, {"segmentation": [[331, 3, 950, 3, 950, 444, 331, 444]], "num_keypoints": 11, "area": 272979.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 37, 1, 453, 183, 2, 582, 110, 2, 576, 395, 2, 716, 73, 2, 707, 322, 2, 602, 244, 1, 615, 340, 1, 764, 195, 2, 861, 320, 2, 849, 317, 1, 0, 0, 0], "image_id": 21506245600, "bbox": [331, 3, 619, 441], "category_id": 1, "id": 21506245600}, {"segmentation": [[342, 1, 907, 1, 907, 432, 342, 432]], "num_keypoints": 11, "area": 243515.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 446, 41, 1, 451, 184, 2, 535, 136, 1, 596, 381, 2, 685, 120, 2, 752, 265, 2, 592, 240, 1, 606, 337, 1, 761, 195, 2, 842, 322, 2, 867, 333, 1, 0, 0, 0], "image_id": 21506247100, "bbox": [342, 1, 565, 431], "category_id": 1, "id": 21506247100}, {"segmentation": [[317, 0, 896, 0, 896, 433, 317, 433]], "num_keypoints": 11, "area": 250707.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 462, 40, 1, 452, 163, 2, 538, 146, 1, 566, 390, 2, 689, 122, 2, 707, 320, 2, 597, 248, 1, 608, 335, 2, 765, 204, 2, 859, 319, 2, 855, 334, 1, 0, 0, 0], "image_id": 21506247400, "bbox": [317, 0, 579, 433], "category_id": 1, "id": 21506247400}, {"segmentation": [[334, 5, 896, 5, 896, 442, 334, 442]], "num_keypoints": 11, "area": 245594.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 40, 1, 451, 166, 2, 551, 144, 1, 574, 381, 2, 686, 126, 2, 708, 320, 2, 603, 240, 1, 606, 332, 2, 764, 202, 2, 858, 319, 2, 849, 322, 1, 0, 0, 0], "image_id": 21506248000, "bbox": [334, 5, 562, 437], "category_id": 1, "id": 21506248000}, {"segmentation": [[339, 0, 945, 0, 945, 439, 339, 439]], "num_keypoints": 11, "area": 266034.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 440, 43, 1, 465, 190, 2, 552, 145, 1, 574, 391, 2, 679, 140, 2, 707, 320, 2, 605, 233, 2, 632, 327, 1, 764, 199, 2, 844, 313, 2, 837, 329, 1, 0, 0, 0], "image_id": 21506249200, "bbox": [339, 0, 606, 439], "category_id": 1, "id": 21506249200}, {"segmentation": [[338, 4, 960, 4, 960, 429, 338, 429]], "num_keypoints": 11, "area": 264350.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 496, 37, 1, 464, 176, 2, 555, 138, 2, 576, 386, 2, 678, 153, 2, 706, 312, 2, 637, 223, 2, 654, 315, 2, 762, 195, 2, 843, 302, 2, 864, 323, 1, 0, 0, 0], "image_id": 21506250001, "bbox": [338, 4, 622, 425], "category_id": 1, "id": 21506250001}, {"segmentation": [[348, 4, 927, 4, 927, 456, 348, 456]], "num_keypoints": 11, "area": 261708.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 448, 17, 1, 466, 173, 2, 589, 68, 2, 580, 390, 2, 742, 44, 2, 794, 403, 2, 606, 232, 2, 620, 334, 2, 768, 197, 2, 861, 316, 2, 841, 325, 1, 0, 0, 0], "image_id": 21506257201, "bbox": [348, 4, 579, 452], "category_id": 1, "id": 21506257201}, {"segmentation": [[340, 4, 915, 4, 915, 438, 340, 438]], "num_keypoints": 11, "area": 249550.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 479, 27, 1, 478, 193, 2, 573, 13, 2, 581, 389, 2, 668, 15, 2, 787, 373, 2, 623, 221, 2, 630, 332, 2, 769, 199, 2, 840, 307, 1, 869, 304, 2, 0, 0, 0], "image_id": 21506261601, "bbox": [340, 4, 575, 434], "category_id": 1, "id": 21506261601}, {"segmentation": [[337, 0, 946, 0, 946, 439, 337, 439]], "num_keypoints": 11, "area": 267351.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 13, 1, 468, 185, 2, 560, 12, 2, 608, 393, 2, 681, 35, 2, 808, 383, 2, 628, 220, 2, 642, 321, 2, 777, 207, 2, 847, 310, 2, 901, 309, 2, 0, 0, 0], "image_id": 21506266401, "bbox": [337, 0, 609, 439], "category_id": 1, "id": 21506266401}, {"segmentation": [[325, 3, 908, 3, 908, 413, 325, 413]], "num_keypoints": 11, "area": 239030.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 15, 1, 458, 153, 2, 565, 3, 2, 615, 333, 2, 691, 25, 2, 603, 132, 2, 565, 235, 1, 562, 328, 1, 753, 186, 2, 860, 315, 2, 847, 324, 1, 0, 0, 0], "image_id": 21506272600, "bbox": [325, 3, 583, 410], "category_id": 1, "id": 21506272600}, {"segmentation": [[322, 1, 906, 1, 906, 451, 322, 451]], "num_keypoints": 11, "area": 262800.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 32, 1, 443, 173, 2, 587, 89, 2, 544, 414, 2, 733, 57, 2, 666, 322, 2, 591, 241, 1, 601, 338, 1, 769, 189, 2, 841, 321, 2, 850, 310, 1, 0, 0, 0], "image_id": 21506274200, "bbox": [322, 1, 584, 450], "category_id": 1, "id": 21506274200}, {"segmentation": [[324, 2, 908, 2, 908, 409, 324, 409]], "num_keypoints": 11, "area": 237688.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 447, 38, 1, 447, 141, 2, 550, 136, 1, 637, 310, 2, 690, 123, 2, 795, 183, 2, 592, 242, 1, 603, 345, 2, 770, 199, 1, 843, 324, 2, 858, 323, 1, 0, 0, 0], "image_id": 21506279200, "bbox": [324, 2, 584, 407], "category_id": 1, "id": 21506279200}, {"segmentation": [[309, 2, 915, 2, 915, 404, 309, 404]], "num_keypoints": 11, "area": 243612.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 440, 35, 1, 448, 141, 2, 546, 138, 1, 682, 251, 2, 666, 186, 2, 840, 103, 2, 584, 210, 1, 591, 334, 2, 779, 222, 1, 841, 322, 2, 853, 318, 1, 0, 0, 0], "image_id": 21506279800, "bbox": [309, 2, 606, 402], "category_id": 1, "id": 21506279800}, {"segmentation": [[323, 4, 900, 4, 900, 422, 323, 422]], "num_keypoints": 11, "area": 241186.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 464, 32, 1, 458, 154, 2, 546, 140, 1, 595, 376, 2, 680, 164, 2, 781, 289, 2, 603, 231, 1, 612, 326, 1, 771, 198, 1, 852, 325, 2, 832, 306, 1, 0, 0, 0], "image_id": 21506280700, "bbox": [323, 4, 577, 418], "category_id": 1, "id": 21506280700}, {"segmentation": [[338, 1, 929, 1, 929, 466, 338, 466]], "num_keypoints": 12, "area": 274815.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 4, 2, 467, 35, 1, 447, 163, 2, 610, 86, 2, 553, 414, 2, 743, 39, 2, 768, 385, 2, 600, 246, 1, 610, 335, 2, 765, 197, 2, 858, 319, 2, 853, 315, 1, 0, 0, 0], "image_id": 21506281300, "bbox": [338, 1, 591, 465], "category_id": 1, "id": 21506281300}, {"segmentation": [[326, 0, 928, 0, 928, 442, 326, 442]], "num_keypoints": 12, "area": 266084, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 0, 2, 476, 22, 1, 455, 171, 2, 608, 80, 2, 579, 392, 2, 795, 106, 2, 799, 380, 2, 603, 236, 1, 615, 327, 2, 767, 192, 1, 853, 311, 2, 850, 303, 1, 0, 0, 0], "image_id": 21506282800, "bbox": [326, 0, 602, 442], "category_id": 1, "id": 21506282800}, {"segmentation": [[342, 1, 925, 1, 925, 443, 342, 443]], "num_keypoints": 8, "area": 257686.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 443, 145, 2, 0, 0, 0, 573, 382, 2, 0, 0, 0, 786, 373, 2, 596, 240, 1, 606, 326, 2, 764, 199, 2, 853, 312, 2, 859, 314, 1, 0, 0, 0], "image_id": 21506288900, "bbox": [342, 1, 583, 442], "category_id": 1, "id": 21506288900}, {"segmentation": [[353, 0, 939, 0, 939, 447, 353, 447]], "num_keypoints": 11, "area": 261942.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 481, 27, 1, 455, 173, 2, 615, 53, 2, 588, 383, 2, 760, 37, 2, 802, 374, 2, 606, 239, 1, 613, 325, 2, 774, 198, 2, 841, 321, 2, 869, 309, 1, 0, 0, 0], "image_id": 21506316200, "bbox": [353, 0, 586, 447], "category_id": 1, "id": 21506316200}, {"segmentation": [[343, 1, 944, 1, 944, 446, 343, 446]], "num_keypoints": 11, "area": 267445.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 485, 16, 1, 446, 159, 2, 624, 81, 2, 551, 410, 2, 783, 86, 2, 774, 374, 2, 605, 235, 1, 600, 325, 2, 769, 210, 1, 838, 313, 2, 891, 315, 2, 0, 0, 0], "image_id": 21506318401, "bbox": [343, 1, 601, 445], "category_id": 1, "id": 21506318401}, {"segmentation": [[328, 1, 897, 1, 897, 463, 328, 463]], "num_keypoints": 11, "area": 262878.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 18, 1, 443, 141, 2, 573, 3, 2, 531, 406, 2, 683, 7, 2, 743, 349, 2, 598, 235, 1, 609, 326, 2, 772, 202, 2, 842, 323, 1, 850, 300, 1, 0, 0, 0], "image_id": 21506323500, "bbox": [328, 1, 569, 462], "category_id": 1, "id": 21506323500}, {"segmentation": [[321, 1, 924, 1, 924, 452, 321, 452]], "num_keypoints": 12, "area": 271953.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 415, 4, 2, 507, 36, 1, 453, 166, 2, 615, 103, 2, 551, 385, 2, 735, 174, 2, 774, 373, 2, 601, 237, 1, 600, 327, 2, 767, 185, 1, 850, 314, 1, 852, 321, 1, 0, 0, 0], "image_id": 21506336001, "bbox": [321, 1, 603, 451], "category_id": 1, "id": 21506336001}, {"segmentation": [[316, 1, 918, 1, 918, 435, 316, 435]], "num_keypoints": 12, "area": 261268.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 410, 4, 2, 481, 35, 1, 436, 132, 2, 616, 54, 2, 551, 389, 2, 753, 25, 2, 774, 368, 2, 596, 245, 1, 596, 323, 2, 764, 199, 2, 839, 310, 1, 843, 295, 1, 0, 0, 0], "image_id": 21506336300, "bbox": [316, 1, 602, 434], "category_id": 1, "id": 21506336300}, {"segmentation": [[332, 2, 901, 2, 901, 447, 332, 447]], "num_keypoints": 12, "area": 253205.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 427, 4, 2, 477, 24, 1, 452, 156, 2, 624, 90, 2, 555, 397, 2, 764, 164, 2, 774, 366, 2, 604, 243, 1, 594, 323, 2, 761, 193, 1, 835, 310, 1, 846, 313, 1, 0, 0, 0], "image_id": 21506336801, "bbox": [332, 2, 569, 445], "category_id": 1, "id": 21506336801}, {"segmentation": [[316, 0, 948, 0, 948, 459, 316, 459]], "num_keypoints": 11, "area": 290088.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 486, 25, 1, 445, 157, 2, 569, 114, 1, 584, 381, 2, 710, 69, 2, 790, 394, 2, 609, 230, 1, 615, 322, 1, 770, 183, 2, 858, 322, 2, 836, 311, 1, 0, 0, 0], "image_id": 21506339201, "bbox": [316, 0, 632, 459], "category_id": 1, "id": 21506339201}, {"segmentation": [[319, 6, 951, 6, 951, 457, 319, 457]], "num_keypoints": 11, "area": 285032.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 496, 48, 1, 454, 153, 2, 582, 118, 2, 586, 383, 2, 706, 79, 2, 796, 393, 2, 616, 239, 1, 616, 343, 1, 771, 187, 2, 854, 317, 2, 865, 324, 1, 0, 0, 0], "image_id": 21506340400, "bbox": [319, 6, 632, 451], "category_id": 1, "id": 21506340400}, {"segmentation": [[352, 0, 933, 0, 933, 468, 352, 468]], "num_keypoints": 11, "area": 271908.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 41, 1, 447, 153, 2, 572, 108, 2, 574, 393, 2, 711, 69, 2, 791, 393, 2, 601, 243, 1, 617, 334, 2, 765, 201, 2, 860, 322, 2, 855, 331, 1, 0, 0, 0], "image_id": 21506341600, "bbox": [352, 0, 581, 468], "category_id": 1, "id": 21506341600}, {"segmentation": [[333, 1, 939, 1, 939, 451, 333, 451]], "num_keypoints": 11, "area": 272700.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 456, 37, 1, 465, 171, 2, 574, 117, 2, 585, 395, 2, 710, 78, 2, 794, 394, 2, 595, 243, 1, 605, 337, 2, 770, 202, 2, 851, 325, 2, 852, 316, 1, 0, 0, 0], "image_id": 21506342200, "bbox": [333, 1, 606, 450], "category_id": 1, "id": 21506342200}, {"segmentation": [[344, 0, 937, 0, 937, 448, 344, 448]], "num_keypoints": 11, "area": 265664.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 34, 1, 452, 178, 2, 582, 119, 2, 589, 395, 2, 710, 77, 2, 794, 394, 2, 607, 246, 1, 605, 332, 2, 765, 203, 2, 860, 320, 2, 844, 313, 1, 0, 0, 0], "image_id": 21506342600, "bbox": [344, 0, 593, 448], "category_id": 1, "id": 21506342600}, {"segmentation": [[322, 1, 945, 1, 945, 461, 322, 461]], "num_keypoints": 11, "area": 286580.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 469, 41, 1, 470, 162, 2, 581, 105, 2, 587, 394, 2, 712, 69, 2, 794, 399, 2, 604, 235, 1, 610, 324, 2, 765, 197, 2, 853, 317, 2, 844, 300, 1, 0, 0, 0], "image_id": 21506343500, "bbox": [322, 1, 623, 460], "category_id": 1, "id": 21506343500}, {"segmentation": [[344, 0, 926, 0, 926, 455, 344, 455]], "num_keypoints": 11, "area": 264810.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 472, 36, 1, 451, 160, 2, 586, 115, 2, 579, 390, 2, 711, 70, 2, 795, 398, 2, 610, 243, 1, 615, 332, 2, 775, 191, 2, 839, 314, 2, 854, 299, 1, 0, 0, 0], "image_id": 21506343800, "bbox": [344, 0, 582, 455], "category_id": 1, "id": 21506343800}, {"segmentation": [[338, 1, 940, 1, 940, 462, 338, 462]], "num_keypoints": 9, "area": 277522.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 18, 1, 472, 165, 2, 0, 0, 0, 585, 389, 2, 0, 0, 0, 793, 397, 2, 603, 230, 1, 614, 331, 2, 762, 190, 2, 860, 316, 2, 854, 312, 1, 0, 0, 0], "image_id": 21506345201, "bbox": [338, 1, 602, 461], "category_id": 1, "id": 21506345201}, {"segmentation": [[345, 1, 965, 1, 965, 451, 345, 451]], "num_keypoints": 9, "area": 279000.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 480, 4, 2, 0, 0, 0, 452, 166, 2, 0, 0, 0, 571, 389, 2, 0, 0, 0, 783, 383, 2, 605, 236, 1, 606, 332, 2, 783, 225, 2, 857, 314, 2, 911, 313, 2, 0, 0, 0], "image_id": 21506349601, "bbox": [345, 1, 620, 450], "category_id": 1, "id": 21506349601}, {"segmentation": [[332, 0, 930, 0, 930, 435, 332, 435]], "num_keypoints": 11, "area": 260130.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 30, 1, 454, 171, 2, 566, 110, 2, 586, 390, 2, 702, 89, 2, 798, 376, 2, 596, 238, 1, 605, 321, 2, 768, 206, 2, 834, 316, 2, 861, 311, 1, 0, 0, 0], "image_id": 21506353601, "bbox": [332, 0, 598, 435], "category_id": 1, "id": 21506353601}, {"segmentation": [[330, 3, 924, 3, 924, 471, 330, 471]], "num_keypoints": 11, "area": 277992.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 40, 1, 440, 132, 2, 567, 114, 2, 545, 409, 2, 706, 83, 2, 773, 404, 2, 593, 244, 1, 587, 340, 2, 764, 202, 2, 851, 314, 2, 853, 326, 1, 0, 0, 0], "image_id": 21506354400, "bbox": [330, 3, 594, 468], "category_id": 1, "id": 21506354400}, {"segmentation": [[340, 1, 908, 1, 908, 458, 340, 458]], "num_keypoints": 11, "area": 259576.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 34, 1, 460, 178, 2, 599, 49, 2, 552, 406, 2, 752, 27, 2, 770, 385, 2, 587, 253, 1, 593, 337, 2, 773, 204, 2, 857, 314, 2, 855, 310, 1, 0, 0, 0], "image_id": 21506356801, "bbox": [340, 1, 568, 457], "category_id": 1, "id": 21506356801}, {"segmentation": [[329, 5, 900, 5, 900, 455, 329, 455]], "num_keypoints": 11, "area": 256950.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 464, 20, 1, 448, 151, 2, 614, 26, 2, 551, 406, 2, 748, 16, 2, 768, 389, 2, 601, 231, 1, 613, 320, 2, 765, 195, 2, 857, 318, 2, 832, 298, 1, 0, 0, 0], "image_id": 21506362401, "bbox": [329, 5, 571, 450], "category_id": 1, "id": 21506362401}, {"segmentation": [[329, 3, 919, 3, 919, 443, 329, 443]], "num_keypoints": 11, "area": 259600.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 26, 1, 448, 153, 2, 572, 4, 2, 562, 395, 2, 689, 31, 2, 772, 378, 2, 591, 236, 1, 603, 323, 2, 766, 194, 2, 854, 313, 2, 858, 302, 1, 0, 0, 0], "image_id": 21506363601, "bbox": [329, 3, 590, 440], "category_id": 1, "id": 21506363601}, {"segmentation": [[347, 2, 951, 2, 951, 460, 347, 460]], "num_keypoints": 11, "area": 276632.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 494, 32, 1, 472, 186, 2, 574, 107, 2, 593, 394, 2, 691, 89, 2, 794, 385, 2, 634, 235, 2, 658, 330, 2, 765, 204, 2, 853, 312, 2, 875, 320, 1, 0, 0, 0], "image_id": 21506369200, "bbox": [347, 2, 604, 458], "category_id": 1, "id": 21506369200}, {"segmentation": [[338, 3, 984, 3, 984, 459, 338, 459]], "num_keypoints": 12, "area": 294576.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 406, 28, 2, 445, 37, 1, 475, 189, 2, 573, 119, 2, 596, 390, 2, 691, 90, 2, 793, 386, 2, 613, 231, 2, 638, 342, 2, 764, 197, 2, 854, 313, 2, 856, 329, 1, 0, 0, 0], "image_id": 21506369500, "bbox": [338, 3, 646, 456], "category_id": 1, "id": 21506369500}, {"segmentation": [[338, 0, 968, 0, 968, 440, 338, 440]], "num_keypoints": 12, "area": 277200.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 445, 4, 2, 480, 37, 1, 451, 153, 2, 615, 68, 2, 595, 385, 1, 752, 41, 2, 787, 385, 2, 618, 219, 1, 626, 317, 1, 774, 206, 2, 844, 297, 2, 847, 267, 1, 0, 0, 0], "image_id": 21506371201, "bbox": [338, 0, 630, 440], "category_id": 1, "id": 21506371201}, {"segmentation": [[336, 3, 958, 3, 958, 449, 336, 449]], "num_keypoints": 11, "area": 277412.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 486, 26, 1, 447, 144, 2, 615, 74, 2, 575, 374, 2, 778, 90, 2, 785, 383, 2, 599, 239, 1, 609, 326, 2, 768, 197, 1, 866, 314, 2, 862, 301, 1, 0, 0, 0], "image_id": 21506371601, "bbox": [336, 3, 622, 446], "category_id": 1, "id": 21506371601}, {"segmentation": [[333, 1, 939, 1, 939, 449, 333, 449]], "num_keypoints": 11, "area": 271488.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 466, 30, 1, 453, 161, 2, 606, 62, 2, 575, 389, 2, 765, 3, 2, 790, 389, 2, 607, 250, 1, 616, 322, 2, 773, 203, 2, 858, 320, 2, 874, 318, 1, 0, 0, 0], "image_id": 21506372401, "bbox": [333, 1, 606, 448], "category_id": 1, "id": 21506372401}, {"segmentation": [[315, 0, 943, 0, 943, 464, 315, 464]], "num_keypoints": 11, "area": 291392.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 495, 36, 1, 470, 158, 2, 582, 110, 2, 579, 382, 2, 699, 79, 2, 790, 391, 2, 619, 239, 1, 626, 332, 2, 774, 187, 2, 861, 320, 2, 844, 314, 1, 0, 0, 0], "image_id": 21506372700, "bbox": [315, 0, 628, 464], "category_id": 1, "id": 21506372700}, {"segmentation": [[356, 3, 915, 3, 915, 460, 356, 460]], "num_keypoints": 11, "area": 255463.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 472, 53, 1, 437, 132, 2, 556, 132, 2, 590, 394, 2, 669, 161, 2, 793, 391, 2, 606, 236, 2, 608, 340, 2, 785, 218, 2, 864, 320, 2, 885, 311, 1, 0, 0, 0], "image_id": 21506373500, "bbox": [356, 3, 559, 457], "category_id": 1, "id": 21506373500}, {"segmentation": [[335, 5, 952, 5, 952, 457, 335, 457]], "num_keypoints": 11, "area": 278884.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 48, 1, 461, 185, 2, 557, 133, 2, 597, 384, 2, 668, 172, 2, 795, 391, 2, 641, 231, 2, 654, 323, 2, 770, 195, 2, 856, 321, 2, 876, 313, 2, 0, 0, 0], "image_id": 21506374401, "bbox": [335, 5, 617, 452], "category_id": 1, "id": 21506374401}, {"segmentation": [[338, 1, 929, 1, 929, 459, 338, 459]], "num_keypoints": 11, "area": 270678.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 454, 30, 1, 453, 174, 2, 574, 111, 2, 583, 395, 2, 703, 91, 2, 793, 385, 2, 598, 242, 1, 603, 322, 2, 764, 193, 1, 857, 315, 2, 843, 304, 1, 0, 0, 0], "image_id": 21506374801, "bbox": [338, 1, 591, 458], "category_id": 1, "id": 21506374801}, {"segmentation": [[338, 2, 927, 2, 927, 459, 338, 459]], "num_keypoints": 11, "area": 269173.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 486, 31, 1, 457, 163, 2, 616, 79, 2, 587, 395, 2, 760, 45, 2, 793, 393, 2, 605, 236, 1, 603, 317, 2, 774, 196, 1, 847, 317, 2, 850, 299, 1, 0, 0, 0], "image_id": 21506375100, "bbox": [338, 2, 589, 457], "category_id": 1, "id": 21506375100}, {"segmentation": [[333, 1, 924, 1, 924, 444, 333, 444]], "num_keypoints": 11, "area": 261813.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 465, 21, 1, 445, 153, 2, 610, 63, 2, 562, 402, 2, 781, 58, 2, 774, 372, 2, 591, 230, 1, 596, 327, 2, 785, 219, 2, 846, 316, 1, 910, 314, 2, 0, 0, 0], "image_id": 21506375601, "bbox": [333, 1, 591, 443], "category_id": 1, "id": 21506375601}, {"segmentation": [[346, 1, 943, 1, 943, 444, 346, 444]], "num_keypoints": 11, "area": 264471.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 490, 22, 1, 450, 169, 2, 616, 82, 2, 594, 397, 2, 773, 110, 2, 794, 378, 2, 606, 240, 1, 602, 317, 2, 773, 211, 1, 855, 316, 2, 897, 312, 2, 0, 0, 0], "image_id": 21506376001, "bbox": [346, 1, 597, 443], "category_id": 1, "id": 21506376001}, {"segmentation": [[329, 4, 958, 4, 958, 444, 329, 444]], "num_keypoints": 11, "area": 276760.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 490, 24, 1, 461, 170, 2, 620, 82, 2, 594, 403, 2, 785, 100, 2, 794, 382, 2, 607, 231, 1, 611, 322, 2, 784, 217, 1, 849, 315, 2, 892, 307, 2, 0, 0, 0], "image_id": 21506376800, "bbox": [329, 4, 629, 440], "category_id": 1, "id": 21506376800}, {"segmentation": [[348, 0, 935, 0, 935, 444, 348, 444]], "num_keypoints": 12, "area": 260628.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 425, 4, 2, 478, 29, 1, 444, 156, 2, 612, 79, 2, 580, 390, 2, 786, 104, 2, 801, 373, 2, 593, 245, 1, 606, 322, 2, 767, 208, 1, 845, 320, 2, 894, 321, 2, 0, 0, 0], "image_id": 21506379901, "bbox": [348, 0, 587, 444], "category_id": 1, "id": 21506379901}, {"segmentation": [[336, 0, 936, 0, 936, 478, 336, 478]], "num_keypoints": 11, "area": 286800.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 463, 24, 1, 437, 161, 2, 616, 82, 2, 548, 401, 2, 782, 111, 2, 764, 383, 2, 588, 237, 1, 602, 334, 2, 762, 192, 1, 836, 316, 2, 856, 317, 1, 0, 0, 0], "image_id": 21506380800, "bbox": [336, 0, 600, 478], "category_id": 1, "id": 21506380800}, {"segmentation": [[346, 6, 954, 6, 954, 433, 346, 433]], "num_keypoints": 10, "area": 259616.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 510, 18, 2, 452, 156, 2, 605, 47, 2, 552, 402, 2, 751, 25, 2, 744, 334, 2, 622, 225, 2, 641, 319, 2, 768, 184, 2, 839, 312, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506381800, "bbox": [346, 6, 608, 427], "category_id": 1, "id": 21506381800}, {"segmentation": [[327, 3, 914, 3, 914, 443, 327, 443]], "num_keypoints": 11, "area": 258280.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 444, 21, 1, 439, 132, 2, 562, 4, 2, 566, 394, 2, 682, 36, 2, 773, 362, 2, 591, 250, 1, 594, 324, 2, 768, 188, 2, 832, 324, 1, 862, 313, 1, 0, 0, 0], "image_id": 21506415201, "bbox": [327, 3, 587, 440], "category_id": 1, "id": 21506415201}, {"segmentation": [[353, 0, 909, 0, 909, 440, 353, 440]], "num_keypoints": 11, "area": 244640.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 32, 1, 440, 152, 2, 568, 4, 2, 564, 404, 2, 682, 40, 2, 777, 360, 2, 602, 238, 1, 617, 339, 2, 764, 195, 2, 834, 318, 1, 849, 311, 1, 0, 0, 0], "image_id": 21506415500, "bbox": [353, 0, 556, 440], "category_id": 1, "id": 21506415500}, {"segmentation": [[332, 2, 915, 2, 915, 450, 332, 450]], "num_keypoints": 11, "area": 261184.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 467, 28, 1, 447, 161, 2, 567, 4, 2, 569, 404, 2, 683, 39, 2, 782, 353, 2, 604, 236, 1, 609, 325, 2, 765, 202, 2, 850, 324, 1, 848, 308, 1, 0, 0, 0], "image_id": 21506415900, "bbox": [332, 2, 583, 448], "category_id": 1, "id": 21506415900}, {"segmentation": [[315, 1, 904, 1, 904, 467, 315, 467]], "num_keypoints": 11, "area": 274474.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 418, 4, 2, 511, 30, 1, 447, 147, 2, 606, 113, 2, 548, 405, 2, 711, 189, 2, 769, 387, 2, 610, 229, 1, 600, 333, 1, 774, 182, 2, 848, 308, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506401601, "bbox": [315, 1, 589, 466], "category_id": 1, "id": 21506401601}, {"segmentation": [[326, 1, 910, 1, 910, 450, 326, 450]], "num_keypoints": 11, "area": 262216.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 456, 27, 1, 450, 163, 2, 571, 7, 2, 571, 396, 2, 689, 32, 2, 777, 353, 2, 594, 242, 1, 604, 319, 2, 764, 198, 2, 848, 315, 1, 853, 315, 1, 0, 0, 0], "image_id": 21506416401, "bbox": [326, 1, 584, 449], "category_id": 1, "id": 21506416401}, {"segmentation": [[339, 1, 900, 1, 900, 448, 339, 448]], "num_keypoints": 11, "area": 250767.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 463, 29, 1, 454, 168, 2, 569, 4, 2, 570, 383, 2, 687, 36, 2, 785, 352, 2, 587, 242, 1, 604, 335, 2, 764, 198, 2, 839, 317, 1, 858, 319, 1, 0, 0, 0], "image_id": 21506417700, "bbox": [339, 1, 561, 447], "category_id": 1, "id": 21506417700}, {"segmentation": [[335, 2, 895, 2, 895, 443, 335, 443]], "num_keypoints": 11, "area": 246960.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 467, 27, 1, 441, 158, 2, 573, 4, 2, 574, 395, 2, 683, 39, 2, 785, 353, 2, 591, 239, 1, 600, 320, 2, 765, 195, 2, 837, 320, 1, 854, 331, 1, 0, 0, 0], "image_id": 21506418000, "bbox": [335, 2, 560, 441], "category_id": 1, "id": 21506418000}, {"segmentation": [[335, 1, 924, 1, 924, 446, 335, 446]], "num_keypoints": 11, "area": 262105.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 23, 1, 469, 202, 2, 561, 5, 2, 573, 395, 2, 689, 39, 2, 783, 353, 2, 595, 250, 1, 605, 328, 2, 762, 199, 2, 835, 316, 1, 845, 317, 1, 0, 0, 0], "image_id": 21506418400, "bbox": [335, 1, 589, 445], "category_id": 1, "id": 21506418400}, {"segmentation": [[328, 3, 918, 3, 918, 462, 328, 462]], "num_keypoints": 12, "area": 270810.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 402, 6, 2, 486, 21, 1, 449, 156, 2, 626, 72, 2, 540, 403, 2, 782, 90, 2, 762, 382, 2, 585, 240, 1, 585, 319, 2, 766, 191, 2, 857, 312, 2, 864, 301, 1, 0, 0, 0], "image_id": 21506401900, "bbox": [328, 3, 590, 459], "category_id": 1, "id": 21506401900}, {"segmentation": [[346, 0, 904, 0, 904, 446, 346, 446]], "num_keypoints": 11, "area": 248868.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 488, 28, 1, 449, 173, 2, 565, 7, 2, 576, 387, 2, 687, 35, 2, 785, 354, 2, 600, 240, 1, 609, 325, 2, 772, 192, 2, 835, 313, 1, 859, 319, 1, 0, 0, 0], "image_id": 21506419200, "bbox": [346, 0, 558, 446], "category_id": 1, "id": 21506419200}, {"segmentation": [[321, 4, 907, 4, 907, 449, 321, 449]], "num_keypoints": 11, "area": 260770.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 34, 1, 465, 175, 2, 571, 8, 2, 572, 395, 2, 689, 27, 2, 785, 353, 2, 591, 240, 1, 611, 331, 2, 764, 196, 2, 833, 315, 1, 865, 321, 1, 0, 0, 0], "image_id": 21506419600, "bbox": [321, 4, 586, 445], "category_id": 1, "id": 21506419600}, {"segmentation": [[327, 4, 931, 4, 931, 446, 327, 446]], "num_keypoints": 9, "area": 266968.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 466, 24, 1, 457, 151, 2, 0, 0, 0, 573, 394, 2, 0, 0, 0, 785, 353, 2, 592, 231, 1, 595, 310, 2, 778, 226, 1, 839, 319, 1, 891, 306, 1, 0, 0, 0], "image_id": 21506423201, "bbox": [327, 4, 604, 442], "category_id": 1, "id": 21506423201}, {"segmentation": [[333, 4, 917, 4, 917, 429, 333, 429]], "num_keypoints": 9, "area": 248200.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 456, 23, 1, 464, 187, 2, 0, 0, 0, 586, 383, 2, 0, 0, 0, 737, 269, 2, 599, 245, 1, 608, 332, 1, 769, 191, 2, 836, 315, 2, 852, 323, 1, 0, 0, 0], "image_id": 21506430001, "bbox": [333, 4, 584, 425], "category_id": 1, "id": 21506430001}, {"segmentation": [[350, 2, 880, 2, 880, 419, 350, 419]], "num_keypoints": 9, "area": 221010.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 464, 34, 1, 464, 174, 2, 0, 0, 0, 586, 385, 2, 0, 0, 0, 739, 269, 2, 598, 225, 1, 603, 342, 1, 761, 186, 2, 861, 320, 2, 845, 310, 1, 0, 0, 0], "image_id": 21506430400, "bbox": [350, 2, 530, 417], "category_id": 1, "id": 21506430400}, {"segmentation": [[343, 3, 980, 3, 980, 457, 343, 457]], "num_keypoints": 11, "area": 289198.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 493, 30, 1, 480, 169, 2, 620, 9, 2, 612, 373, 2, 702, 17, 2, 831, 385, 2, 611, 231, 1, 612, 333, 1, 780, 204, 2, 852, 309, 2, 881, 301, 1, 0, 0, 0], "image_id": 21506432001, "bbox": [343, 3, 637, 454], "category_id": 1, "id": 21506432001}, {"segmentation": [[337, 1, 941, 1, 941, 437, 337, 437]], "num_keypoints": 11, "area": 263344.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 493, 36, 1, 468, 160, 2, 605, 58, 2, 604, 397, 2, 745, 16, 2, 811, 374, 2, 602, 249, 1, 623, 322, 2, 770, 193, 1, 859, 312, 2, 844, 307, 1, 0, 0, 0], "image_id": 21506437601, "bbox": [337, 1, 604, 436], "category_id": 1, "id": 21506437601}, {"segmentation": [[315, 1, 939, 1, 939, 414, 315, 414]], "num_keypoints": 10, "area": 257712.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 480, 36, 1, 451, 140, 2, 560, 133, 1, 656, 292, 2, 694, 114, 2, 805, 186, 2, 619, 230, 1, 632, 329, 1, 788, 185, 1, 854, 320, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506442400, "bbox": [315, 1, 624, 413], "category_id": 1, "id": 21506442400}, {"segmentation": [[340, 0, 933, 0, 933, 395, 340, 395]], "num_keypoints": 8, "area": 234235.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 436, 127, 2, 0, 0, 0, 698, 197, 2, 0, 0, 0, 839, 69, 2, 599, 256, 1, 605, 338, 2, 777, 214, 1, 858, 323, 2, 865, 319, 1, 0, 0, 0], "image_id": 21506443100, "bbox": [340, 0, 593, 395], "category_id": 1, "id": 21506443100}, {"segmentation": [[334, 0, 946, 0, 946, 400, 334, 400]], "num_keypoints": 11, "area": 244800.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 439, 46, 1, 452, 161, 2, 539, 142, 1, 662, 304, 2, 676, 145, 2, 816, 183, 2, 595, 234, 1, 595, 356, 2, 764, 203, 1, 845, 331, 2, 870, 324, 1, 0, 0, 0], "image_id": 21506443400, "bbox": [334, 0, 612, 400], "category_id": 1, "id": 21506443400}, {"segmentation": [[334, 3, 903, 3, 903, 403, 334, 403]], "num_keypoints": 11, "area": 227600.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 464, 34, 1, 456, 159, 2, 581, 112, 2, 666, 306, 2, 710, 78, 2, 766, 129, 2, 600, 240, 1, 607, 349, 2, 762, 202, 1, 841, 324, 2, 842, 314, 1, 0, 0, 0], "image_id": 21506443700, "bbox": [334, 3, 569, 400], "category_id": 1, "id": 21506443700}, {"segmentation": [[348, 3, 943, 3, 943, 388, 348, 388]], "num_keypoints": 11, "area": 229075.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 491, 23, 1, 472, 169, 2, 581, 99, 2, 611, 328, 2, 722, 69, 2, 764, 227, 2, 626, 220, 1, 651, 331, 1, 779, 186, 1, 860, 320, 2, 881, 337, 1, 0, 0, 0], "image_id": 21506444200, "bbox": [348, 3, 595, 385], "category_id": 1, "id": 21506444200}, {"segmentation": [[329, 2, 927, 2, 927, 408, 329, 408]], "num_keypoints": 11, "area": 242788.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 30, 1, 451, 147, 2, 578, 90, 2, 604, 332, 2, 730, 68, 2, 753, 233, 2, 591, 243, 1, 585, 341, 1, 768, 188, 1, 832, 316, 2, 855, 315, 1, 0, 0, 0], "image_id": 21506444501, "bbox": [329, 2, 598, 406], "category_id": 1, "id": 21506444501}, {"segmentation": [[350, 0, 933, 0, 933, 394, 350, 394]], "num_keypoints": 11, "area": 229702.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 474, 22, 1, 439, 131, 2, 576, 91, 2, 603, 324, 2, 728, 68, 2, 764, 229, 2, 594, 236, 1, 584, 336, 1, 760, 193, 1, 843, 313, 2, 854, 313, 1, 0, 0, 0], "image_id": 21506444800, "bbox": [350, 0, 583, 394], "category_id": 1, "id": 21506444800}, {"segmentation": [[339, 0, 893, 0, 893, 419, 339, 419]], "num_keypoints": 10, "area": 232126.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 25, 1, 444, 141, 2, 572, 85, 2, 599, 333, 2, 724, 66, 2, 760, 232, 2, 583, 232, 1, 580, 345, 1, 768, 191, 1, 831, 312, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506445100, "bbox": [339, 0, 554, 419], "category_id": 1, "id": 21506445100}, {"segmentation": [[344, 0, 924, 0, 924, 406, 344, 406]], "num_keypoints": 11, "area": 235480.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 454, 24, 1, 443, 145, 2, 585, 86, 2, 598, 335, 2, 726, 60, 2, 752, 236, 2, 579, 233, 1, 572, 337, 1, 760, 192, 1, 834, 313, 2, 855, 316, 1, 0, 0, 0], "image_id": 21506445600, "bbox": [344, 0, 580, 406], "category_id": 1, "id": 21506445600}, {"segmentation": [[330, 0, 976, 0, 976, 430, 330, 430]], "num_keypoints": 11, "area": 277780.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 23, 1, 447, 157, 2, 579, 84, 2, 602, 355, 2, 723, 68, 2, 824, 355, 2, 596, 234, 1, 605, 325, 1, 781, 215, 2, 838, 313, 2, 905, 319, 1, 0, 0, 0], "image_id": 21506446401, "bbox": [330, 0, 646, 430], "category_id": 1, "id": 21506446401}, {"segmentation": [[326, 3, 921, 3, 921, 456, 326, 456]], "num_keypoints": 11, "area": 269535.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 462, 36, 1, 448, 168, 2, 586, 99, 2, 551, 414, 2, 720, 57, 2, 768, 394, 2, 601, 250, 1, 605, 339, 2, 764, 197, 2, 855, 315, 2, 848, 312, 1, 0, 0, 0], "image_id": 21506404801, "bbox": [326, 3, 595, 453], "category_id": 1, "id": 21506404801}, {"segmentation": [[334, 2, 931, 2, 931, 460, 334, 460]], "num_keypoints": 11, "area": 273426.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 38, 1, 449, 154, 2, 586, 108, 2, 555, 405, 2, 712, 68, 2, 769, 373, 2, 597, 246, 1, 605, 337, 2, 764, 201, 2, 837, 317, 1, 848, 317, 1, 0, 0, 0], "image_id": 21506405201, "bbox": [334, 2, 597, 458], "category_id": 1, "id": 21506405201}, {"segmentation": [[328, 1, 951, 1, 951, 464, 328, 464]], "num_keypoints": 12, "area": 288449.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 414, 4, 2, 481, 28, 1, 447, 169, 2, 594, 112, 2, 540, 420, 2, 715, 189, 2, 757, 397, 2, 580, 232, 1, 586, 329, 2, 762, 212, 1, 859, 319, 2, 908, 316, 2, 0, 0, 0], "image_id": 21506454801, "bbox": [328, 1, 623, 463], "category_id": 1, "id": 21506454801}, {"segmentation": [[336, 2, 941, 2, 941, 475, 336, 475]], "num_keypoints": 12, "area": 286165.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 406, 4, 2, 464, 43, 1, 447, 187, 2, 576, 112, 2, 546, 425, 2, 702, 99, 2, 757, 401, 2, 595, 240, 1, 591, 337, 2, 772, 197, 2, 842, 322, 2, 884, 324, 2, 0, 0, 0], "image_id": 21506455100, "bbox": [336, 2, 605, 473], "category_id": 1, "id": 21506455100}, {"segmentation": [[340, 3, 907, 3, 907, 465, 340, 465]], "num_keypoints": 12, "area": 261954.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 415, 4, 2, 467, 24, 1, 444, 161, 2, 611, 95, 2, 540, 418, 2, 743, 173, 2, 760, 394, 2, 595, 242, 1, 597, 327, 2, 760, 196, 1, 843, 318, 2, 866, 314, 1, 0, 0, 0], "image_id": 21506455401, "bbox": [340, 3, 567, 462], "category_id": 1, "id": 21506455401}, {"segmentation": [[336, 3, 922, 3, 922, 462, 336, 462]], "num_keypoints": 12, "area": 268974.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 426, 4, 2, 456, 40, 1, 451, 158, 2, 573, 102, 2, 541, 416, 2, 677, 140, 2, 762, 393, 2, 598, 238, 1, 592, 330, 2, 762, 188, 2, 856, 320, 2, 862, 306, 1, 0, 0, 0], "image_id": 21506455700, "bbox": [336, 3, 586, 459], "category_id": 1, "id": 21506455700}, {"segmentation": [[334, 2, 911, 2, 911, 463, 334, 463]], "num_keypoints": 12, "area": 265997.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 447, 4, 2, 466, 35, 1, 454, 160, 2, 558, 110, 2, 536, 416, 2, 679, 152, 2, 758, 393, 2, 584, 237, 1, 589, 330, 2, 759, 192, 2, 855, 322, 2, 861, 307, 2, 0, 0, 0], "image_id": 21506456001, "bbox": [334, 2, 577, 461], "category_id": 1, "id": 21506456001}, {"segmentation": [[341, 0, 944, 0, 944, 448, 341, 448]], "num_keypoints": 11, "area": 270144.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 464, 41, 1, 437, 152, 2, 583, 108, 2, 583, 404, 2, 714, 68, 2, 795, 383, 2, 605, 236, 1, 610, 344, 2, 786, 216, 2, 857, 322, 2, 906, 311, 1, 0, 0, 0], "image_id": 21506458001, "bbox": [341, 0, 603, 448], "category_id": 1, "id": 21506458001}, {"segmentation": [[341, 4, 887, 4, 887, 439, 341, 439]], "num_keypoints": 12, "area": 237510, "iscrowd": 0, "keypoints": [522, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 484, 47, 1, 457, 149, 2, 578, 101, 2, 561, 402, 2, 718, 68, 2, 699, 329, 2, 604, 229, 2, 591, 339, 2, 766, 202, 2, 860, 320, 2, 871, 327, 1, 0, 0, 0], "image_id": 21506459500, "bbox": [341, 4, 546, 435], "category_id": 1, "id": 21506459500}, {"segmentation": [[328, 2, 905, 2, 905, 444, 328, 444]], "num_keypoints": 11, "area": 255034.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 37, 1, 460, 171, 2, 577, 111, 2, 560, 403, 2, 707, 80, 2, 699, 329, 2, 602, 237, 1, 605, 325, 1, 764, 197, 2, 858, 319, 2, 847, 318, 1, 0, 0, 0], "image_id": 21506460000, "bbox": [328, 2, 577, 442], "category_id": 1, "id": 21506460000}, {"segmentation": [[337, 3, 932, 3, 932, 437, 337, 437]], "num_keypoints": 11, "area": 258230.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 484, 39, 1, 460, 179, 2, 590, 109, 2, 561, 403, 2, 708, 75, 2, 710, 317, 2, 605, 235, 2, 633, 332, 2, 762, 198, 2, 848, 314, 2, 840, 304, 1, 0, 0, 0], "image_id": 21506461400, "bbox": [337, 3, 595, 434], "category_id": 1, "id": 21506461400}, {"segmentation": [[335, 3, 944, 3, 944, 458, 335, 458]], "num_keypoints": 11, "area": 277095.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 40, 1, 450, 167, 2, 581, 101, 2, 560, 396, 2, 720, 66, 2, 701, 328, 2, 596, 246, 1, 608, 326, 2, 766, 204, 2, 836, 318, 2, 855, 312, 1, 0, 0, 0], "image_id": 21506461700, "bbox": [335, 3, 609, 455], "category_id": 1, "id": 21506461700}, {"segmentation": [[328, 1, 907, 1, 907, 447, 328, 447]], "num_keypoints": 11, "area": 258234.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 467, 46, 1, 447, 152, 2, 580, 101, 2, 556, 395, 2, 710, 70, 2, 699, 329, 2, 595, 242, 1, 592, 330, 2, 766, 197, 2, 859, 319, 2, 856, 315, 1, 0, 0, 0], "image_id": 21506462800, "bbox": [328, 1, 579, 446], "category_id": 1, "id": 21506462800}, {"segmentation": [[337, 3, 898, 3, 898, 441, 337, 441]], "num_keypoints": 11, "area": 245718.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 459, 38, 1, 458, 185, 2, 579, 99, 2, 562, 405, 2, 720, 65, 2, 699, 328, 2, 600, 245, 1, 608, 324, 2, 765, 201, 2, 860, 320, 2, 852, 316, 1, 0, 0, 0], "image_id": 21506463100, "bbox": [337, 3, 561, 438], "category_id": 1, "id": 21506463100}, {"segmentation": [[336, 2, 895, 2, 895, 440, 336, 440]], "num_keypoints": 11, "area": 244842.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 467, 45, 1, 472, 176, 2, 577, 101, 2, 553, 392, 2, 711, 69, 2, 699, 327, 2, 591, 245, 1, 603, 333, 2, 764, 204, 2, 849, 309, 2, 853, 319, 1, 0, 0, 0], "image_id": 21506463600, "bbox": [336, 2, 559, 438], "category_id": 1, "id": 21506463600}, {"segmentation": [[342, 5, 930, 5, 930, 445, 342, 445]], "num_keypoints": 11, "area": 258720.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 469, 29, 2, 458, 182, 2, 582, 98, 2, 564, 404, 2, 720, 61, 2, 701, 326, 2, 622, 236, 2, 646, 318, 2, 770, 188, 2, 837, 310, 2, 834, 284, 2, 0, 0, 0], "image_id": 21506464000, "bbox": [342, 5, 588, 440], "category_id": 1, "id": 21506464000}, {"segmentation": [[331, 1, 912, 1, 912, 448, 331, 448]], "num_keypoints": 11, "area": 259707.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 466, 33, 1, 435, 123, 2, 585, 99, 2, 552, 406, 2, 720, 58, 2, 765, 343, 2, 595, 236, 1, 601, 326, 2, 765, 195, 2, 850, 321, 1, 846, 304, 1, 0, 0, 0], "image_id": 21506406400, "bbox": [331, 1, 581, 447], "category_id": 1, "id": 21506406400}, {"segmentation": [[321, 3, 918, 3, 918, 437, 321, 437]], "num_keypoints": 11, "area": 259098.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 467, 37, 1, 450, 156, 2, 577, 96, 2, 562, 404, 2, 720, 61, 2, 701, 326, 2, 590, 240, 1, 600, 337, 2, 774, 203, 2, 850, 312, 2, 859, 314, 1, 0, 0, 0], "image_id": 21506464400, "bbox": [321, 3, 597, 434], "category_id": 1, "id": 21506464400}, {"segmentation": [[332, 3, 931, 3, 931, 447, 332, 447]], "num_keypoints": 11, "area": 265956.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 506, 45, 1, 472, 172, 2, 580, 99, 2, 558, 403, 2, 719, 66, 2, 695, 319, 2, 624, 236, 1, 621, 349, 1, 773, 190, 2, 853, 315, 2, 844, 299, 1, 0, 0, 0], "image_id": 21506464800, "bbox": [332, 3, 599, 444], "category_id": 1, "id": 21506464800}, {"segmentation": [[335, 1, 951, 1, 951, 447, 335, 447]], "num_keypoints": 11, "area": 274736.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 462, 32, 1, 457, 172, 2, 569, 4, 2, 558, 401, 2, 690, 37, 2, 782, 383, 2, 599, 236, 1, 597, 327, 2, 780, 211, 2, 861, 318, 2, 883, 301, 2, 0, 0, 0], "image_id": 21506472001, "bbox": [335, 1, 616, 446], "category_id": 1, "id": 21506472001}, {"segmentation": [[324, 4, 955, 4, 955, 452, 324, 452]], "num_keypoints": 11, "area": 282688, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 462, 20, 1, 467, 173, 2, 573, 4, 2, 555, 399, 2, 691, 37, 2, 766, 362, 2, 615, 227, 1, 621, 321, 2, 778, 218, 1, 855, 313, 2, 886, 309, 2, 0, 0, 0], "image_id": 21506472401, "bbox": [324, 4, 631, 448], "category_id": 1, "id": 21506472401}, {"segmentation": [[337, 0, 945, 0, 945, 431, 337, 431]], "num_keypoints": 11, "area": 262048.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 472, 25, 1, 440, 173, 2, 564, 6, 2, 575, 383, 2, 685, 31, 2, 797, 360, 2, 601, 239, 1, 606, 323, 2, 791, 226, 2, 848, 310, 2, 892, 309, 2, 0, 0, 0], "image_id": 21506408801, "bbox": [337, 0, 608, 431], "category_id": 1, "id": 21506408801}, {"segmentation": [[319, 4, 921, 4, 921, 453, 319, 453]], "num_keypoints": 12, "area": 270298.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 447, 4, 2, 467, 34, 1, 452, 153, 2, 610, 37, 2, 594, 381, 2, 777, 18, 2, 797, 393, 2, 602, 236, 1, 612, 323, 2, 770, 189, 1, 862, 320, 2, 849, 312, 1, 0, 0, 0], "image_id": 21506510801, "bbox": [319, 4, 602, 449], "category_id": 1, "id": 21506510801}, {"segmentation": [[311, 0, 930, 0, 930, 436, 311, 436]], "num_keypoints": 11, "area": 269884.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 445, 46, 1, 447, 168, 2, 539, 145, 1, 562, 384, 2, 658, 194, 2, 710, 320, 2, 605, 247, 1, 612, 339, 1, 769, 195, 2, 840, 328, 2, 840, 314, 1, 0, 0, 0], "image_id": 21506513500, "bbox": [311, 0, 619, 436], "category_id": 1, "id": 21506513500}, {"segmentation": [[335, 1, 899, 1, 899, 435, 335, 435]], "num_keypoints": 11, "area": 244776.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 464, 40, 1, 454, 163, 2, 581, 108, 2, 567, 382, 2, 720, 58, 2, 705, 320, 2, 593, 238, 1, 598, 333, 2, 762, 198, 2, 857, 327, 2, 848, 320, 1, 0, 0, 0], "image_id": 21506514200, "bbox": [335, 1, 564, 434], "category_id": 1, "id": 21506514200}, {"segmentation": [[334, 3, 897, 3, 897, 411, 334, 411]], "num_keypoints": 13, "area": 229704.0, "iscrowd": 0, "keypoints": [564, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 445, 4, 2, 478, 37, 1, 447, 152, 2, 598, 81, 2, 570, 368, 2, 761, 122, 2, 723, 298, 2, 592, 236, 1, 600, 332, 1, 770, 193, 1, 847, 317, 2, 853, 318, 1, 0, 0, 0], "image_id": 21506514801, "bbox": [334, 3, 563, 408], "category_id": 1, "id": 21506514801}, {"segmentation": [[333, 4, 912, 4, 912, 410, 333, 410]], "num_keypoints": 8, "area": 235074.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 452, 144, 2, 0, 0, 0, 603, 332, 2, 0, 0, 0, 764, 239, 2, 589, 238, 1, 593, 324, 1, 767, 189, 1, 859, 319, 2, 852, 314, 1, 0, 0, 0], "image_id": 21506515100, "bbox": [333, 4, 579, 406], "category_id": 1, "id": 21506515100}, {"segmentation": [[344, 3, 883, 3, 883, 403, 344, 403]], "num_keypoints": 8, "area": 215600.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 415, 73, 2, 0, 0, 0, 591, 344, 2, 0, 0, 0, 741, 247, 2, 597, 231, 1, 577, 348, 1, 755, 188, 1, 840, 311, 2, 851, 311, 1, 0, 0, 0], "image_id": 21506516300, "bbox": [344, 3, 539, 400], "category_id": 1, "id": 21506516300}, {"segmentation": [[330, 3, 966, 3, 966, 388, 330, 388]], "num_keypoints": 9, "area": 244860.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 150, 2, 518, 26, 2, 594, 340, 2, 552, 14, 2, 749, 247, 2, 586, 216, 2, 597, 315, 1, 755, 178, 2, 847, 315, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506516600, "bbox": [330, 3, 636, 385], "category_id": 1, "id": 21506516600}, {"segmentation": [[315, 2, 958, 2, 958, 466, 315, 466]], "num_keypoints": 11, "area": 298352.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 469, 28, 1, 445, 143, 2, 581, 4, 2, 565, 395, 2, 710, 12, 2, 778, 398, 2, 603, 236, 1, 607, 334, 2, 791, 224, 2, 857, 311, 2, 912, 317, 2, 0, 0, 0], "image_id": 21506526001, "bbox": [315, 2, 643, 464], "category_id": 1, "id": 21506526001}, {"segmentation": [[323, 1, 956, 1, 956, 436, 323, 436]], "num_keypoints": 10, "area": 275355.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 495, 21, 1, 449, 153, 2, 582, 4, 2, 572, 376, 2, 713, 5, 2, 789, 365, 2, 614, 227, 1, 620, 320, 1, 789, 219, 1, 850, 309, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506527201, "bbox": [323, 1, 633, 435], "category_id": 1, "id": 21506527201}, {"segmentation": [[329, 0, 918, 0, 918, 419, 329, 419]], "num_keypoints": 10, "area": 246791.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 470, 15, 1, 445, 160, 2, 577, 4, 2, 591, 382, 2, 698, 35, 2, 781, 301, 2, 584, 239, 1, 596, 332, 1, 776, 201, 2, 828, 317, 1, 0, 0, 0, 0, 0, 0], "image_id": 21506532801, "bbox": [329, 0, 589, 419], "category_id": 1, "id": 21506532801}, {"segmentation": [[347, 2, 937, 2, 937, 459, 347, 459]], "num_keypoints": 13, "area": 269630.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 416, 4, 2, 487, 35, 2, 436, 141, 2, 624, 57, 2, 552, 412, 2, 787, 43, 2, 762, 373, 2, 621, 226, 2, 609, 321, 2, 765, 204, 2, 849, 311, 2, 880, 292, 2, 891, 321, 2], "image_id": 21506535100, "bbox": [347, 2, 590, 457], "category_id": 1, "id": 21506535100}, {"segmentation": [[327, 0, 912, 0, 912, 453, 327, 453]], "num_keypoints": 12, "area": 265005.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 435, 4, 2, 456, 37, 1, 450, 152, 2, 568, 99, 2, 555, 397, 2, 668, 154, 2, 764, 366, 2, 587, 244, 1, 597, 316, 2, 763, 192, 1, 844, 313, 1, 861, 313, 1, 0, 0, 0], "image_id": 21506535601, "bbox": [327, 0, 585, 453], "category_id": 1, "id": 21506535601}, {"segmentation": [[346, 5, 964, 5, 964, 453, 346, 453]], "num_keypoints": 11, "area": 276864.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 475, 29, 1, 457, 181, 2, 570, 97, 2, 544, 406, 2, 699, 103, 2, 772, 373, 2, 628, 224, 2, 639, 317, 2, 767, 188, 2, 854, 314, 2, 847, 296, 1, 0, 0, 0], "image_id": 21506535900, "bbox": [346, 5, 618, 448], "category_id": 1, "id": 21506535900}, {"segmentation": [[349, 2, 875, 2, 875, 458, 349, 458]], "num_keypoints": 10, "area": 239856.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 469, 29, 1, 458, 156, 2, 583, 89, 2, 552, 414, 2, 733, 51, 2, 764, 383, 2, 603, 235, 2, 609, 330, 2, 773, 189, 2, 849, 317, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506536401, "bbox": [349, 2, 526, 456], "category_id": 1, "id": 21506536401}, {"segmentation": [[316, 2, 894, 2, 894, 432, 316, 432]], "num_keypoints": 11, "area": 248540.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 454, 30, 1, 443, 148, 2, 586, 81, 2, 557, 384, 2, 741, 47, 2, 701, 324, 2, 605, 236, 1, 616, 329, 1, 763, 196, 2, 844, 322, 1, 857, 317, 1, 0, 0, 0], "image_id": 21506536801, "bbox": [316, 2, 578, 430], "category_id": 1, "id": 21506536801}, {"segmentation": [[323, 3, 929, 3, 929, 468, 323, 468]], "num_keypoints": 11, "area": 281790, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 467, 20, 1, 454, 173, 2, 576, 3, 2, 562, 399, 2, 701, 15, 2, 778, 410, 2, 594, 233, 1, 593, 327, 2, 773, 207, 2, 856, 319, 2, 885, 321, 1, 0, 0, 0], "image_id": 21506504001, "bbox": [323, 3, 606, 465], "category_id": 1, "id": 21506504001}, {"segmentation": [[341, 0, 903, 0, 903, 436, 341, 436]], "num_keypoints": 11, "area": 245032.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 451, 27, 1, 445, 155, 2, 585, 90, 2, 570, 399, 2, 722, 52, 2, 705, 327, 2, 604, 245, 1, 614, 332, 2, 764, 203, 2, 858, 320, 2, 852, 316, 1, 0, 0, 0], "image_id": 21506541100, "bbox": [341, 0, 562, 436], "category_id": 1, "id": 21506541100}, {"segmentation": [[323, 2, 904, 2, 904, 454, 323, 454]], "num_keypoints": 11, "area": 262612.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 448, 37, 1, 452, 157, 2, 577, 98, 2, 572, 403, 2, 710, 62, 2, 706, 327, 2, 606, 235, 1, 613, 328, 1, 774, 191, 2, 860, 320, 2, 860, 312, 1, 0, 0, 0], "image_id": 21506541601, "bbox": [323, 2, 581, 452], "category_id": 1, "id": 21506541601}, {"segmentation": [[323, 1, 911, 1, 911, 442, 323, 442]], "num_keypoints": 11, "area": 259308.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 471, 33, 1, 449, 156, 2, 574, 99, 2, 573, 391, 2, 710, 69, 2, 708, 327, 2, 603, 236, 1, 602, 327, 2, 769, 193, 2, 861, 319, 2, 847, 317, 1, 0, 0, 0], "image_id": 21506542000, "bbox": [323, 1, 588, 441], "category_id": 1, "id": 21506542000}, {"segmentation": [[332, 0, 908, 0, 908, 445, 332, 445]], "num_keypoints": 11, "area": 256320.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 467, 32, 1, 455, 167, 2, 582, 89, 2, 562, 391, 2, 715, 57, 2, 710, 323, 2, 600, 238, 1, 603, 336, 2, 770, 195, 2, 865, 316, 2, 854, 316, 1, 0, 0, 0], "image_id": 21506542300, "bbox": [332, 0, 576, 445], "category_id": 1, "id": 21506542300}, {"segmentation": [[337, 1, 904, 1, 904, 445, 337, 445]], "num_keypoints": 11, "area": 251748.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 502, 29, 1, 460, 140, 2, 592, 95, 2, 574, 400, 2, 716, 58, 2, 710, 323, 2, 612, 235, 2, 604, 361, 1, 769, 182, 2, 866, 319, 2, 856, 315, 1, 0, 0, 0], "image_id": 21506542600, "bbox": [337, 1, 567, 444], "category_id": 1, "id": 21506542600}, {"segmentation": [[340, 0, 964, 0, 964, 441, 340, 441]], "num_keypoints": 11, "area": 275184.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 474, 20, 1, 452, 145, 2, 570, 4, 2, 564, 397, 2, 697, 25, 2, 710, 330, 2, 602, 230, 1, 607, 316, 2, 778, 214, 2, 861, 318, 2, 895, 313, 2, 0, 0, 0], "image_id": 21506543600, "bbox": [340, 0, 624, 441], "category_id": 1, "id": 21506543600}, {"segmentation": [[320, 1, 944, 1, 944, 462, 320, 462]], "num_keypoints": 9, "area": 287664.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 27, 1, 455, 155, 2, 0, 0, 0, 567, 411, 2, 0, 0, 0, 772, 385, 2, 597, 240, 1, 603, 342, 2, 782, 216, 2, 860, 320, 2, 906, 311, 2, 0, 0, 0], "image_id": 21506544401, "bbox": [320, 1, 624, 461], "category_id": 1, "id": 21506544401}, {"segmentation": [[333, 3, 942, 3, 942, 445, 333, 445]], "num_keypoints": 9, "area": 269178.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 467, 23, 1, 456, 178, 2, 0, 0, 0, 578, 386, 2, 0, 0, 0, 783, 383, 2, 602, 234, 1, 603, 323, 2, 781, 216, 2, 861, 322, 2, 911, 312, 2, 0, 0, 0], "image_id": 21506544801, "bbox": [333, 3, 609, 442], "category_id": 1, "id": 21506544801}, {"segmentation": [[331, 4, 920, 4, 920, 451, 331, 451]], "num_keypoints": 12, "area": 263283, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 501, 4, 2, 456, 27, 1, 452, 163, 2, 615, 45, 2, 581, 394, 2, 762, 15, 2, 785, 391, 2, 583, 243, 1, 597, 335, 2, 773, 202, 2, 851, 328, 2, 862, 314, 1, 0, 0, 0], "image_id": 21506550401, "bbox": [331, 4, 589, 447], "category_id": 1, "id": 21506550401}, {"segmentation": [[322, 0, 938, 0, 938, 450, 322, 450]], "num_keypoints": 11, "area": 277200.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 467, 35, 1, 448, 150, 2, 574, 111, 2, 582, 387, 2, 699, 90, 2, 794, 387, 2, 603, 244, 1, 615, 333, 2, 769, 194, 2, 851, 318, 2, 860, 310, 1, 0, 0, 0], "image_id": 21506551100, "bbox": [322, 0, 616, 450], "category_id": 1, "id": 21506551100}, {"segmentation": [[328, 3, 949, 3, 949, 464, 328, 464]], "num_keypoints": 11, "area": 286281.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 447, 34, 1, 457, 162, 2, 576, 106, 2, 541, 407, 2, 707, 82, 2, 765, 404, 2, 578, 249, 1, 585, 343, 2, 787, 226, 2, 838, 322, 2, 902, 315, 2, 0, 0, 0], "image_id": 21506551500, "bbox": [328, 3, 621, 461], "category_id": 1, "id": 21506551500}, {"segmentation": [[332, 0, 941, 0, 941, 460, 332, 460]], "num_keypoints": 11, "area": 280140.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 27, 1, 468, 176, 2, 577, 4, 2, 601, 395, 2, 695, 6, 2, 798, 394, 2, 599, 240, 1, 611, 325, 2, 764, 194, 2, 860, 320, 2, 854, 316, 1, 0, 0, 0], "image_id": 21506506401, "bbox": [332, 0, 609, 460], "category_id": 1, "id": 21506506401}, {"segmentation": [[340, 1, 937, 1, 937, 413, 340, 413]], "num_keypoints": 11, "area": 245964.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 456, 29, 1, 458, 182, 2, 571, 8, 2, 601, 385, 2, 698, 37, 2, 824, 353, 2, 602, 240, 1, 604, 318, 1, 785, 222, 2, 839, 315, 1, 895, 301, 1, 0, 0, 0], "image_id": 21506566401, "bbox": [340, 1, 597, 412], "category_id": 1, "id": 21506566401}, {"segmentation": [[325, 2, 932, 2, 932, 473, 325, 473]], "num_keypoints": 11, "area": 285897.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 469, 27, 1, 453, 172, 2, 573, 4, 2, 553, 398, 2, 697, 37, 2, 764, 417, 2, 590, 239, 1, 601, 334, 2, 766, 195, 2, 841, 321, 2, 885, 322, 2, 0, 0, 0], "image_id": 21506568801, "bbox": [325, 2, 607, 471], "category_id": 1, "id": 21506568801}, {"segmentation": [[328, 4, 926, 4, 926, 440, 328, 440]], "num_keypoints": 11, "area": 260728.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 26, 1, 447, 161, 2, 574, 11, 2, 565, 398, 2, 691, 35, 2, 776, 360, 2, 594, 246, 1, 603, 324, 2, 764, 194, 2, 840, 309, 1, 840, 293, 1, 0, 0, 0], "image_id": 21506574401, "bbox": [328, 4, 598, 436], "category_id": 1, "id": 21506574401}, {"segmentation": [[338, 0, 917, 0, 917, 471, 338, 471]], "num_keypoints": 11, "area": 272709.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 36, 1, 451, 160, 2, 577, 90, 2, 595, 394, 2, 714, 66, 2, 795, 394, 2, 597, 244, 1, 609, 330, 2, 764, 198, 2, 859, 320, 2, 852, 309, 1, 0, 0, 0], "image_id": 21506508000, "bbox": [338, 0, 579, 471], "category_id": 1, "id": 21506508000}, {"segmentation": [[324, 6, 925, 6, 925, 447, 324, 447]], "num_keypoints": 11, "area": 265041.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 491, 31, 1, 455, 167, 2, 599, 68, 2, 596, 400, 2, 744, 23, 2, 791, 344, 2, 612, 229, 1, 616, 322, 2, 795, 223, 2, 821, 314, 1, 899, 305, 2, 0, 0, 0], "image_id": 21506585201, "bbox": [324, 6, 601, 441], "category_id": 1, "id": 21506585201}, {"segmentation": [[342, 3, 957, 3, 957, 449, 342, 449]], "num_keypoints": 11, "area": 274290.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 39, 1, 457, 156, 2, 566, 111, 2, 558, 404, 2, 681, 169, 2, 710, 322, 2, 593, 236, 1, 594, 328, 2, 780, 222, 1, 847, 315, 2, 906, 318, 2, 0, 0, 0], "image_id": 21506585601, "bbox": [342, 3, 615, 446], "category_id": 1, "id": 21506585601}, {"segmentation": [[326, 4, 895, 4, 895, 436, 326, 436]], "num_keypoints": 11, "area": 245808.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 435, 33, 1, 453, 160, 2, 559, 130, 1, 570, 393, 2, 691, 120, 2, 711, 322, 2, 592, 242, 1, 601, 322, 2, 768, 204, 1, 857, 320, 2, 844, 320, 1, 0, 0, 0], "image_id": 21506589700, "bbox": [326, 4, 569, 432], "category_id": 1, "id": 21506589700}, {"segmentation": [[339, 2, 907, 2, 907, 463, 339, 463]], "num_keypoints": 11, "area": 261848.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 39, 1, 460, 177, 2, 573, 114, 2, 545, 415, 2, 701, 89, 2, 770, 376, 2, 605, 244, 1, 599, 334, 2, 764, 194, 2, 839, 327, 1, 877, 326, 1, 0, 0, 0], "image_id": 21506601000, "bbox": [339, 2, 568, 461], "category_id": 1, "id": 21506601000}, {"segmentation": [[329, 1, 910, 1, 910, 458, 329, 458]], "num_keypoints": 11, "area": 265517.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 489, 35, 1, 454, 164, 2, 591, 128, 2, 559, 414, 2, 699, 197, 2, 770, 374, 2, 590, 245, 1, 594, 324, 2, 772, 193, 1, 839, 311, 1, 856, 319, 1, 0, 0, 0], "image_id": 21506601700, "bbox": [329, 1, 581, 457], "category_id": 1, "id": 21506601700}, {"segmentation": [[327, 3, 914, 3, 914, 456, 327, 456]], "num_keypoints": 11, "area": 265911.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 463, 33, 1, 450, 165, 2, 586, 79, 2, 553, 407, 2, 751, 39, 2, 765, 373, 2, 588, 249, 1, 600, 323, 2, 764, 203, 1, 856, 320, 2, 847, 303, 1, 0, 0, 0], "image_id": 21506602300, "bbox": [327, 3, 587, 453], "category_id": 1, "id": 21506602300}, {"segmentation": [[334, 1, 907, 1, 907, 456, 334, 456]], "num_keypoints": 11, "area": 260715.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 469, 38, 1, 440, 173, 2, 567, 99, 2, 554, 403, 2, 719, 72, 2, 765, 374, 2, 593, 245, 1, 597, 330, 2, 772, 196, 1, 834, 318, 2, 844, 313, 1, 0, 0, 0], "image_id": 21506602600, "bbox": [334, 1, 573, 455], "category_id": 1, "id": 21506602600}, {"segmentation": [[347, 0, 950, 0, 950, 453, 347, 453]], "num_keypoints": 11, "area": 273159.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 21, 1, 480, 145, 2, 576, 3, 2, 574, 386, 2, 699, 11, 2, 785, 393, 2, 605, 239, 1, 611, 329, 2, 782, 231, 2, 861, 320, 2, 914, 311, 2, 0, 0, 0], "image_id": 21506631200, "bbox": [347, 0, 603, 453], "category_id": 1, "id": 21506631200}, {"segmentation": [[333, 1, 886, 1, 886, 455, 333, 455]], "num_keypoints": 11, "area": 251062.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 454, 26, 1, 440, 150, 2, 574, 91, 2, 553, 407, 2, 716, 68, 2, 766, 373, 2, 591, 233, 1, 599, 330, 2, 768, 185, 1, 842, 314, 2, 846, 303, 1, 0, 0, 0], "image_id": 21506603201, "bbox": [333, 1, 553, 454], "category_id": 1, "id": 21506603201}, {"segmentation": [[304, 2, 917, 2, 917, 458, 304, 458]], "num_keypoints": 11, "area": 279528.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 471, 35, 1, 460, 164, 2, 577, 93, 2, 556, 411, 2, 718, 68, 2, 768, 373, 2, 597, 231, 1, 596, 316, 2, 769, 191, 2, 850, 308, 2, 833, 308, 1, 0, 0, 0], "image_id": 21506603600, "bbox": [304, 2, 613, 456], "category_id": 1, "id": 21506603600}, {"segmentation": [[338, 4, 881, 4, 881, 452, 338, 452]], "num_keypoints": 10, "area": 243264.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 452, 32, 1, 446, 140, 2, 574, 87, 2, 555, 406, 2, 722, 60, 2, 766, 373, 2, 607, 230, 1, 593, 341, 2, 770, 188, 1, 846, 307, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506604000, "bbox": [338, 4, 543, 448], "category_id": 1, "id": 21506604000}, {"segmentation": [[324, 2, 899, 2, 899, 417, 324, 417]], "num_keypoints": 8, "area": 238625.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 462, 128, 2, 0, 0, 0, 690, 168, 2, 0, 0, 0, 818, 43, 2, 607, 235, 1, 606, 345, 2, 773, 198, 2, 859, 315, 2, 857, 296, 1, 0, 0, 0], "image_id": 21506651600, "bbox": [324, 2, 575, 415], "category_id": 1, "id": 21506651600}, {"segmentation": [[337, 3, 936, 3, 936, 399, 337, 399]], "num_keypoints": 11, "area": 237204.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 484, 23, 1, 455, 141, 2, 608, 45, 2, 612, 343, 2, 747, 16, 2, 769, 236, 2, 587, 230, 1, 580, 328, 1, 765, 213, 1, 844, 312, 2, 890, 294, 2, 0, 0, 0], "image_id": 21506652600, "bbox": [337, 3, 599, 396], "category_id": 1, "id": 21506652600}, {"segmentation": [[331, 1, 905, 1, 905, 469, 331, 469]], "num_keypoints": 12, "area": 268632.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 416, 4, 2, 457, 36, 1, 438, 165, 2, 572, 82, 2, 544, 418, 2, 715, 64, 2, 751, 391, 2, 588, 250, 1, 590, 334, 2, 770, 198, 1, 857, 320, 2, 886, 330, 1, 0, 0, 0], "image_id": 21506653600, "bbox": [331, 1, 574, 468], "category_id": 1, "id": 21506653600}, {"segmentation": [[350, 2, 933, 2, 933, 462, 350, 462]], "num_keypoints": 11, "area": 268180.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 462, 33, 1, 444, 131, 2, 564, 112, 2, 531, 407, 2, 672, 172, 2, 752, 385, 2, 594, 244, 1, 574, 349, 2, 761, 192, 1, 857, 320, 2, 860, 303, 1, 0, 0, 0], "image_id": 21506654001, "bbox": [350, 2, 583, 460], "category_id": 1, "id": 21506654001}, {"segmentation": [[324, 2, 927, 2, 927, 465, 324, 465]], "num_keypoints": 11, "area": 279189.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 472, 30, 1, 445, 154, 2, 610, 66, 2, 532, 416, 2, 745, 39, 2, 751, 390, 2, 597, 234, 1, 607, 328, 2, 768, 194, 2, 850, 318, 2, 862, 314, 1, 0, 0, 0], "image_id": 21506654401, "bbox": [324, 2, 603, 463], "category_id": 1, "id": 21506654401}, {"segmentation": [[346, 0, 918, 0, 918, 463, 346, 463]], "num_keypoints": 11, "area": 264836.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 456, 30, 1, 444, 161, 2, 577, 99, 2, 541, 408, 2, 719, 70, 2, 762, 404, 2, 604, 235, 2, 604, 327, 2, 761, 195, 2, 858, 319, 2, 845, 324, 1, 0, 0, 0], "image_id": 21506654801, "bbox": [346, 0, 572, 463], "category_id": 1, "id": 21506654801}, {"segmentation": [[346, 1, 876, 1, 876, 465, 346, 465]], "num_keypoints": 11, "area": 245920.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 466, 41, 1, 467, 164, 2, 582, 98, 2, 544, 414, 2, 722, 70, 2, 762, 406, 2, 603, 232, 2, 618, 322, 2, 773, 193, 2, 853, 321, 2, 863, 307, 1, 0, 0, 0], "image_id": 21506658900, "bbox": [346, 1, 530, 464], "category_id": 1, "id": 21506658900}, {"segmentation": [[346, 1, 912, 1, 912, 464, 346, 464]], "num_keypoints": 11, "area": 262058.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 455, 40, 1, 456, 177, 2, 574, 98, 2, 549, 415, 2, 719, 69, 2, 762, 405, 2, 603, 249, 1, 614, 339, 2, 769, 194, 2, 855, 319, 2, 836, 312, 1, 0, 0, 0], "image_id": 21506660800, "bbox": [346, 1, 566, 463], "category_id": 1, "id": 21506660800}, {"segmentation": [[326, 0, 919, 0, 919, 466, 326, 466]], "num_keypoints": 11, "area": 276338.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 37, 1, 448, 173, 2, 573, 99, 2, 555, 414, 2, 718, 72, 2, 762, 405, 2, 593, 245, 1, 597, 337, 2, 764, 190, 2, 842, 322, 2, 856, 313, 1, 0, 0, 0], "image_id": 21506662800, "bbox": [326, 0, 593, 466], "category_id": 1, "id": 21506662800}, {"segmentation": [[330, 4, 928, 4, 928, 471, 330, 471]], "num_keypoints": 11, "area": 279266.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 452, 35, 1, 447, 161, 2, 561, 108, 2, 543, 411, 2, 716, 77, 2, 762, 406, 2, 594, 254, 1, 600, 340, 2, 771, 189, 2, 865, 320, 2, 843, 315, 1, 0, 0, 0], "image_id": 21506663200, "bbox": [330, 4, 598, 467], "category_id": 1, "id": 21506663200}, {"segmentation": [[307, 0, 935, 0, 935, 466, 307, 466]], "num_keypoints": 11, "area": 292648.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 447, 24, 1, 447, 152, 2, 580, 99, 2, 568, 407, 2, 722, 74, 2, 785, 405, 2, 601, 242, 1, 615, 332, 2, 758, 198, 1, 841, 319, 2, 842, 283, 1, 0, 0, 0], "image_id": 21506664800, "bbox": [307, 0, 628, 466], "category_id": 1, "id": 21506664800}, {"segmentation": [[325, 3, 960, 3, 960, 469, 325, 469]], "num_keypoints": 11, "area": 295910.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 448, 32, 1, 461, 154, 2, 577, 101, 2, 566, 404, 2, 719, 77, 2, 784, 406, 2, 600, 227, 1, 603, 328, 2, 766, 197, 2, 864, 319, 2, 862, 295, 1, 0, 0, 0], "image_id": 21506665100, "bbox": [325, 3, 635, 466], "category_id": 1, "id": 21506665100}, {"segmentation": [[356, 2, 921, 2, 921, 460, 356, 460]], "num_keypoints": 10, "area": 258770.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 570, 28, 2, 0, 0, 0, 501, 168, 2, 0, 0, 0, 573, 408, 2, 690, 47, 2, 782, 403, 2, 604, 248, 1, 607, 328, 2, 765, 194, 1, 860, 318, 2, 854, 306, 1, 0, 0, 0], "image_id": 21506667201, "bbox": [356, 2, 565, 458], "category_id": 1, "id": 21506667201}, {"segmentation": [[372, 2, 923, 2, 923, 470, 372, 470]], "num_keypoints": 11, "area": 257868.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 572, 18, 2, 491, 31, 1, 495, 158, 2, 0, 0, 0, 577, 415, 2, 702, 27, 2, 785, 405, 2, 603, 239, 1, 615, 337, 2, 773, 193, 2, 861, 320, 2, 862, 309, 1, 0, 0, 0], "image_id": 21506667600, "bbox": [372, 2, 551, 468], "category_id": 1, "id": 21506667600}, {"segmentation": [[386, 3, 911, 3, 911, 465, 386, 465]], "num_keypoints": 11, "area": 242550.0, "iscrowd": 0, "keypoints": [660, 9, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 598, 24, 2, 491, 13, 1, 512, 162, 2, 0, 0, 0, 577, 411, 2, 0, 0, 0, 785, 406, 2, 605, 234, 1, 615, 322, 2, 773, 194, 1, 849, 319, 2, 848, 309, 1, 0, 0, 0], "image_id": 21506668001, "bbox": [386, 3, 525, 462], "category_id": 1, "id": 21506668001}, {"segmentation": [[329, 1, 936, 1, 936, 436, 329, 436]], "num_keypoints": 11, "area": 264045.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 450, 34, 1, 463, 178, 2, 569, 108, 2, 598, 376, 2, 699, 90, 2, 811, 349, 2, 615, 236, 1, 614, 325, 2, 773, 204, 2, 850, 320, 1, 862, 306, 1, 0, 0, 0], "image_id": 21506600700, "bbox": [329, 1, 607, 435], "category_id": 1, "id": 21506600700}, {"segmentation": [[334, 2, 932, 2, 932, 451, 334, 451]], "num_keypoints": 9, "area": 268502.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 512, 4, 2, 0, 0, 0, 456, 165, 2, 0, 0, 0, 583, 397, 2, 0, 0, 0, 783, 383, 2, 606, 233, 1, 602, 325, 2, 782, 216, 2, 849, 318, 2, 901, 323, 2, 0, 0, 0], "image_id": 21506682401, "bbox": [334, 2, 598, 449], "category_id": 1, "id": 21506682401}, {"segmentation": [[338, 2, 958, 2, 958, 463, 338, 463]], "num_keypoints": 12, "area": 285820.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 493, 7, 1, 442, 33, 1, 472, 184, 2, 536, 130, 1, 585, 403, 2, 648, 143, 2, 791, 394, 2, 632, 232, 2, 634, 316, 2, 770, 189, 2, 852, 316, 2, 866, 326, 1, 0, 0, 0], "image_id": 21506701100, "bbox": [338, 2, 620, 461], "category_id": 1, "id": 21506701100}, {"segmentation": [[331, 2, 926, 2, 926, 454, 331, 454]], "num_keypoints": 11, "area": 268940.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 459, 31, 1, 457, 158, 2, 567, 124, 2, 577, 385, 2, 698, 91, 2, 797, 395, 2, 603, 238, 1, 614, 331, 2, 766, 197, 2, 860, 320, 2, 871, 326, 1, 0, 0, 0], "image_id": 21506711200, "bbox": [331, 2, 595, 452], "category_id": 1, "id": 21506711200}, {"segmentation": [[329, 0, 930, 0, 930, 464, 329, 464]], "num_keypoints": 11, "area": 278864.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 447, 31, 1, 460, 147, 2, 549, 130, 1, 587, 394, 2, 691, 115, 2, 802, 397, 2, 605, 238, 1, 612, 333, 2, 769, 198, 2, 865, 319, 2, 857, 313, 1, 0, 0, 0], "image_id": 21506712001, "bbox": [329, 0, 601, 464], "category_id": 1, "id": 21506712001}, {"segmentation": [[317, 1, 932, 1, 932, 457, 317, 457]], "num_keypoints": 12, "area": 280440.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 4, 2, 455, 30, 1, 470, 173, 2, 584, 9, 2, 587, 394, 2, 674, 58, 2, 798, 395, 2, 599, 237, 1, 607, 331, 2, 766, 191, 2, 860, 320, 2, 853, 303, 1, 0, 0, 0], "image_id": 21506714000, "bbox": [317, 1, 615, 456], "category_id": 1, "id": 21506714000}, {"segmentation": [[333, 1, 945, 1, 945, 466, 333, 466]], "num_keypoints": 11, "area": 284580.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 445, 40, 1, 456, 176, 2, 534, 142, 1, 544, 411, 2, 657, 122, 2, 766, 405, 2, 599, 239, 1, 599, 336, 2, 786, 225, 1, 857, 320, 2, 917, 325, 2, 0, 0, 0], "image_id": 21506701500, "bbox": [333, 1, 612, 465], "category_id": 1, "id": 21506701500}, {"segmentation": [[328, 3, 933, 3, 933, 467, 328, 467]], "num_keypoints": 11, "area": 280720.0, "iscrowd": 0, "keypoints": [578, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 451, 4, 2, 0, 0, 0, 468, 186, 2, 0, 0, 0, 574, 408, 2, 674, 58, 2, 793, 390, 2, 594, 245, 1, 601, 315, 2, 768, 195, 2, 844, 315, 2, 861, 309, 1, 0, 0, 0], "image_id": 21506716401, "bbox": [328, 3, 605, 464], "category_id": 1, "id": 21506716401}, {"segmentation": [[349, 5, 935, 5, 935, 419, 349, 419]], "num_keypoints": 10, "area": 242604.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 464, 38, 1, 447, 141, 2, 576, 112, 2, 672, 326, 2, 702, 87, 2, 849, 227, 2, 582, 239, 1, 592, 352, 2, 756, 201, 2, 843, 316, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506701900, "bbox": [349, 5, 586, 414], "category_id": 1, "id": 21506701900}, {"segmentation": [[331, 1, 952, 1, 952, 467, 331, 467]], "num_keypoints": 11, "area": 289386.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 501, 4, 2, 488, 14, 1, 470, 154, 2, 593, 3, 2, 558, 395, 2, 691, 25, 2, 774, 382, 2, 618, 222, 1, 610, 323, 1, 790, 206, 1, 841, 311, 1, 0, 0, 0, 0, 0, 0], "image_id": 21506722801, "bbox": [331, 1, 621, 466], "category_id": 1, "id": 21506722801}, {"segmentation": [[318, 1, 978, 1, 978, 475, 318, 475]], "num_keypoints": 12, "area": 312840.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 459, 4, 2, 458, 21, 1, 443, 162, 2, 573, 4, 2, 570, 411, 2, 682, 41, 2, 794, 414, 2, 598, 242, 1, 605, 334, 2, 773, 194, 2, 854, 325, 2, 865, 308, 1, 0, 0, 0], "image_id": 21506726800, "bbox": [318, 1, 660, 474], "category_id": 1, "id": 21506726800}, {"segmentation": [[338, 0, 972, 0, 972, 464, 338, 464]], "num_keypoints": 12, "area": 294176, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 493, 5, 2, 455, 14, 1, 460, 177, 2, 573, 0, 2, 573, 399, 2, 693, 28, 2, 795, 408, 2, 598, 242, 1, 613, 338, 2, 768, 191, 2, 844, 324, 2, 868, 324, 1, 0, 0, 0], "image_id": 21506727201, "bbox": [338, 0, 634, 464], "category_id": 1, "id": 21506727201}, {"segmentation": [[320, 3, 989, 3, 989, 470, 320, 470]], "num_keypoints": 12, "area": 312423.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 491, 5, 2, 498, 28, 1, 463, 153, 2, 611, 9, 2, 573, 414, 2, 693, 27, 2, 794, 412, 2, 612, 243, 1, 612, 351, 2, 771, 185, 2, 846, 315, 2, 857, 334, 1, 0, 0, 0], "image_id": 21506727601, "bbox": [320, 3, 669, 467], "category_id": 1, "id": 21506727601}, {"segmentation": [[348, 3, 940, 3, 940, 458, 348, 458]], "num_keypoints": 11, "area": 269360, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 25, 1, 479, 202, 2, 587, 3, 2, 578, 408, 2, 697, 24, 2, 795, 383, 2, 633, 226, 2, 636, 325, 2, 776, 194, 2, 839, 311, 2, 860, 296, 2, 0, 0, 0], "image_id": 21506728001, "bbox": [348, 3, 592, 455], "category_id": 1, "id": 21506728001}, {"segmentation": [[340, 7, 916, 7, 916, 464, 340, 464]], "num_keypoints": 10, "area": 263232.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 447, 141, 2, 607, 7, 2, 549, 415, 2, 690, 15, 2, 773, 373, 2, 587, 241, 1, 595, 323, 2, 770, 200, 1, 840, 324, 1, 852, 290, 2, 0, 0, 0], "image_id": 21506728401, "bbox": [340, 7, 576, 457], "category_id": 1, "id": 21506728401}, {"segmentation": [[343, 0, 926, 0, 926, 437, 343, 437]], "num_keypoints": 11, "area": 254771.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 446, 46, 1, 457, 148, 2, 551, 129, 1, 584, 378, 2, 674, 160, 2, 732, 329, 2, 603, 247, 1, 613, 324, 2, 773, 196, 1, 855, 321, 2, 846, 317, 1, 0, 0, 0], "image_id": 21506703000, "bbox": [343, 0, 583, 437], "category_id": 1, "id": 21506703000}, {"segmentation": [[337, 4, 933, 4, 933, 444, 337, 444]], "num_keypoints": 11, "area": 262240.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 28, 1, 465, 203, 2, 570, 11, 2, 600, 389, 2, 694, 15, 2, 810, 380, 2, 602, 239, 1, 603, 315, 2, 778, 208, 2, 859, 319, 2, 880, 312, 2, 0, 0, 0], "image_id": 21506730401, "bbox": [337, 4, 596, 440], "category_id": 1, "id": 21506730401}, {"segmentation": [[331, 3, 944, 3, 944, 432, 331, 432]], "num_keypoints": 11, "area": 262977.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 41, 1, 464, 178, 2, 540, 143, 1, 577, 380, 2, 687, 141, 2, 731, 329, 2, 605, 237, 2, 619, 325, 2, 765, 201, 1, 865, 322, 2, 864, 331, 1, 0, 0, 0], "image_id": 21506703300, "bbox": [331, 3, 613, 429], "category_id": 1, "id": 21506703300}, {"segmentation": [[395, 1, 972, 1, 972, 463, 395, 463]], "num_keypoints": 11, "area": 266574.0, "iscrowd": 0, "keypoints": [731, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 616, 4, 2, 0, 0, 0, 561, 158, 2, 0, 0, 0, 589, 395, 2, 695, 37, 1, 801, 383, 2, 608, 244, 1, 611, 329, 1, 773, 199, 2, 837, 326, 2, 847, 311, 1, 0, 0, 0], "image_id": 21506733601, "bbox": [395, 1, 577, 462], "category_id": 1, "id": 21506733601}, {"segmentation": [[397, 4, 943, 4, 943, 458, 397, 458]], "num_keypoints": 12, "area": 247884.0, "iscrowd": 0, "keypoints": [782, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 674, 4, 2, 561, 11, 1, 632, 163, 2, 0, 0, 0, 590, 394, 2, 700, 21, 1, 795, 374, 2, 601, 244, 1, 604, 330, 1, 767, 191, 2, 844, 311, 2, 842, 300, 1, 0, 0, 0], "image_id": 21506734001, "bbox": [397, 4, 546, 454], "category_id": 1, "id": 21506734001}, {"segmentation": [[366, 2, 950, 2, 950, 445, 366, 445]], "num_keypoints": 10, "area": 258712.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 470, 156, 2, 600, 11, 1, 583, 394, 2, 699, 15, 2, 797, 376, 2, 603, 240, 1, 604, 321, 2, 770, 191, 2, 858, 319, 2, 860, 317, 1, 0, 0, 0], "image_id": 21506734401, "bbox": [366, 2, 584, 443], "category_id": 1, "id": 21506734401}, {"segmentation": [[335, 4, 948, 4, 948, 444, 335, 444]], "num_keypoints": 12, "area": 269720.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 445, 4, 2, 480, 26, 1, 456, 166, 1, 619, 60, 2, 587, 397, 2, 773, 52, 2, 802, 385, 2, 603, 245, 1, 605, 330, 2, 764, 188, 2, 862, 319, 2, 850, 311, 1, 0, 0, 0], "image_id": 21506742801, "bbox": [335, 4, 613, 440], "category_id": 1, "id": 21506742801}, {"segmentation": [[350, 1, 934, 1, 934, 436, 350, 436]], "num_keypoints": 11, "area": 254040.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 519, 23, 1, 478, 183, 2, 608, 75, 2, 582, 393, 2, 770, 100, 2, 773, 315, 2, 587, 239, 1, 631, 316, 2, 767, 191, 1, 860, 312, 2, 835, 301, 1, 0, 0, 0], "image_id": 21506743201, "bbox": [350, 1, 584, 435], "category_id": 1, "id": 21506743201}, {"segmentation": [[340, 1, 934, 1, 934, 428, 340, 428]], "num_keypoints": 11, "area": 253638.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 445, 39, 1, 453, 156, 2, 550, 133, 1, 565, 388, 2, 691, 118, 2, 720, 310, 2, 601, 243, 1, 601, 340, 1, 764, 190, 2, 861, 324, 2, 855, 309, 1, 0, 0, 0], "image_id": 21506744801, "bbox": [340, 1, 594, 427], "category_id": 1, "id": 21506744801}, {"segmentation": [[338, 0, 895, 0, 895, 437, 338, 437]], "num_keypoints": 11, "area": 243409.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 456, 42, 1, 474, 189, 2, 553, 149, 1, 574, 397, 2, 662, 185, 2, 711, 324, 2, 604, 245, 1, 604, 323, 2, 767, 192, 2, 861, 322, 2, 851, 307, 2, 0, 0, 0], "image_id": 21506745700, "bbox": [338, 0, 557, 437], "category_id": 1, "id": 21506745700}, {"segmentation": [[363, 0, 968, 0, 968, 453, 363, 453]], "num_keypoints": 12, "area": 274065.0, "iscrowd": 0, "keypoints": [570, 3, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 35, 1, 460, 174, 2, 621, 78, 2, 578, 401, 2, 761, 28, 2, 789, 353, 2, 597, 241, 1, 606, 331, 2, 766, 204, 2, 824, 311, 1, 854, 316, 1, 0, 0, 0], "image_id": 21506746801, "bbox": [363, 0, 605, 453], "category_id": 1, "id": 21506746801}, {"segmentation": [[335, 2, 916, 2, 916, 452, 335, 452]], "num_keypoints": 12, "area": 261450.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 448, 4, 2, 485, 30, 1, 452, 179, 2, 622, 96, 2, 568, 380, 2, 762, 132, 2, 802, 387, 2, 596, 239, 1, 608, 325, 2, 765, 190, 1, 849, 314, 2, 853, 310, 1, 0, 0, 0], "image_id": 21506748401, "bbox": [335, 2, 581, 450], "category_id": 1, "id": 21506748401}, {"segmentation": [[335, 1, 925, 1, 925, 456, 335, 456]], "num_keypoints": 10, "area": 268450.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 502, 30, 1, 460, 167, 2, 613, 105, 2, 597, 401, 2, 776, 150, 2, 803, 389, 2, 602, 242, 1, 605, 336, 2, 770, 183, 1, 848, 312, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506749100, "bbox": [335, 1, 590, 455], "category_id": 1, "id": 21506749100}, {"segmentation": [[349, 3, 909, 3, 909, 452, 349, 452]], "num_keypoints": 11, "area": 251440.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 471, 31, 1, 454, 160, 2, 568, 141, 2, 594, 404, 2, 677, 183, 2, 803, 388, 2, 607, 237, 2, 620, 332, 2, 787, 218, 2, 852, 311, 2, 846, 321, 1, 0, 0, 0], "image_id": 21506750100, "bbox": [349, 3, 560, 449], "category_id": 1, "id": 21506750100}, {"segmentation": [[343, 0, 917, 0, 917, 461, 343, 461]], "num_keypoints": 11, "area": 264614.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 33, 1, 449, 152, 2, 537, 120, 1, 575, 389, 2, 665, 143, 2, 797, 387, 2, 600, 243, 1, 607, 333, 2, 772, 197, 1, 849, 310, 2, 852, 307, 1, 0, 0, 0], "image_id": 21506751201, "bbox": [343, 0, 574, 461], "category_id": 1, "id": 21506751201}, {"segmentation": [[363, 3, 953, 3, 953, 455, 363, 455]], "num_keypoints": 10, "area": 266680.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 450, 21, 1, 454, 156, 2, 585, 24, 2, 585, 385, 2, 0, 0, 0, 805, 397, 2, 607, 241, 1, 615, 332, 2, 776, 200, 2, 857, 320, 2, 877, 304, 2, 0, 0, 0], "image_id": 21506755201, "bbox": [363, 3, 590, 452], "category_id": 1, "id": 21506755201}, {"segmentation": [[326, 3, 938, 3, 938, 461, 326, 461]], "num_keypoints": 12, "area": 280296.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 447, 4, 2, 476, 44, 1, 449, 156, 2, 614, 74, 2, 584, 384, 2, 780, 97, 2, 802, 395, 2, 603, 238, 1, 608, 324, 2, 766, 187, 1, 851, 320, 2, 848, 309, 1, 0, 0, 0], "image_id": 21506755601, "bbox": [326, 3, 612, 458], "category_id": 1, "id": 21506755601}, {"segmentation": [[340, 2, 896, 2, 896, 461, 340, 461]], "num_keypoints": 11, "area": 255204.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 486, 14, 1, 440, 140, 2, 606, 81, 2, 546, 398, 2, 778, 111, 2, 772, 382, 2, 579, 246, 1, 596, 333, 2, 763, 193, 1, 855, 316, 2, 865, 330, 1, 0, 0, 0], "image_id": 21506756800, "bbox": [340, 2, 556, 459], "category_id": 1, "id": 21506756800}, {"segmentation": [[333, 1, 903, 1, 903, 455, 333, 455]], "num_keypoints": 11, "area": 258780.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 473, 17, 1, 441, 171, 2, 617, 74, 2, 553, 415, 2, 779, 91, 2, 773, 382, 2, 592, 243, 1, 595, 328, 2, 768, 192, 1, 847, 314, 2, 861, 308, 1, 0, 0, 0], "image_id": 21506757600, "bbox": [333, 1, 570, 454], "category_id": 1, "id": 21506757600}, {"segmentation": [[339, 2, 946, 2, 946, 465, 339, 465]], "num_keypoints": 11, "area": 281041.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 24, 1, 447, 189, 2, 593, 68, 2, 574, 381, 2, 752, 37, 2, 790, 394, 2, 599, 243, 1, 618, 327, 2, 766, 195, 2, 860, 320, 2, 840, 306, 1, 0, 0, 0], "image_id": 21506759601, "bbox": [339, 2, 607, 463], "category_id": 1, "id": 21506759601}, {"segmentation": [[345, 2, 961, 2, 961, 455, 345, 455]], "num_keypoints": 11, "area": 279048.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 493, 44, 2, 467, 194, 2, 564, 126, 2, 595, 395, 2, 695, 106, 2, 804, 395, 2, 641, 228, 2, 654, 326, 2, 762, 201, 2, 852, 318, 2, 861, 335, 1, 0, 0, 0], "image_id": 21506707200, "bbox": [345, 2, 616, 453], "category_id": 1, "id": 21506707200}, {"segmentation": [[353, 3, 950, 3, 950, 454, 353, 454]], "num_keypoints": 13, "area": 269247.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 407, 4, 2, 467, 19, 1, 442, 134, 2, 570, 112, 2, 553, 412, 2, 690, 138, 2, 766, 379, 2, 616, 208, 1, 607, 355, 2, 773, 183, 2, 857, 316, 2, 846, 290, 2, 914, 357, 1], "image_id": 21506773500, "bbox": [353, 3, 597, 451], "category_id": 1, "id": 21506773500}, {"segmentation": [[316, 1, 914, 1, 914, 469, 316, 469]], "num_keypoints": 12, "area": 279864.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 415, 4, 2, 501, 25, 1, 443, 153, 2, 626, 68, 2, 553, 404, 2, 789, 90, 2, 769, 372, 2, 593, 232, 1, 599, 327, 2, 766, 191, 2, 846, 308, 2, 840, 292, 1, 0, 0, 0], "image_id": 21506773800, "bbox": [316, 1, 598, 468], "category_id": 1, "id": 21506773800}, {"segmentation": [[330, 1, 911, 1, 911, 450, 330, 450]], "num_keypoints": 13, "area": 260869.0, "iscrowd": 0, "keypoints": [562, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 423, 4, 2, 485, 28, 1, 445, 152, 2, 612, 93, 2, 553, 386, 2, 753, 162, 2, 772, 370, 2, 603, 234, 1, 597, 323, 2, 763, 189, 1, 849, 311, 1, 856, 312, 1, 0, 0, 0], "image_id": 21506774201, "bbox": [330, 1, 581, 449], "category_id": 1, "id": 21506774201}, {"segmentation": [[331, 1, 928, 1, 928, 451, 331, 451]], "num_keypoints": 11, "area": 268650.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 477, 36, 2, 447, 165, 2, 597, 101, 2, 574, 406, 2, 727, 50, 2, 786, 376, 2, 609, 233, 1, 613, 321, 2, 778, 214, 2, 842, 327, 1, 873, 304, 1, 0, 0, 0], "image_id": 21506776201, "bbox": [331, 1, 597, 450], "category_id": 1, "id": 21506776201}, {"segmentation": [[340, 4, 945, 4, 945, 444, 340, 444]], "num_keypoints": 11, "area": 266200.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 466, 36, 1, 458, 176, 2, 597, 103, 2, 590, 390, 2, 726, 57, 2, 803, 390, 2, 602, 243, 1, 616, 328, 2, 766, 203, 2, 861, 322, 2, 844, 311, 1, 0, 0, 0], "image_id": 21506777300, "bbox": [340, 4, 605, 440], "category_id": 1, "id": 21506777300}, {"segmentation": [[319, 2, 932, 2, 932, 451, 319, 451]], "num_keypoints": 11, "area": 275237.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 23, 1, 454, 166, 2, 589, 107, 2, 594, 386, 2, 740, 46, 2, 801, 390, 2, 606, 241, 1, 616, 333, 2, 765, 202, 2, 861, 322, 2, 863, 317, 1, 0, 0, 0], "image_id": 21506777800, "bbox": [319, 2, 613, 449], "category_id": 1, "id": 21506777800}, {"segmentation": [[320, 0, 941, 0, 941, 439, 320, 439]], "num_keypoints": 11, "area": 272619.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 467, 35, 1, 460, 187, 2, 592, 97, 2, 585, 396, 2, 731, 53, 2, 801, 387, 2, 605, 244, 1, 611, 323, 2, 770, 194, 2, 856, 327, 2, 858, 313, 1, 0, 0, 0], "image_id": 21506778400, "bbox": [320, 0, 621, 439], "category_id": 1, "id": 21506778400}, {"segmentation": [[319, 0, 983, 0, 983, 460, 319, 460]], "num_keypoints": 11, "area": 305440.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 497, 34, 1, 453, 160, 2, 590, 99, 2, 590, 390, 2, 732, 49, 2, 801, 386, 2, 607, 232, 1, 621, 332, 2, 775, 184, 2, 846, 313, 2, 868, 331, 1, 0, 0, 0], "image_id": 21506778700, "bbox": [319, 0, 664, 460], "category_id": 1, "id": 21506778700}, {"segmentation": [[336, 0, 952, 0, 952, 449, 336, 449]], "num_keypoints": 11, "area": 276584.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 465, 30, 1, 452, 172, 2, 593, 97, 2, 595, 399, 2, 732, 48, 2, 795, 391, 2, 603, 238, 1, 614, 329, 2, 767, 187, 2, 859, 322, 2, 855, 326, 1, 0, 0, 0], "image_id": 21506779000, "bbox": [336, 0, 616, 449], "category_id": 1, "id": 21506779000}, {"segmentation": [[337, 3, 934, 3, 934, 437, 337, 437]], "num_keypoints": 11, "area": 259098.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 467, 35, 1, 462, 181, 2, 594, 94, 2, 589, 390, 2, 731, 52, 2, 801, 390, 2, 597, 244, 1, 609, 332, 2, 772, 203, 2, 860, 322, 2, 846, 309, 1, 0, 0, 0], "image_id": 21506779800, "bbox": [337, 3, 597, 434], "category_id": 1, "id": 21506779800}, {"segmentation": [[337, 1, 950, 1, 950, 459, 337, 459]], "num_keypoints": 11, "area": 280754.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 30, 1, 462, 172, 2, 585, 99, 2, 591, 386, 2, 723, 58, 2, 805, 389, 2, 608, 244, 1, 616, 332, 2, 773, 203, 2, 859, 319, 2, 849, 321, 1, 0, 0, 0], "image_id": 21506780200, "bbox": [337, 1, 613, 458], "category_id": 1, "id": 21506780200}, {"segmentation": [[344, 2, 964, 2, 964, 455, 344, 455]], "num_keypoints": 12, "area": 280860.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 478, 4, 2, 488, 21, 1, 476, 197, 2, 585, 5, 2, 585, 398, 2, 668, 82, 2, 794, 393, 2, 621, 233, 2, 632, 325, 2, 770, 190, 2, 844, 317, 2, 874, 317, 1, 0, 0, 0], "image_id": 21506700801, "bbox": [344, 2, 620, 453], "category_id": 1, "id": 21506700801}, {"segmentation": [[335, 2, 927, 2, 927, 455, 335, 455]], "num_keypoints": 11, "area": 268176.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 485, 24, 1, 480, 186, 2, 597, 89, 2, 598, 381, 2, 733, 48, 2, 794, 395, 2, 611, 232, 2, 636, 321, 2, 772, 193, 2, 861, 320, 2, 862, 301, 1, 0, 0, 0], "image_id": 21506781200, "bbox": [335, 2, 592, 453], "category_id": 1, "id": 21506781200}, {"segmentation": [[326, 2, 940, 2, 940, 458, 326, 458]], "num_keypoints": 11, "area": 279984.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 470, 40, 1, 456, 180, 2, 564, 134, 1, 594, 395, 2, 699, 99, 2, 805, 395, 2, 609, 237, 1, 621, 334, 2, 762, 197, 2, 858, 320, 2, 851, 315, 1, 0, 0, 0], "image_id": 21506708400, "bbox": [326, 2, 614, 456], "category_id": 1, "id": 21506708400}, {"segmentation": [[348, 0, 940, 0, 940, 444, 348, 444]], "num_keypoints": 11, "area": 262848.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 36, 1, 456, 162, 2, 572, 123, 2, 593, 395, 2, 695, 110, 2, 805, 395, 2, 607, 240, 1, 614, 341, 2, 767, 199, 2, 850, 322, 2, 873, 324, 1, 0, 0, 0], "image_id": 21506708700, "bbox": [348, 0, 592, 444], "category_id": 1, "id": 21506708700}, {"segmentation": [[315, 1, 937, 1, 937, 456, 315, 456]], "num_keypoints": 11, "area": 283010.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 41, 1, 451, 145, 2, 552, 133, 1, 595, 395, 2, 698, 110, 2, 805, 394, 2, 598, 241, 1, 614, 325, 2, 771, 192, 1, 858, 320, 2, 851, 315, 1, 0, 0, 0], "image_id": 21506709300, "bbox": [315, 1, 622, 455], "category_id": 1, "id": 21506709300}, {"segmentation": [[327, 2, 956, 2, 956, 450, 327, 450]], "num_keypoints": 11, "area": 281792.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 467, 48, 1, 458, 181, 2, 563, 128, 1, 579, 378, 2, 694, 107, 2, 806, 395, 2, 602, 246, 1, 615, 330, 2, 771, 196, 2, 860, 319, 2, 857, 311, 1, 0, 0, 0], "image_id": 21506709800, "bbox": [327, 2, 629, 448], "category_id": 1, "id": 21506709800}, {"segmentation": [[340, 0, 942, 0, 942, 444, 340, 444]], "num_keypoints": 10, "area": 267288.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 177, 2, 573, 7, 2, 619, 385, 2, 690, 28, 2, 835, 353, 2, 606, 235, 1, 608, 328, 1, 786, 220, 2, 859, 314, 1, 890, 295, 1, 0, 0, 0], "image_id": 21506816001, "bbox": [340, 0, 602, 444], "category_id": 1, "id": 21506816001}, {"segmentation": [[331, 4, 952, 4, 952, 459, 331, 459]], "num_keypoints": 11, "area": 282555.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 480, 26, 1, 463, 183, 2, 569, 10, 2, 587, 402, 2, 695, 27, 2, 794, 401, 2, 589, 243, 1, 605, 328, 2, 774, 203, 2, 858, 320, 2, 883, 316, 2, 0, 0, 0], "image_id": 21506817201, "bbox": [331, 4, 621, 455], "category_id": 1, "id": 21506817201}, {"segmentation": [[337, 3, 946, 3, 946, 439, 337, 439]], "num_keypoints": 10, "area": 265524.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 166, 2, 571, 10, 1, 575, 391, 2, 697, 27, 2, 795, 365, 2, 607, 239, 1, 607, 323, 2, 770, 207, 2, 856, 323, 1, 896, 322, 1, 0, 0, 0], "image_id": 21506818700, "bbox": [337, 3, 609, 436], "category_id": 1, "id": 21506818700}, {"segmentation": [[334, 2, 948, 2, 948, 451, 334, 451]], "num_keypoints": 12, "area": 275686.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 423, 4, 2, 477, 14, 1, 437, 176, 2, 578, 4, 2, 576, 397, 2, 683, 32, 2, 802, 382, 2, 603, 239, 1, 611, 324, 2, 765, 194, 2, 836, 314, 2, 861, 305, 1, 0, 0, 0], "image_id": 21506819600, "bbox": [334, 2, 614, 449], "category_id": 1, "id": 21506819600}, {"segmentation": [[318, 2, 907, 2, 907, 414, 318, 414]], "num_keypoints": 12, "area": 242668.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 416, 14, 2, 499, 21, 1, 437, 174, 2, 580, 10, 2, 604, 369, 2, 679, 31, 1, 666, 162, 2, 598, 225, 1, 593, 315, 1, 772, 207, 2, 851, 322, 2, 854, 313, 1, 0, 0, 0], "image_id": 21506820001, "bbox": [318, 2, 589, 412], "category_id": 1, "id": 21506820001}, {"segmentation": [[335, 3, 896, 3, 896, 423, 335, 423]], "num_keypoints": 11, "area": 235620.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 480, 20, 1, 448, 174, 2, 570, 7, 2, 574, 374, 2, 687, 24, 2, 668, 193, 2, 586, 235, 1, 590, 341, 1, 765, 193, 2, 857, 320, 2, 848, 309, 1, 0, 0, 0], "image_id": 21506820401, "bbox": [335, 3, 561, 420], "category_id": 1, "id": 21506820401}, {"segmentation": [[327, 4, 960, 4, 960, 458, 327, 458]], "num_keypoints": 11, "area": 287382.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 32, 1, 472, 158, 2, 581, 93, 2, 583, 395, 2, 712, 68, 2, 791, 389, 2, 605, 238, 1, 607, 332, 2, 766, 198, 2, 838, 319, 2, 844, 302, 1, 0, 0, 0], "image_id": 21506826200, "bbox": [327, 4, 633, 454], "category_id": 1, "id": 21506826200}, {"segmentation": [[331, 4, 927, 4, 927, 444, 331, 444]], "num_keypoints": 12, "area": 262240.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 439, 4, 2, 460, 33, 1, 443, 175, 2, 590, 56, 2, 583, 385, 2, 758, 28, 2, 791, 385, 2, 600, 245, 1, 611, 323, 2, 768, 195, 2, 860, 320, 2, 848, 315, 1, 0, 0, 0], "image_id": 21506828401, "bbox": [331, 4, 596, 440], "category_id": 1, "id": 21506828401}, {"segmentation": [[336, 0, 942, 0, 942, 444, 336, 444]], "num_keypoints": 11, "area": 269064.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 481, 36, 1, 448, 164, 2, 633, 60, 2, 586, 378, 2, 799, 48, 2, 787, 374, 2, 606, 242, 1, 626, 328, 2, 768, 188, 2, 859, 320, 2, 857, 323, 2, 0, 0, 0], "image_id": 21506829201, "bbox": [336, 0, 606, 444], "category_id": 1, "id": 21506829201}, {"segmentation": [[328, 4, 906, 4, 906, 408, 328, 408]], "num_keypoints": 11, "area": 233512.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 36, 1, 448, 156, 2, 570, 112, 2, 590, 366, 2, 686, 82, 2, 743, 257, 2, 613, 233, 1, 613, 328, 1, 766, 199, 1, 860, 322, 2, 840, 306, 1, 0, 0, 0], "image_id": 21506830401, "bbox": [328, 4, 578, 404], "category_id": 1, "id": 21506830401}, {"segmentation": [[369, 6, 952, 6, 952, 442, 369, 442]], "num_keypoints": 10, "area": 254188.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 469, 44, 1, 460, 173, 2, 569, 136, 1, 576, 384, 2, 691, 143, 2, 715, 323, 2, 607, 235, 2, 614, 321, 1, 762, 203, 2, 861, 322, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506831400, "bbox": [369, 6, 583, 436], "category_id": 1, "id": 21506831400}, {"segmentation": [[350, 0, 948, 0, 948, 459, 350, 459]], "num_keypoints": 11, "area": 274482.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 440, 45, 1, 449, 187, 2, 547, 134, 1, 584, 394, 2, 694, 129, 2, 812, 378, 2, 608, 240, 1, 615, 334, 2, 783, 213, 1, 856, 324, 1, 912, 322, 1, 0, 0, 0], "image_id": 21506831800, "bbox": [350, 0, 598, 459], "category_id": 1, "id": 21506831800}, {"segmentation": [[337, 0, 923, 0, 923, 439, 337, 439]], "num_keypoints": 12, "area": 257254.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 437, 4, 2, 481, 20, 1, 456, 178, 2, 611, 79, 2, 586, 407, 2, 761, 107, 2, 794, 385, 2, 595, 245, 1, 605, 343, 2, 763, 187, 1, 834, 310, 2, 852, 319, 1, 0, 0, 0], "image_id": 21506833201, "bbox": [337, 0, 586, 439], "category_id": 1, "id": 21506833201}, {"segmentation": [[357, 4, 966, 4, 966, 454, 357, 454]], "num_keypoints": 12, "area": 274050.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 530, 19, 1, 479, 197, 2, 600, 77, 2, 595, 411, 2, 775, 85, 2, 795, 385, 2, 614, 229, 2, 644, 329, 2, 773, 188, 1, 836, 311, 2, 855, 314, 1, 900, 407, 1], "image_id": 21506833601, "bbox": [357, 4, 609, 450], "category_id": 1, "id": 21506833601}, {"segmentation": [[339, 2, 947, 2, 947, 458, 339, 458]], "num_keypoints": 8, "area": 277248.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 499, 28, 1, 462, 154, 2, 0, 0, 0, 585, 382, 2, 0, 0, 0, 796, 382, 2, 609, 231, 1, 619, 325, 1, 781, 181, 1, 845, 308, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506835000, "bbox": [339, 2, 608, 456], "category_id": 1, "id": 21506835000}, {"segmentation": [[332, 5, 925, 5, 925, 449, 332, 449]], "num_keypoints": 8, "area": 263292.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 470, 180, 2, 0, 0, 0, 593, 406, 2, 0, 0, 0, 806, 373, 2, 601, 241, 1, 601, 327, 2, 779, 207, 1, 848, 311, 2, 856, 311, 1, 0, 0, 0], "image_id": 21506839700, "bbox": [332, 5, 593, 444], "category_id": 1, "id": 21506839700}, {"segmentation": [[340, 5, 973, 5, 973, 438, 340, 438]], "num_keypoints": 10, "area": 274089.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 473, 189, 2, 557, 48, 2, 601, 402, 2, 750, 13, 2, 803, 373, 2, 628, 224, 2, 648, 313, 2, 773, 201, 2, 844, 311, 2, 852, 320, 2, 0, 0, 0], "image_id": 21506841000, "bbox": [340, 5, 633, 433], "category_id": 1, "id": 21506841000}, {"segmentation": [[354, 0, 937, 0, 937, 441, 354, 441]], "num_keypoints": 11, "area": 257103.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 482, 27, 1, 470, 188, 2, 608, 77, 2, 611, 393, 2, 773, 60, 2, 802, 373, 2, 603, 242, 1, 614, 325, 2, 778, 199, 2, 856, 319, 2, 874, 300, 2, 0, 0, 0], "image_id": 21506841300, "bbox": [354, 0, 583, 441], "category_id": 1, "id": 21506841300}, {"segmentation": [[312, 3, 962, 3, 962, 457, 312, 457]], "num_keypoints": 12, "area": 295100.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 412, 4, 2, 507, 29, 1, 445, 162, 2, 615, 79, 2, 556, 392, 2, 766, 87, 2, 774, 362, 2, 613, 229, 1, 595, 326, 1, 770, 181, 1, 850, 317, 1, 862, 307, 1, 0, 0, 0], "image_id": 21506842801, "bbox": [312, 3, 650, 454], "category_id": 1, "id": 21506842801}, {"segmentation": [[337, 2, 909, 2, 909, 454, 337, 454]], "num_keypoints": 11, "area": 258544.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 489, 31, 1, 445, 162, 2, 616, 79, 2, 564, 415, 2, 785, 93, 2, 774, 364, 2, 594, 233, 1, 593, 323, 2, 777, 190, 1, 833, 319, 1, 855, 308, 1, 0, 0, 0], "image_id": 21506843201, "bbox": [337, 2, 572, 452], "category_id": 1, "id": 21506843201}, {"segmentation": [[328, 5, 911, 5, 911, 467, 328, 467]], "num_keypoints": 11, "area": 269346.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 508, 42, 1, 439, 140, 2, 610, 78, 2, 562, 415, 2, 782, 81, 2, 774, 364, 2, 593, 235, 1, 607, 325, 2, 770, 200, 1, 841, 320, 1, 850, 315, 1, 0, 0, 0], "image_id": 21506843600, "bbox": [328, 5, 583, 462], "category_id": 1, "id": 21506843600}, {"segmentation": [[338, 3, 897, 3, 897, 459, 338, 459]], "num_keypoints": 11, "area": 254904.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 484, 31, 1, 448, 155, 2, 617, 69, 2, 558, 404, 2, 783, 79, 2, 775, 362, 2, 588, 242, 1, 595, 330, 2, 763, 196, 1, 834, 312, 1, 852, 311, 1, 0, 0, 0], "image_id": 21506844000, "bbox": [338, 3, 559, 456], "category_id": 1, "id": 21506844000}, {"segmentation": [[336, 2, 905, 2, 905, 455, 336, 455]], "num_keypoints": 11, "area": 257757.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 25, 1, 436, 155, 2, 615, 69, 2, 558, 396, 2, 782, 81, 2, 774, 364, 2, 598, 239, 1, 601, 329, 2, 775, 194, 1, 837, 324, 1, 851, 307, 1, 0, 0, 0], "image_id": 21506844400, "bbox": [336, 2, 569, 453], "category_id": 1, "id": 21506844400}, {"segmentation": [[319, 3, 905, 3, 905, 468, 319, 468]], "num_keypoints": 10, "area": 272490.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 477, 23, 1, 448, 179, 2, 612, 68, 2, 555, 397, 2, 782, 89, 2, 756, 310, 2, 593, 245, 1, 598, 334, 2, 770, 198, 1, 833, 318, 1, 0, 0, 0, 0, 0, 0], "image_id": 21506844801, "bbox": [319, 3, 586, 465], "category_id": 1, "id": 21506844801}, {"segmentation": [[312, 3, 1039, 3, 1039, 470, 312, 470]], "num_keypoints": 10, "area": 339509.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 483, 30, 1, 450, 165, 2, 585, 66, 2, 596, 394, 2, 751, 37, 2, 806, 373, 2, 604, 234, 1, 608, 344, 1, 774, 207, 2, 855, 315, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506846001, "bbox": [312, 3, 727, 467], "category_id": 1, "id": 21506846001}, {"segmentation": [[319, 2, 964, 2, 964, 392, 319, 392]], "num_keypoints": 11, "area": 251550.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 445, 28, 1, 481, 110, 2, 583, 64, 2, 740, 132, 2, 740, 49, 2, 865, 4, 2, 584, 246, 1, 594, 343, 2, 781, 225, 1, 848, 315, 2, 903, 317, 2, 0, 0, 0], "image_id": 21506852801, "bbox": [319, 2, 645, 390], "category_id": 1, "id": 21506852801}, {"segmentation": [[313, 4, 908, 4, 908, 413, 313, 413]], "num_keypoints": 11, "area": 243355.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 35, 1, 463, 149, 2, 593, 54, 2, 622, 369, 2, 743, 37, 2, 741, 186, 2, 596, 233, 1, 607, 333, 1, 764, 197, 1, 854, 311, 2, 839, 310, 1, 0, 0, 0], "image_id": 21506860801, "bbox": [313, 4, 595, 409], "category_id": 1, "id": 21506860801}, {"segmentation": [[328, 2, 944, 2, 944, 453, 328, 453]], "num_keypoints": 9, "area": 277816.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 483, 19, 1, 460, 172, 2, 0, 0, 0, 569, 397, 2, 0, 0, 0, 785, 373, 2, 598, 240, 1, 607, 324, 2, 780, 204, 2, 856, 320, 2, 870, 312, 1, 0, 0, 0], "image_id": 21506861601, "bbox": [328, 2, 616, 451], "category_id": 1, "id": 21506861601}, {"segmentation": [[334, 2, 916, 2, 916, 474, 334, 474]], "num_keypoints": 12, "area": 274704.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 412, 4, 2, 481, 32, 1, 459, 165, 2, 620, 74, 2, 543, 415, 2, 758, 53, 2, 764, 382, 2, 601, 245, 1, 605, 334, 2, 772, 199, 2, 834, 310, 2, 875, 320, 1, 0, 0, 0], "image_id": 21506862001, "bbox": [334, 2, 582, 472], "category_id": 1, "id": 21506862001}, {"segmentation": [[340, 4, 906, 4, 906, 435, 340, 435]], "num_keypoints": 12, "area": 243946.0, "iscrowd": 0, "keypoints": [543, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 403, 4, 2, 471, 21, 1, 454, 161, 2, 627, 65, 2, 543, 404, 2, 772, 40, 2, 762, 370, 2, 615, 213, 1, 583, 345, 2, 775, 186, 2, 0, 0, 0, 843, 282, 2, 0, 0, 0], "image_id": 21506862900, "bbox": [340, 4, 566, 431], "category_id": 1, "id": 21506862900}, {"segmentation": [[305, 2, 904, 2, 904, 454, 305, 454]], "num_keypoints": 12, "area": 270748.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 420, 4, 2, 470, 18, 1, 444, 143, 2, 616, 91, 2, 548, 395, 2, 752, 164, 2, 764, 370, 2, 594, 234, 1, 602, 327, 2, 752, 184, 1, 845, 314, 2, 849, 309, 1, 0, 0, 0], "image_id": 21506863201, "bbox": [305, 2, 599, 452], "category_id": 1, "id": 21506863201}, {"segmentation": [[343, 3, 909, 3, 909, 452, 343, 452]], "num_keypoints": 13, "area": 254134.0, "iscrowd": 0, "keypoints": [553, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 431, 4, 2, 477, 36, 1, 447, 150, 2, 619, 108, 2, 540, 391, 2, 740, 179, 2, 764, 372, 2, 594, 244, 1, 601, 324, 2, 754, 190, 1, 842, 311, 2, 863, 316, 1, 0, 0, 0], "image_id": 21506863500, "bbox": [343, 3, 566, 449], "category_id": 1, "id": 21506863500}, {"segmentation": [[327, 1, 941, 1, 941, 444, 327, 444]], "num_keypoints": 11, "area": 272002.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 481, 22, 1, 440, 141, 2, 615, 74, 2, 545, 394, 2, 753, 94, 2, 762, 365, 2, 603, 241, 1, 601, 322, 2, 760, 186, 2, 841, 317, 1, 859, 325, 1, 0, 0, 0], "image_id": 21506863800, "bbox": [327, 1, 614, 443], "category_id": 1, "id": 21506863800}, {"segmentation": [[333, 2, 923, 2, 923, 455, 333, 455]], "num_keypoints": 12, "area": 267270.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 470, 4, 2, 441, 15, 1, 457, 148, 2, 581, 3, 2, 601, 394, 2, 676, 60, 2, 798, 383, 2, 600, 233, 1, 611, 320, 2, 764, 183, 1, 858, 320, 2, 840, 314, 1, 0, 0, 0], "image_id": 21506806600, "bbox": [333, 2, 590, 453], "category_id": 1, "id": 21506806600}, {"segmentation": [[318, 0, 943, 0, 943, 464, 318, 464]], "num_keypoints": 11, "area": 290000.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 438, 33, 1, 443, 167, 2, 542, 137, 1, 569, 394, 2, 685, 162, 2, 790, 401, 2, 607, 244, 1, 610, 326, 2, 766, 207, 2, 862, 322, 2, 857, 330, 1, 0, 0, 0], "image_id": 21506867100, "bbox": [318, 0, 625, 464], "category_id": 1, "id": 21506867100}, {"segmentation": [[337, 4, 929, 4, 929, 460, 337, 460]], "num_keypoints": 11, "area": 269952.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 36, 1, 443, 159, 2, 546, 133, 1, 577, 384, 2, 686, 152, 2, 793, 399, 2, 596, 251, 1, 613, 338, 2, 764, 203, 2, 860, 320, 2, 858, 314, 1, 0, 0, 0], "image_id": 21506868400, "bbox": [337, 4, 592, 456], "category_id": 1, "id": 21506868400}, {"segmentation": [[337, 3, 934, 3, 934, 453, 337, 453]], "num_keypoints": 11, "area": 268650.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 464, 43, 1, 446, 175, 2, 551, 141, 1, 573, 393, 2, 686, 153, 2, 793, 402, 2, 607, 241, 1, 614, 330, 2, 762, 203, 2, 860, 322, 2, 853, 321, 1, 0, 0, 0], "image_id": 21506868700, "bbox": [337, 3, 597, 450], "category_id": 1, "id": 21506868700}, {"segmentation": [[343, 3, 952, 3, 952, 456, 343, 456]], "num_keypoints": 11, "area": 275877.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 37, 1, 455, 189, 2, 556, 126, 2, 585, 402, 2, 669, 165, 2, 789, 399, 2, 634, 229, 2, 632, 329, 2, 768, 189, 2, 858, 320, 2, 863, 298, 1, 0, 0, 0], "image_id": 21506869000, "bbox": [343, 3, 609, 453], "category_id": 1, "id": 21506869000}, {"segmentation": [[327, 4, 938, 4, 938, 465, 327, 465]], "num_keypoints": 11, "area": 281671.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 436, 50, 1, 452, 160, 2, 547, 154, 1, 577, 391, 2, 682, 160, 2, 789, 398, 2, 598, 247, 1, 612, 336, 2, 765, 204, 2, 858, 320, 2, 852, 325, 1, 0, 0, 0], "image_id": 21506869300, "bbox": [327, 4, 611, 461], "category_id": 1, "id": 21506869300}, {"segmentation": [[340, 2, 960, 2, 960, 461, 340, 461]], "num_keypoints": 11, "area": 284580.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 481, 60, 2, 486, 223, 2, 541, 144, 2, 583, 403, 2, 682, 158, 2, 793, 403, 2, 638, 229, 2, 648, 328, 2, 766, 192, 2, 860, 322, 2, 856, 324, 2, 0, 0, 0], "image_id": 21506869601, "bbox": [340, 2, 620, 459], "category_id": 1, "id": 21506869601}, {"segmentation": [[301, 0, 948, 0, 948, 457, 301, 457]], "num_keypoints": 11, "area": 295679.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 37, 1, 441, 144, 2, 546, 146, 1, 570, 380, 2, 681, 156, 2, 793, 398, 2, 599, 240, 1, 603, 330, 2, 767, 191, 2, 859, 320, 2, 853, 317, 1, 0, 0, 0], "image_id": 21506870000, "bbox": [301, 0, 647, 457], "category_id": 1, "id": 21506870000}, {"segmentation": [[357, 3, 928, 3, 928, 451, 357, 451]], "num_keypoints": 11, "area": 255808.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 466, 39, 1, 448, 154, 2, 560, 142, 1, 583, 401, 2, 681, 161, 2, 795, 401, 2, 609, 237, 1, 606, 341, 2, 764, 188, 2, 864, 320, 2, 862, 324, 1, 0, 0, 0], "image_id": 21506870900, "bbox": [357, 3, 571, 448], "category_id": 1, "id": 21506870900}, {"segmentation": [[344, 0, 923, 0, 923, 452, 344, 452]], "num_keypoints": 11, "area": 261708.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 436, 45, 1, 468, 169, 2, 548, 148, 1, 580, 397, 2, 683, 161, 2, 794, 403, 2, 606, 235, 2, 606, 340, 2, 757, 180, 2, 847, 320, 2, 852, 325, 1, 0, 0, 0], "image_id": 21506871200, "bbox": [344, 0, 579, 452], "category_id": 1, "id": 21506871200}, {"segmentation": [[330, 1, 930, 1, 930, 450, 330, 450]], "num_keypoints": 11, "area": 269400.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 41, 1, 460, 159, 2, 538, 139, 1, 585, 401, 2, 680, 161, 2, 793, 403, 2, 597, 235, 1, 603, 319, 2, 764, 190, 1, 861, 320, 2, 839, 307, 1, 0, 0, 0], "image_id": 21506872100, "bbox": [330, 1, 600, 449], "category_id": 1, "id": 21506872100}, {"segmentation": [[312, 2, 934, 2, 934, 460, 312, 460]], "num_keypoints": 11, "area": 284876.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 446, 38, 1, 450, 172, 2, 542, 147, 1, 578, 403, 2, 680, 162, 2, 793, 403, 2, 597, 242, 1, 611, 331, 2, 767, 192, 2, 860, 320, 2, 850, 302, 1, 0, 0, 0], "image_id": 21506872400, "bbox": [312, 2, 622, 458], "category_id": 1, "id": 21506872400}, {"segmentation": [[312, 4, 943, 4, 943, 455, 312, 455]], "num_keypoints": 11, "area": 284581.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 447, 38, 1, 461, 187, 2, 541, 150, 1, 583, 402, 2, 683, 152, 2, 793, 402, 2, 594, 252, 1, 605, 339, 2, 769, 195, 2, 858, 321, 2, 842, 300, 1, 0, 0, 0], "image_id": 21506872700, "bbox": [312, 4, 631, 451], "category_id": 1, "id": 21506872700}, {"segmentation": [[323, 3, 945, 3, 945, 458, 323, 458]], "num_keypoints": 11, "area": 283010.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 478, 32, 1, 465, 165, 2, 595, 81, 2, 583, 395, 2, 733, 52, 2, 794, 390, 2, 609, 232, 1, 616, 326, 2, 781, 219, 1, 860, 312, 2, 881, 289, 1, 0, 0, 0], "image_id": 21506881601, "bbox": [323, 3, 622, 455], "category_id": 1, "id": 21506881601}, {"segmentation": [[342, 2, 919, 2, 919, 447, 342, 447]], "num_keypoints": 11, "area": 256765.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 484, 24, 1, 457, 162, 2, 569, 3, 2, 583, 394, 2, 694, 16, 2, 786, 387, 2, 601, 242, 1, 607, 333, 2, 774, 204, 2, 849, 308, 2, 889, 319, 2, 0, 0, 0], "image_id": 21506883601, "bbox": [342, 2, 577, 445], "category_id": 1, "id": 21506883601}, {"segmentation": [[340, 2, 960, 2, 960, 453, 340, 453]], "num_keypoints": 11, "area": 279620.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 17, 1, 482, 171, 2, 582, 6, 2, 603, 393, 2, 677, 58, 2, 803, 382, 2, 598, 235, 1, 600, 328, 1, 797, 229, 2, 854, 324, 2, 909, 321, 2, 0, 0, 0], "image_id": 21506809201, "bbox": [340, 2, 620, 451], "category_id": 1, "id": 21506809201}, {"segmentation": [[345, 1, 945, 1, 945, 441, 345, 441]], "num_keypoints": 11, "area": 264000.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 27, 1, 470, 178, 2, 580, 3, 2, 561, 402, 2, 698, 16, 2, 708, 332, 2, 608, 231, 2, 644, 318, 2, 764, 187, 2, 858, 319, 2, 855, 322, 2, 0, 0, 0], "image_id": 21506912700, "bbox": [345, 1, 600, 440], "category_id": 1, "id": 21506912700}, {"segmentation": [[339, 4, 937, 4, 937, 446, 339, 446]], "num_keypoints": 11, "area": 264316.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 472, 27, 1, 466, 153, 2, 579, 10, 2, 566, 402, 2, 697, 16, 2, 784, 372, 2, 614, 248, 1, 618, 330, 2, 769, 197, 2, 837, 312, 2, 867, 311, 1, 0, 0, 0], "image_id": 21506916401, "bbox": [339, 4, 598, 442], "category_id": 1, "id": 21506916401}, {"segmentation": [[325, 2, 953, 2, 953, 406, 325, 406]], "num_keypoints": 11, "area": 253712.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 456, 4, 2, 443, 19, 1, 457, 143, 2, 0, 0, 0, 669, 348, 2, 694, 14, 2, 856, 294, 2, 575, 232, 2, 579, 352, 1, 768, 195, 2, 853, 320, 1, 844, 314, 1, 0, 0, 0], "image_id": 21506923201, "bbox": [325, 2, 628, 404], "category_id": 1, "id": 21506923201}, {"segmentation": [[320, 0, 924, 0, 924, 418, 320, 418]], "num_keypoints": 9, "area": 252472.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 469, 37, 1, 468, 157, 2, 569, 47, 2, 639, 366, 2, 0, 0, 0, 826, 310, 2, 600, 236, 1, 605, 332, 1, 759, 194, 2, 0, 0, 0, 837, 302, 1, 0, 0, 0], "image_id": 21506923601, "bbox": [320, 0, 604, 418], "category_id": 1, "id": 21506923601}, {"segmentation": [[334, 0, 933, 0, 933, 421, 334, 421]], "num_keypoints": 9, "area": 252179.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 464, 16, 1, 457, 144, 2, 570, 3, 2, 562, 389, 2, 0, 0, 0, 702, 323, 2, 615, 220, 1, 597, 330, 1, 768, 195, 2, 860, 320, 2, 0, 0, 0, 0, 0, 0], "image_id": 21506924401, "bbox": [334, 0, 599, 421], "category_id": 1, "id": 21506924401}, {"segmentation": [[331, 3, 935, 3, 935, 449, 331, 449]], "num_keypoints": 9, "area": 269384.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 493, 29, 1, 468, 147, 2, 0, 0, 0, 564, 387, 2, 0, 0, 0, 778, 365, 2, 613, 224, 1, 615, 321, 1, 768, 183, 2, 836, 305, 1, 852, 319, 1, 0, 0, 0], "image_id": 21506926001, "bbox": [331, 3, 604, 446], "category_id": 1, "id": 21506926001}, {"segmentation": [[343, 1, 932, 1, 932, 457, 343, 457]], "num_keypoints": 9, "area": 268584.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 472, 24, 1, 461, 158, 2, 0, 0, 0, 570, 394, 2, 0, 0, 0, 783, 386, 2, 597, 242, 1, 598, 322, 2, 764, 194, 2, 836, 313, 2, 852, 313, 1, 0, 0, 0], "image_id": 21506926401, "bbox": [343, 1, 589, 456], "category_id": 1, "id": 21506926401}, {"segmentation": [[405, 0, 931, 0, 931, 423, 405, 423]], "num_keypoints": 9, "area": 222498.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 574, 7, 2, 0, 0, 0, 708, 174, 2, 647, 4, 2, 784, 31, 2, 568, 254, 1, 585, 320, 2, 765, 198, 2, 858, 322, 2, 839, 310, 1, 0, 0, 0], "image_id": 21506930401, "bbox": [405, 0, 526, 423], "category_id": 1, "id": 21506930401}, {"segmentation": [[384, 2, 900, 2, 900, 456, 384, 456]], "num_keypoints": 9, "area": 234264.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 477, 37, 2, 0, 0, 0, 481, 244, 2, 656, 4, 2, 604, 377, 2, 605, 237, 1, 606, 308, 2, 764, 193, 2, 847, 330, 2, 844, 305, 1, 0, 0, 0], "image_id": 21506931601, "bbox": [384, 2, 516, 454], "category_id": 1, "id": 21506931601}, {"segmentation": [[333, 1, 931, 1, 931, 418, 333, 418]], "num_keypoints": 9, "area": 249366.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 435, 144, 2, 0, 0, 0, 538, 371, 2, 649, 26, 2, 670, 332, 2, 592, 235, 1, 598, 331, 1, 773, 201, 2, 845, 312, 2, 863, 316, 1, 0, 0, 0], "image_id": 21506936700, "bbox": [333, 1, 598, 417], "category_id": 1, "id": 21506936700}, {"segmentation": [[330, 2, 904, 2, 904, 426, 330, 426]], "num_keypoints": 9, "area": 243376.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 456, 148, 2, 0, 0, 0, 552, 391, 2, 669, 20, 2, 687, 323, 2, 584, 247, 1, 591, 325, 2, 764, 194, 2, 860, 322, 2, 855, 314, 1, 0, 0, 0], "image_id": 21506938001, "bbox": [330, 2, 574, 424], "category_id": 1, "id": 21506938001}, {"segmentation": [[332, 1, 900, 1, 900, 405, 332, 405]], "num_keypoints": 9, "area": 229472.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 448, 139, 2, 0, 0, 0, 715, 200, 2, 672, 16, 2, 581, 31, 2, 584, 264, 1, 590, 339, 2, 769, 190, 2, 858, 320, 2, 860, 315, 1, 0, 0, 0], "image_id": 21506940300, "bbox": [332, 1, 568, 404], "category_id": 1, "id": 21506940300}, {"segmentation": [[322, 0, 915, 0, 915, 423, 322, 423]], "num_keypoints": 8, "area": 250839.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 416, 99, 2, 0, 0, 0, 678, 36, 2, 678, 47, 1, 0, 0, 0, 591, 234, 1, 585, 329, 2, 761, 194, 2, 849, 317, 2, 842, 312, 1, 0, 0, 0], "image_id": 21506940900, "bbox": [322, 0, 593, 423], "category_id": 1, "id": 21506940900}, {"segmentation": [[337, 0, 924, 0, 924, 441, 337, 441]], "num_keypoints": 11, "area": 258867, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 431, 18, 2, 464, 182, 2, 530, 0, 1, 553, 399, 2, 636, 36, 2, 764, 351, 2, 605, 228, 2, 617, 321, 2, 760, 189, 2, 850, 314, 2, 833, 290, 1, 0, 0, 0], "image_id": 21506950801, "bbox": [337, 0, 587, 441], "category_id": 1, "id": 21506950801}, {"segmentation": [[339, 1, 931, 1, 931, 442, 339, 442]], "num_keypoints": 10, "area": 261072.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 456, 9, 1, 451, 181, 2, 0, 0, 0, 595, 391, 2, 637, 37, 2, 795, 341, 2, 607, 234, 1, 610, 325, 1, 781, 230, 1, 809, 316, 1, 905, 317, 1, 0, 0, 0], "image_id": 21506951201, "bbox": [339, 1, 592, 441], "category_id": 1, "id": 21506951201}, {"segmentation": [[321, 0, 940, 0, 940, 423, 321, 423]], "num_keypoints": 10, "area": 261837.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 451, 141, 2, 553, 2, 1, 595, 376, 2, 636, 36, 2, 805, 343, 2, 617, 230, 1, 615, 318, 1, 788, 224, 1, 845, 315, 1, 884, 294, 1, 0, 0, 0], "image_id": 21506952401, "bbox": [321, 0, 619, 423], "category_id": 1, "id": 21506952401}, {"segmentation": [[330, 2, 944, 2, 944, 447, 330, 447]], "num_keypoints": 10, "area": 273230.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 456, 15, 1, 457, 154, 2, 0, 0, 0, 562, 398, 2, 635, 36, 2, 777, 383, 2, 595, 241, 1, 606, 316, 2, 774, 208, 2, 844, 322, 2, 893, 314, 2, 0, 0, 0], "image_id": 21506953201, "bbox": [330, 2, 614, 445], "category_id": 1, "id": 21506953201}, {"segmentation": [[322, 1, 906, 1, 906, 454, 322, 454]], "num_keypoints": 12, "area": 264552.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 395, 4, 2, 460, 19, 2, 440, 164, 2, 555, 4, 2, 565, 402, 2, 635, 35, 2, 777, 393, 2, 600, 239, 1, 608, 330, 2, 764, 195, 2, 859, 320, 2, 857, 322, 2, 0, 0, 0], "image_id": 21506958001, "bbox": [322, 1, 584, 453], "category_id": 1, "id": 21506958001}, {"segmentation": [[339, 1, 904, 1, 904, 480, 339, 480]], "num_keypoints": 12, "area": 270635.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 378, 4, 2, 461, 5, 1, 447, 158, 2, 573, 4, 2, 568, 403, 2, 637, 36, 2, 776, 393, 2, 597, 247, 1, 607, 339, 2, 762, 195, 2, 844, 318, 2, 858, 320, 1, 0, 0, 0], "image_id": 21506958401, "bbox": [339, 1, 565, 479], "category_id": 1, "id": 21506958401}, {"segmentation": [[345, 3, 930, 3, 930, 459, 345, 459]], "num_keypoints": 10, "area": 266760.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 394, 4, 2, 0, 0, 0, 436, 176, 2, 0, 0, 0, 565, 398, 2, 631, 35, 2, 777, 393, 2, 591, 243, 1, 596, 325, 2, 766, 194, 2, 853, 312, 2, 855, 322, 1, 0, 0, 0], "image_id": 21506958700, "bbox": [345, 3, 585, 456], "category_id": 1, "id": 21506958700}, {"segmentation": [[332, 2, 935, 2, 935, 456, 332, 456]], "num_keypoints": 9, "area": 273762.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 465, 165, 2, 0, 0, 0, 532, 406, 2, 636, 37, 2, 752, 364, 2, 606, 238, 1, 607, 329, 2, 763, 189, 2, 848, 312, 2, 845, 304, 1, 0, 0, 0], "image_id": 21506961201, "bbox": [332, 2, 603, 454], "category_id": 1, "id": 21506961201}, {"segmentation": [[345, 3, 920, 3, 920, 465, 345, 465]], "num_keypoints": 13, "area": 265650.0, "iscrowd": 0, "keypoints": [583, 51, 2, 593, 8, 2, 546, 24, 2, 0, 0, 0, 448, 3, 2, 0, 0, 0, 458, 182, 2, 0, 0, 0, 546, 401, 2, 637, 36, 2, 764, 398, 2, 589, 242, 1, 597, 325, 2, 764, 194, 2, 849, 314, 2, 845, 301, 1, 0, 0, 0], "image_id": 21506962801, "bbox": [345, 3, 575, 462], "category_id": 1, "id": 21506962801}, {"segmentation": [[354, 1, 929, 1, 929, 480, 354, 480]], "num_keypoints": 12, "area": 275425.0, "iscrowd": 0, "keypoints": [611, 77, 2, 628, 30, 2, 581, 47, 2, 0, 0, 0, 468, 16, 2, 0, 0, 0, 465, 190, 2, 0, 0, 0, 543, 440, 2, 621, 19, 1, 0, 0, 0, 592, 240, 1, 591, 339, 2, 765, 194, 2, 859, 322, 2, 857, 314, 1, 0, 0, 0], "image_id": 21506963100, "bbox": [354, 1, 575, 479], "category_id": 1, "id": 21506963100}, {"segmentation": [[348, 3, 915, 3, 915, 444, 348, 444]], "num_keypoints": 10, "area": 250047.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 510, 7, 2, 0, 0, 0, 483, 172, 2, 0, 0, 0, 605, 394, 2, 616, 65, 2, 740, 322, 2, 612, 231, 1, 624, 315, 2, 766, 195, 2, 854, 322, 2, 851, 315, 1, 0, 0, 0], "image_id": 21506967201, "bbox": [348, 3, 567, 441], "category_id": 1, "id": 21506967201}, {"segmentation": [[355, 1, 893, 1, 893, 439, 355, 439]], "num_keypoints": 11, "area": 235644.0, "iscrowd": 0, "keypoints": [595, 15, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 4, 2, 0, 0, 0, 469, 185, 2, 0, 0, 0, 580, 381, 2, 643, 54, 2, 707, 310, 2, 589, 250, 1, 600, 344, 1, 770, 197, 2, 832, 302, 2, 852, 324, 1, 0, 0, 0], "image_id": 21506969601, "bbox": [355, 1, 538, 438], "category_id": 1, "id": 21506969601}, {"segmentation": [[428, 1, 944, 1, 944, 447, 428, 447]], "num_keypoints": 9, "area": 230136.0, "iscrowd": 0, "keypoints": [764, 3, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 626, 4, 2, 0, 0, 0, 626, 170, 2, 0, 0, 0, 531, 406, 2, 0, 0, 0, 658, 286, 2, 0, 0, 0, 594, 325, 1, 756, 190, 2, 832, 306, 2, 852, 316, 1, 0, 0, 0], "image_id": 21506970401, "bbox": [428, 1, 516, 446], "category_id": 1, "id": 21506970401}, {"segmentation": [[350, 2, 912, 2, 912, 444, 350, 444]], "num_keypoints": 9, "area": 248404.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 474, 170, 2, 0, 0, 0, 532, 406, 2, 637, 64, 2, 669, 285, 2, 584, 241, 1, 592, 338, 1, 764, 194, 2, 841, 304, 2, 853, 320, 1, 0, 0, 0], "image_id": 21506970801, "bbox": [350, 2, 562, 442], "category_id": 1, "id": 21506970801}, {"segmentation": [[336, 3, 892, 3, 892, 444, 336, 444]], "num_keypoints": 10, "area": 245196.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 442, 8, 2, 0, 0, 0, 466, 145, 2, 0, 0, 0, 533, 407, 2, 640, 57, 2, 669, 282, 2, 591, 240, 1, 588, 330, 1, 770, 197, 2, 840, 307, 2, 852, 309, 1, 0, 0, 0], "image_id": 21506971201, "bbox": [336, 3, 556, 441], "category_id": 1, "id": 21506971201}, {"segmentation": [[325, 0, 943, 0, 943, 425, 325, 425]], "num_keypoints": 9, "area": 262650.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 411, 118, 2, 0, 0, 0, 557, 327, 2, 673, 57, 2, 722, 331, 2, 587, 248, 1, 600, 352, 1, 769, 198, 2, 847, 311, 2, 855, 324, 1, 0, 0, 0], "image_id": 21506971601, "bbox": [325, 0, 618, 425], "category_id": 1, "id": 21506971601}, {"segmentation": [[323, 0, 941, 0, 941, 451, 323, 451]], "num_keypoints": 10, "area": 278718.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 437, 4, 1, 470, 154, 2, 0, 0, 0, 573, 395, 2, 630, 47, 2, 776, 385, 2, 592, 234, 1, 597, 326, 2, 766, 195, 2, 847, 322, 2, 852, 306, 1, 0, 0, 0], "image_id": 21506976001, "bbox": [323, 0, 618, 451], "category_id": 1, "id": 21506976001}, {"segmentation": [[337, 4, 973, 4, 973, 460, 337, 460]], "num_keypoints": 10, "area": 290016, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 458, 151, 2, 551, 4, 1, 552, 395, 2, 647, 29, 2, 769, 394, 2, 591, 233, 1, 595, 332, 2, 783, 215, 2, 849, 327, 2, 909, 325, 1, 0, 0, 0], "image_id": 21506976401, "bbox": [337, 4, 636, 456], "category_id": 1, "id": 21506976401}, {"segmentation": [[333, 3, 894, 3, 894, 414, 333, 414]], "num_keypoints": 10, "area": 230571.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 450, 10, 1, 446, 168, 2, 0, 0, 0, 574, 376, 2, 669, 3, 2, 727, 266, 2, 592, 248, 1, 592, 333, 1, 761, 193, 2, 834, 324, 2, 859, 330, 1, 0, 0, 0], "image_id": 21506979601, "bbox": [333, 3, 561, 411], "category_id": 1, "id": 21506979601}, {"segmentation": [[344, 0, 916, 0, 916, 463, 344, 463]], "num_keypoints": 11, "area": 264836.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 460, 18, 1, 453, 175, 2, 566, 4, 2, 543, 412, 2, 698, 24, 2, 764, 383, 2, 584, 249, 1, 585, 335, 2, 764, 194, 2, 856, 319, 2, 846, 310, 1, 0, 0, 0], "image_id": 21506980001, "bbox": [344, 0, 572, 463], "category_id": 1, "id": 21506980001}, {"segmentation": [[340, 2, 922, 2, 922, 465, 340, 465]], "num_keypoints": 11, "area": 269466, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 477, 15, 1, 457, 168, 2, 565, 2, 2, 554, 410, 2, 689, 20, 2, 764, 385, 2, 586, 247, 1, 599, 332, 2, 766, 190, 2, 852, 318, 2, 850, 312, 1, 0, 0, 0], "image_id": 21506986401, "bbox": [340, 2, 582, 463], "category_id": 1, "id": 21506986401}, {"segmentation": [[337, 2, 923, 2, 923, 460, 337, 460]], "num_keypoints": 11, "area": 268388.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 464, 21, 1, 458, 158, 2, 579, 2, 2, 547, 414, 2, 699, 28, 2, 764, 385, 2, 600, 238, 1, 606, 333, 2, 765, 194, 2, 849, 318, 2, 848, 307, 1, 0, 0, 0], "image_id": 21506987000, "bbox": [337, 2, 586, 458], "category_id": 1, "id": 21506987000}, {"segmentation": [[343, 2, 916, 2, 916, 402, 343, 402]], "num_keypoints": 8, "area": 229200.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 466, 147, 2, 0, 0, 0, 702, 216, 2, 0, 0, 0, 826, 61, 2, 604, 257, 1, 602, 342, 2, 767, 200, 1, 864, 320, 2, 850, 319, 1, 0, 0, 0], "image_id": 21506989900, "bbox": [343, 2, 573, 400], "category_id": 1, "id": 21506989900}, {"segmentation": [[353, 0, 957, 0, 957, 402, 353, 402]], "num_keypoints": 9, "area": 242808.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 485, 20, 1, 456, 140, 2, 0, 0, 0, 657, 291, 2, 0, 0, 0, 807, 173, 2, 599, 240, 1, 602, 339, 2, 759, 190, 1, 844, 315, 2, 850, 303, 1, 0, 0, 0], "image_id": 21507010001, "bbox": [353, 0, 604, 402], "category_id": 1, "id": 21507010001}, {"segmentation": [[340, 5, 918, 5, 918, 411, 340, 411]], "num_keypoints": 9, "area": 234668.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 451, 12, 1, 449, 143, 2, 0, 0, 0, 580, 364, 2, 0, 0, 0, 733, 268, 2, 596, 240, 1, 603, 329, 1, 770, 187, 2, 844, 322, 2, 853, 319, 1, 0, 0, 0], "image_id": 21507012300, "bbox": [340, 5, 578, 406], "category_id": 1, "id": 21507012300}, {"segmentation": [[344, 2, 936, 2, 936, 401, 344, 401]], "num_keypoints": 9, "area": 236208.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 499, 28, 2, 466, 131, 2, 0, 0, 0, 639, 311, 2, 0, 0, 0, 795, 193, 2, 629, 215, 2, 637, 358, 2, 764, 173, 2, 850, 309, 2, 863, 316, 1, 0, 0, 0], "image_id": 21507001601, "bbox": [344, 2, 592, 399], "category_id": 1, "id": 21507001601}, {"segmentation": [[344, 4, 951, 4, 951, 433, 344, 433]], "num_keypoints": 11, "area": 260403.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 494, 27, 1, 443, 153, 2, 622, 86, 2, 562, 395, 2, 774, 129, 2, 711, 326, 2, 598, 246, 1, 602, 320, 2, 767, 191, 1, 854, 321, 2, 837, 308, 1, 0, 0, 0], "image_id": 21507016600, "bbox": [344, 4, 607, 429], "category_id": 1, "id": 21507016600}, {"segmentation": [[320, 3, 924, 3, 924, 437, 320, 437]], "num_keypoints": 11, "area": 262136.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 509, 31, 1, 453, 159, 2, 616, 72, 2, 562, 398, 2, 778, 56, 2, 711, 328, 2, 602, 227, 1, 604, 321, 2, 774, 186, 2, 856, 309, 2, 855, 335, 1, 0, 0, 0], "image_id": 21507016900, "bbox": [320, 3, 604, 434], "category_id": 1, "id": 21507016900}, {"segmentation": [[339, 2, 934, 2, 934, 445, 339, 445]], "num_keypoints": 11, "area": 263585.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 473, 23, 1, 442, 181, 2, 612, 74, 2, 558, 370, 2, 797, 74, 2, 711, 327, 2, 603, 235, 1, 610, 328, 2, 768, 197, 2, 847, 309, 2, 845, 316, 1, 0, 0, 0], "image_id": 21507017201, "bbox": [339, 2, 595, 443], "category_id": 1, "id": 21507017201}, {"segmentation": [[324, 0, 910, 0, 910, 437, 324, 437]], "num_keypoints": 11, "area": 256082.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 497, 27, 1, 448, 151, 2, 616, 79, 2, 562, 395, 2, 784, 97, 2, 711, 327, 2, 606, 239, 1, 623, 319, 2, 752, 190, 2, 848, 314, 2, 849, 310, 1, 0, 0, 0], "image_id": 21507017600, "bbox": [324, 0, 586, 437], "category_id": 1, "id": 21507017600}, {"segmentation": [[332, 9, 910, 9, 910, 440, 332, 440]], "num_keypoints": 10, "area": 249118.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 486, 19, 1, 449, 146, 2, 626, 78, 2, 564, 398, 2, 790, 77, 2, 710, 327, 2, 596, 236, 1, 601, 319, 2, 786, 182, 1, 835, 311, 2, 0, 0, 0, 0, 0, 0], "image_id": 21507017900, "bbox": [332, 9, 578, 431], "category_id": 1, "id": 21507017900}, {"segmentation": [[335, 1, 955, 1, 955, 456, 335, 456]], "num_keypoints": 11, "area": 282100.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 480, 29, 1, 449, 166, 2, 624, 78, 2, 561, 387, 2, 786, 72, 2, 710, 328, 2, 590, 234, 1, 597, 324, 2, 786, 223, 2, 840, 317, 2, 919, 311, 1, 0, 0, 0], "image_id": 21507018200, "bbox": [335, 1, 620, 455], "category_id": 1, "id": 21507018200}, {"segmentation": [[349, 0, 920, 0, 920, 440, 349, 440]], "num_keypoints": 11, "area": 251240.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 474, 20, 1, 447, 162, 2, 630, 78, 2, 563, 388, 2, 786, 72, 2, 711, 329, 2, 595, 229, 1, 601, 328, 2, 792, 219, 1, 841, 314, 2, 896, 301, 2, 0, 0, 0], "image_id": 21507018500, "bbox": [349, 0, 571, 440], "category_id": 1, "id": 21507018500}, {"segmentation": [[345, 3, 934, 3, 934, 438, 345, 438]], "num_keypoints": 11, "area": 256215.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 467, 21, 1, 441, 158, 2, 619, 72, 2, 559, 389, 2, 791, 80, 2, 711, 327, 2, 608, 235, 1, 614, 323, 2, 785, 219, 2, 846, 319, 2, 899, 319, 2, 0, 0, 0], "image_id": 21507018800, "bbox": [345, 3, 589, 435], "category_id": 1, "id": 21507018800}, {"segmentation": [[339, 3, 923, 3, 923, 436, 339, 436]], "num_keypoints": 11, "area": 252872.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 488, 24, 1, 441, 153, 2, 628, 77, 2, 560, 391, 2, 786, 82, 2, 711, 328, 2, 606, 239, 1, 614, 321, 2, 779, 212, 1, 857, 316, 2, 898, 321, 2, 0, 0, 0], "image_id": 21507019100, "bbox": [339, 3, 584, 433], "category_id": 1, "id": 21507019100}, {"segmentation": [[335, 2, 924, 2, 924, 437, 335, 437]], "num_keypoints": 11, "area": 256215.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 486, 25, 1, 441, 141, 2, 620, 78, 2, 557, 388, 2, 785, 81, 2, 711, 328, 2, 600, 240, 1, 601, 325, 2, 779, 201, 1, 846, 314, 2, 875, 305, 2, 0, 0, 0], "image_id": 21507019400, "bbox": [335, 2, 589, 435], "category_id": 1, "id": 21507019400}, {"segmentation": [[340, 1, 934, 1, 934, 436, 340, 436]], "num_keypoints": 11, "area": 258390.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 468, 17, 1, 460, 169, 2, 605, 71, 2, 566, 397, 2, 757, 27, 2, 718, 323, 2, 609, 226, 1, 612, 331, 2, 788, 220, 1, 847, 308, 2, 899, 309, 2, 0, 0, 0], "image_id": 21507019700, "bbox": [340, 1, 594, 435], "category_id": 1, "id": 21507019700}, {"segmentation": [[329, 1, 939, 1, 939, 439, 329, 439]], "num_keypoints": 11, "area": 267180.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 469, 28, 1, 457, 164, 2, 595, 91, 2, 568, 397, 2, 765, 47, 2, 716, 324, 2, 593, 237, 1, 604, 323, 2, 786, 231, 2, 854, 316, 2, 912, 317, 2, 0, 0, 0], "image_id": 21507020000, "bbox": [329, 1, 610, 438], "category_id": 1, "id": 21507020000}, {"segmentation": [[355, 3, 932, 3, 932, 425, 355, 425]], "num_keypoints": 10, "area": 243494.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 448, 22, 1, 460, 175, 2, 594, 86, 2, 562, 387, 2, 761, 48, 2, 714, 324, 2, 595, 250, 1, 608, 354, 1, 786, 212, 2, 850, 317, 2, 0, 0, 0, 0, 0, 0], "image_id": 21507020800, "bbox": [355, 3, 577, 422], "category_id": 1, "id": 21507020800}, {"segmentation": [[333, 1, 929, 1, 929, 447, 333, 447]], "num_keypoints": 11, "area": 265816.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 461, 16, 1, 458, 175, 2, 597, 81, 2, 569, 401, 2, 751, 49, 2, 712, 327, 2, 603, 239, 1, 610, 324, 2, 771, 207, 1, 857, 319, 2, 879, 321, 2, 0, 0, 0], "image_id": 21507021100, "bbox": [333, 1, 596, 446], "category_id": 1, "id": 21507021100}, {"segmentation": [[345, 3, 912, 3, 912, 445, 345, 445]], "num_keypoints": 11, "area": 250614.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 477, 19, 1, 447, 141, 2, 607, 72, 2, 569, 401, 2, 760, 47, 2, 712, 324, 2, 605, 229, 1, 605, 310, 2, 772, 203, 1, 857, 319, 2, 881, 317, 1, 0, 0, 0], "image_id": 21507021600, "bbox": [345, 3, 567, 442], "category_id": 1, "id": 21507021600}, {"segmentation": [[340, 0, 952, 0, 952, 443, 340, 443]], "num_keypoints": 11, "area": 271116.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 466, 21, 1, 442, 173, 2, 607, 54, 2, 564, 401, 2, 774, 36, 2, 718, 331, 2, 604, 240, 1, 612, 323, 2, 783, 216, 2, 843, 320, 2, 907, 319, 2, 0, 0, 0], "image_id": 21507023000, "bbox": [340, 0, 612, 443], "category_id": 1, "id": 21507023000}, {"segmentation": [[322, 5, 928, 5, 928, 440, 322, 440]], "num_keypoints": 11, "area": 263610.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 449, 39, 1, 460, 132, 2, 548, 128, 1, 573, 398, 2, 657, 194, 2, 718, 331, 2, 618, 245, 1, 608, 324, 2, 778, 214, 1, 861, 320, 2, 878, 298, 1, 0, 0, 0], "image_id": 21507023400, "bbox": [322, 5, 606, 435], "category_id": 1, "id": 21507023400}, {"segmentation": [[329, 2, 954, 2, 954, 469, 329, 469]], "num_keypoints": 11, "area": 291875.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 466, 25, 1, 476, 152, 2, 565, 131, 1, 536, 415, 2, 669, 211, 2, 764, 383, 2, 603, 249, 1, 599, 328, 2, 780, 222, 1, 841, 316, 2, 888, 301, 2, 0, 0, 0], "image_id": 21507023700, "bbox": [329, 2, 625, 467], "category_id": 1, "id": 21507023700}, {"segmentation": [[318, 1, 935, 1, 935, 442, 318, 442]], "num_keypoints": 11, "area": 272097.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 477, 18, 1, 448, 153, 2, 628, 77, 2, 585, 385, 2, 769, 47, 2, 814, 351, 2, 600, 243, 1, 603, 327, 1, 786, 216, 2, 840, 313, 1, 902, 306, 1, 0, 0, 0], "image_id": 21507024001, "bbox": [318, 1, 617, 441], "category_id": 1, "id": 21507024001}, {"segmentation": [[351, 3, 927, 3, 927, 402, 351, 402]], "num_keypoints": 9, "area": 229824.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 444, 12, 1, 483, 165, 2, 0, 0, 0, 594, 339, 2, 0, 0, 0, 701, 251, 2, 640, 219, 2, 650, 339, 2, 762, 177, 2, 850, 306, 2, 876, 307, 2, 0, 0, 0], "image_id": 21507002400, "bbox": [351, 3, 576, 399], "category_id": 1, "id": 21507002400}, {"segmentation": [[328, 2, 953, 2, 953, 432, 328, 432]], "num_keypoints": 13, "area": 268750.0, "iscrowd": 0, "keypoints": [534, 4, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 405, 4, 2, 455, 34, 1, 443, 166, 2, 574, 99, 2, 602, 364, 2, 705, 87, 2, 831, 343, 2, 604, 236, 1, 612, 329, 1, 777, 211, 1, 839, 322, 1, 889, 303, 1, 0, 0, 0], "image_id": 21507024401, "bbox": [328, 2, 625, 430], "category_id": 1, "id": 21507024401}, {"segmentation": [[324, 0, 956, 0, 956, 429, 324, 429]], "num_keypoints": 11, "area": 271128.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 446, 36, 1, 452, 158, 2, 566, 124, 1, 626, 370, 2, 689, 152, 2, 845, 333, 2, 601, 239, 1, 609, 313, 1, 775, 193, 2, 830, 317, 1, 872, 307, 1, 0, 0, 0], "image_id": 21507024801, "bbox": [324, 0, 632, 429], "category_id": 1, "id": 21507024801}, {"segmentation": [[332, 0, 971, 0, 971, 424, 332, 424]], "num_keypoints": 11, "area": 270936.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 447, 30, 1, 461, 162, 2, 590, 86, 2, 645, 366, 2, 708, 57, 2, 841, 332, 2, 613, 229, 1, 619, 302, 1, 766, 204, 2, 843, 318, 1, 863, 301, 1, 0, 0, 0], "image_id": 21507025100, "bbox": [332, 0, 639, 424], "category_id": 1, "id": 21507025100}, {"segmentation": [[318, 1, 943, 1, 943, 427, 318, 427]], "num_keypoints": 11, "area": 266250.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 500, 33, 1, 449, 156, 2, 635, 47, 2, 636, 390, 2, 793, 16, 2, 837, 336, 2, 602, 230, 1, 613, 311, 1, 783, 220, 2, 835, 308, 1, 883, 302, 1, 0, 0, 0], "image_id": 21507025700, "bbox": [318, 1, 625, 426], "category_id": 1, "id": 21507025700}, {"segmentation": [[339, 0, 954, 0, 954, 432, 339, 432]], "num_keypoints": 12, "area": 265680.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 436, 4, 2, 463, 34, 1, 446, 169, 2, 595, 75, 2, 622, 366, 2, 739, 28, 2, 837, 333, 2, 600, 241, 1, 611, 327, 1, 774, 220, 2, 850, 310, 1, 895, 304, 1, 0, 0, 0], "image_id": 21507026001, "bbox": [339, 0, 615, 432], "category_id": 1, "id": 21507026001}, {"segmentation": [[344, 3, 932, 3, 932, 405, 344, 405]], "num_keypoints": 8, "area": 236376.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 457, 137, 2, 0, 0, 0, 581, 348, 2, 0, 0, 0, 734, 248, 2, 586, 238, 1, 595, 339, 1, 766, 187, 1, 842, 315, 2, 859, 321, 1, 0, 0, 0], "image_id": 21507002700, "bbox": [344, 3, 588, 402], "category_id": 1, "id": 21507002700}, {"segmentation": [[344, 5, 909, 5, 909, 461, 344, 461]], "num_keypoints": 12, "area": 257640.0, "iscrowd": 0, "keypoints": [585, 15, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 451, 35, 1, 455, 152, 2, 532, 140, 1, 510, 420, 2, 626, 190, 2, 645, 340, 2, 581, 249, 1, 582, 340, 1, 759, 192, 1, 857, 318, 2, 867, 323, 1, 0, 0, 0], "image_id": 21507027601, "bbox": [344, 5, 565, 456], "category_id": 1, "id": 21507027601}, {"segmentation": [[336, 2, 932, 2, 932, 398, 336, 398]], "num_keypoints": 12, "area": 236016.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 501, 4, 2, 477, 40, 1, 487, 176, 2, 557, 148, 1, 674, 337, 2, 640, 215, 2, 848, 258, 2, 576, 245, 1, 583, 347, 2, 758, 194, 2, 841, 300, 2, 858, 318, 1, 0, 0, 0], "image_id": 21507028000, "bbox": [336, 2, 596, 396], "category_id": 1, "id": 21507028000}, {"segmentation": [[306, 1, 953, 1, 953, 480, 306, 480]], "num_keypoints": 14, "area": 309913.0, "iscrowd": 0, "keypoints": [607, 78, 2, 0, 0, 0, 590, 56, 2, 0, 0, 0, 472, 11, 2, 499, 41, 1, 454, 172, 2, 567, 150, 1, 411, 433, 2, 637, 215, 2, 648, 403, 2, 590, 238, 1, 603, 331, 2, 760, 192, 1, 848, 292, 2, 850, 312, 1, 0, 0, 0], "image_id": 21507028300, "bbox": [306, 1, 647, 479], "category_id": 1, "id": 21507028300}, {"segmentation": [[367, 3, 876, 3, 876, 463, 367, 463]], "num_keypoints": 13, "area": 234140.0, "iscrowd": 0, "keypoints": [624, 110, 2, 0, 0, 0, 594, 90, 2, 0, 0, 0, 487, 43, 2, 537, 97, 1, 466, 210, 2, 0, 0, 0, 522, 432, 2, 613, 120, 1, 670, 340, 2, 612, 236, 2, 605, 337, 2, 770, 206, 2, 857, 308, 2, 858, 320, 1, 0, 0, 0], "image_id": 21507030001, "bbox": [367, 3, 509, 460], "category_id": 1, "id": 21507030001}, {"segmentation": [[348, 1, 880, 1, 880, 410, 348, 410]], "num_keypoints": 8, "area": 217588.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 453, 16, 1, 464, 155, 2, 0, 0, 0, 574, 368, 2, 0, 0, 0, 719, 272, 2, 618, 232, 1, 627, 342, 1, 765, 185, 2, 852, 320, 2, 0, 0, 0, 0, 0, 0], "image_id": 21507006401, "bbox": [348, 1, 532, 409], "category_id": 1, "id": 21507006401}, {"segmentation": [[342, 2, 917, 2, 917, 406, 342, 406]], "num_keypoints": 9, "area": 232300.0, "iscrowd": 0, "keypoints": [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 474, 16, 1, 456, 163, 2, 0, 0, 0, 628, 302, 2, 0, 0, 0, 786, 183, 2, 603, 237, 1, 605, 335, 1, 767, 190, 1, 836, 310, 2, 850, 321, 1, 0, 0, 0], "image_id": 21507009601, "bbox": [342, 2, 575, 404], "category_id": 1, "id": 21507009601}], "categories": [{"supercategory": "person", "skeleton": [[16, 14], [14, 12], [17, 15], [15, 13], [12, 13], [6, 12], [7, 13], [6, 7], [6, 8], [7, 9], [8, 10], [9, 11], [2, 3], [1, 2], [1, 3], [2, 4], [3, 5], [4, 6], [5, 7]], "id": 1, "name": "person", "keypoints": ["nose", "left_eye", "right_eye", "left_ear", "right_ear", "left_shoulder", "right_shoulder", "left_elbow", "right_elbow", "left_wrist", "right_wrist", "left_hip", "right_hip", "left_knee", "right_knee", "left_ankle", "right_ankle"]}]} \ No newline at end of file diff --git a/json/preds/keypoints_autob_coco_test_results.json b/json/preds/keypoints_autob_coco_test_results.json new file mode 100644 index 0000000..6fecf6c --- /dev/null +++ b/json/preds/keypoints_autob_coco_test_results.json @@ -0,0 +1,87254 @@ +[ + { + "category_id": 1, + "center": [ + 422.0, + 235.5 + ], + "image_id": 20501311000, + "keypoints": [ + 407.2734375, + -14.8515625, + 0.0028120132628828287, + 613.4453125, + 220.7734375, + 0.0027014196384698153, + 250.1901092529297, + 328.7682189941406, + 0.004916333593428135, + 534.9036254882812, + 191.3203125, + 0.0014040583046153188, + 534.9036254882812, + 210.9557342529297, + 0.005828365217894316, + 201.1015625, + 4.783854007720947, + 0.4446997046470642, + 142.1953125, + 142.2317657470703, + 0.8253812193870544, + 309.0963439941406, + 93.14322662353516, + 0.7260088324546814, + 269.8255310058594, + 397.4921875, + 0.9244998693466187, + 456.3619689941406, + 73.5078125, + 0.9125849008560181, + 495.6328125, + 299.3150939941406, + 0.9455528259277344, + 377.8203125, + 191.3203125, + 0.7375954389572144, + 377.8203125, + 328.7682189941406, + 0.6930114030838013, + 603.6276245117188, + 102.9609375, + 0.7933802604675293, + 711.6223754882812, + 240.4088592529297, + 0.9429754018783569, + 711.6223754882812, + 240.4088592529297, + 0.47930002212524414, + 711.6223754882812, + 387.6744689941406, + 0.1797148734331131 + ], + "scale": [ + 4.712500095367432, + 6.2833333015441895 + ], + "score": 0.7659081708301197 + }, + { + "category_id": 1, + "center": [ + 440.5, + 211.0 + ], + "image_id": 20501311800, + "keypoints": [ + 711.30078125, + 142.15234375, + 0.0027158958837389946, + 775.55859375, + 637.85546875, + 0.0021057797130197287, + 711.30078125, + 142.15234375, + 0.0029383888468146324, + 555.24609375, + 243.12890625, + 0.0021230916026979685, + 555.24609375, + 132.97265625, + 0.001905743614770472, + 197.23828125, + 13.63671875, + 0.4795004725456238, + 224.77734375, + 132.97265625, + 0.7542165517807007, + 325.75390625, + 105.43359375, + 0.6673085689544678, + 481.80859375, + 289.02734375, + 0.9335848689079285, + 426.73046875, + 87.07421875, + 0.7944356203079224, + 546.06640625, + 77.89453125, + 0.6536059379577637, + 380.83203125, + 233.94921875, + 0.5889877676963806, + 399.19140625, + 353.28515625, + 0.7663251161575317, + 591.96484375, + 151.33203125, + 0.5640057921409607, + 720.48046875, + 233.94921875, + 0.9524470567703247, + 720.48046875, + 224.76953125, + 0.36870619654655457, + 738.83984375, + 390.00390625, + 0.20507141947746277 + ], + "scale": [ + 4.40625, + 5.875 + ], + "score": 0.6440162807703018 + }, + { + "category_id": 1, + "center": [ + 443.5, + 225.5 + ], + "image_id": 20501312400, + "keypoints": [ + 528.6106567382812, + 160.4153594970703, + 0.004567421041429043, + 638.75390625, + 210.48046875, + 0.005373180378228426, + 428.48046875, + -230.0924530029297, + 0.006491565611213446, + 568.6627807617188, + 130.3762969970703, + 0.002060776110738516, + 648.7669067382812, + 140.3893280029297, + 0.012013077735900879, + 138.1028594970703, + 10.220051765441895, + 0.055825140327215195, + 278.28515625, + 40.25911331176758, + 0.4842493534088135, + 508.5846252441406, + 20.23307228088379, + 0.014803667552769184, + 598.7018432617188, + 30.24609375, + 0.34665435552597046, + 598.7018432617188, + 90.32421875, + 0.0902830958366394, + 678.8059692382812, + 20.23307228088379, + 0.11874120682477951, + 378.4153747558594, + 130.3762969970703, + 0.41942888498306274, + 388.4283752441406, + 310.6106872558594, + 0.6095362901687622, + 628.7409057617188, + 90.32421875, + 0.7988699674606323, + 718.8580932617188, + 230.5065155029297, + 0.9041802883148193, + 708.8450317382812, + 230.5065155029297, + 0.4178497791290283, + 758.91015625, + 380.7018127441406, + 0.15413878858089447 + ], + "scale": [ + 4.806250095367432, + 6.4083333015441895 + ], + "score": 0.5686812741415841 + }, + { + "category_id": 1, + "center": [ + 437.0, + 223.5 + ], + "image_id": 20501316400, + "keypoints": [ + 350.8932189941406, + -237.4245147705078, + 0.0032613729126751423, + 644.6693115234375, + 208.3046875, + 0.007335811387747526, + 745.9713745117188, + 107.00259399414062, + 0.002901966217905283, + 624.4088745117188, + -267.81512451171875, + 0.0038287693168967962, + 553.4973754882812, + 208.3046875, + 0.008737840689718723, + 239.46092224121094, + -4.429701805114746, + 0.4163858890533447, + 138.15882873535156, + 117.13280487060547, + 0.810472309589386, + 350.8932189941406, + 117.13280487060547, + 0.37356045842170715, + 300.2421875, + 370.3880310058594, + 0.9078928232192993, + 442.0650939941406, + 167.78384399414062, + 0.4810211956501007, + 482.5859375, + 228.5651092529297, + 0.9061968326568604, + 391.4140625, + 208.3046875, + 0.712938129901886, + 391.4140625, + 339.9974060058594, + 0.6446467638015747, + 604.1484375, + 96.87239074707031, + 0.7574113607406616, + 705.4505615234375, + 228.5651092529297, + 0.9066078662872314, + 685.1901245117188, + 238.6953125, + 0.4463329315185547, + 756.1015625, + 390.6484375, + 0.15826407074928284 + ], + "scale": [ + 4.862500190734863, + 6.483333110809326 + ], + "score": 0.6694060509855096 + }, + { + "category_id": 1, + "center": [ + 407.5, + 228.0 + ], + "image_id": 20501321300, + "keypoints": [ + 216.30857849121094, + 27.00389289855957, + 0.008064177818596363, + 490.83984375, + 350.55859375, + 0.0017036899225786328, + -63.125030517578125, + -124.9687728881836, + 0.0015181730268523097, + 216.30857849121094, + -22.019546508789062, + 0.0014538317918777466, + 108.4570083618164, + 17.19920539855957, + 0.015252109616994858, + 294.74609375, + 7.394516944885254, + 0.18535944819450378, + 118.26170349121094, + 115.24608612060547, + 0.7710021734237671, + 471.23046875, + 27.00389289855957, + 0.7919871807098389, + 284.94140625, + 360.36328125, + 0.8700772523880005, + 637.91015625, + 17.19920539855957, + 0.7685595750808716, + 510.44921875, + 281.92578125, + 0.9518147706985474, + 392.79296875, + 193.68359375, + 0.66205894947052, + 373.18359375, + 321.14453125, + 0.6315678954124451, + 618.30078125, + 95.63671112060547, + 0.7338448762893677, + 706.54296875, + 242.70703125, + 0.9185261726379395, + 696.73828125, + 252.51171875, + 0.3712608814239502, + 726.15234375, + 389.77734375, + 0.09992142021656036 + ], + "scale": [ + 4.706250190734863, + 6.275000095367432 + ], + "score": 0.7470699727535248 + }, + { + "category_id": 1, + "center": [ + 430.0, + 225.0 + ], + "image_id": 20501322401, + "keypoints": [ + 463.6328125, + -20.039077758789062, + 0.002976440591737628, + 780.7421875, + 671.8359375, + 0.002463224111124873, + 252.22654724121094, + 316.2890625, + 0.006470402702689171, + 578.9453125, + 143.3203125, + 0.00528528168797493, + 136.91404724121094, + -29.648454666137695, + 0.003636186243966222, + 281.0546875, + 8.789048194885254, + 0.5469604730606079, + 146.52342224121094, + 143.3203125, + 0.8090426325798035, + 444.4140625, + 66.44530487060547, + 0.864803671836853, + 290.6640625, + 402.7734375, + 0.9435281753540039, + 607.7734375, + 37.6171760559082, + 0.8962212800979614, + 530.8984375, + 325.8984375, + 0.9854867458343506, + 415.5859375, + 210.5859375, + 0.7885466814041138, + 396.3671875, + 335.5078125, + 0.6674329042434692, + 665.4296875, + 133.7109375, + 0.2824810743331909, + 713.4765625, + 249.0234375, + 0.8862000703811646, + 713.4765625, + 258.6328125, + 0.29897087812423706, + 742.3046875, + 383.5546875, + 0.17681631445884705 + ], + "scale": [ + 4.612500190734863, + 6.150000095367432 + ], + "score": 0.7245158715681597 + }, + { + "category_id": 1, + "center": [ + 403.0, + 240.5 + ], + "image_id": 20501323900, + "keypoints": [ + 115.03123474121094, + 33.36457061767578, + 0.03837472200393677, + 610.1354370117188, + 215.2395782470703, + 0.0028431799728423357, + -82.00003051757812, + -42.416683197021484, + 0.008607026189565659, + 519.1979370117188, + 124.30207824707031, + 0.004332670941948891, + 64.5103988647461, + 23.26040267944336, + 0.05336353927850723, + 317.11456298828125, + 13.156235694885254, + 0.24107638001441956, + 104.92706298828125, + 144.51040649414062, + 0.7715557813644409, + 438.3645935058594, + 33.36457061767578, + 0.4338792562484741, + 246.38540649414062, + 387.01043701171875, + 0.8561602830886841, + 529.3020629882812, + 23.26040267944336, + 0.41860252618789673, + 519.1979370117188, + 447.63543701171875, + 0.8514988422393799, + 408.0520935058594, + 195.03125, + 0.7210307121276855, + 408.0520935058594, + 316.28125, + 0.8171710968017578, + 620.2396240234375, + 104.09374237060547, + 0.8251898288726807, + 711.1771240234375, + 245.5520782470703, + 0.9584565162658691, + 701.0729370117188, + 255.65625, + 0.4447311460971832, + 731.3854370117188, + 407.21875, + 0.22731393575668335 + ], + "scale": [ + 4.850000381469727, + 6.466666221618652 + ], + "score": 0.6305555254220963 + }, + { + "category_id": 1, + "center": [ + 488.5, + 229.0 + ], + "image_id": 20501302400, + "keypoints": [ + 563.6497192382812, + 180.3737030029297, + 0.0048822080716490746, + 749.3137817382812, + 189.21484375, + 0.0029349620454013348, + 877.5104370117188, + 622.4309692382812, + 0.0031636657658964396, + 95.06900787353516, + 613.58984375, + 0.0019874421413987875, + 705.1080932617188, + 153.8502655029297, + 0.001345771481283009, + 210.00390625, + -14.131510734558105, + 0.13656023144721985, + 342.62109375, + 30.07421875, + 0.6936631202697754, + 484.0794372558594, + 30.07421875, + 0.013407779857516289, + 607.85546875, + 109.64453125, + 0.6913201212882996, + 554.80859375, + 38.91536331176758, + 0.053438201546669006, + 705.1080932617188, + 21.23307228088379, + 0.24479636549949646, + 404.5091247558594, + 162.69140625, + 0.2744971513748169, + 395.66796875, + 330.6731872558594, + 0.5951830744743347, + 625.5377807617188, + 136.16796875, + 0.338422954082489, + 722.7903442382812, + 233.4205780029297, + 0.8714554309844971, + 722.7903442382812, + 242.26171875, + 0.26613229513168335, + 731.6315307617188, + 366.0377502441406, + 0.10841570794582367 + ], + "scale": [ + 4.243750095367432, + 5.6583333015441895 + ], + "score": 0.49693381413817406 + }, + { + "category_id": 1, + "center": [ + 452.0, + 240.0 + ], + "image_id": 20501325900, + "keypoints": [ + 482.9895935058594, + 31.92708396911621, + 0.005786501802504063, + 775.1770629882812, + 642.8645629882812, + 0.001950287027284503, + 367.8854064941406, + 403.8020935058594, + 0.008315418846905231, + 527.2604370117188, + 235.5729217529297, + 0.005756226368248463, + 279.34375, + 5.364583492279053, + 0.006901229731738567, + 261.6354064941406, + 14.21875, + 0.5287824273109436, + 199.65625, + 155.8854217529297, + 0.8038601875305176, + 341.3229064941406, + 76.19791412353516, + 0.6874800324440002, + 279.34375, + 430.3645935058594, + 0.9282248020172119, + 474.1354064941406, + 93.90625, + 0.91131192445755, + 500.6979064941406, + 315.2604064941406, + 0.9291054010391235, + 403.3020935058594, + 200.15625, + 0.7241779565811157, + 412.15625, + 324.1145935058594, + 0.6275950074195862, + 615.8020629882812, + 129.3229217529297, + 0.6309034824371338, + 713.1979370117188, + 244.4270782470703, + 0.9527146220207214, + 713.1979370117188, + 244.4270782470703, + 0.46773141622543335, + 748.6145629882812, + 377.2395935058594, + 0.1909031867980957 + ], + "scale": [ + 4.25, + 5.666666507720947 + ], + "score": 0.7447170235893943 + }, + { + "category_id": 1, + "center": [ + 476.0, + 232.0 + ], + "image_id": 20501326700, + "keypoints": [ + 480.2447814941406, + -9.953106880187988, + 0.009325637482106686, + 102.45835876464844, + -145.7864227294922, + 0.0015332596376538277, + 726.4426879882812, + 134.3697967529297, + 0.0013853905256837606, + 582.1198120117188, + 193.796875, + 0.0047122156247496605, + 573.6301879882812, + 219.265625, + 0.005605498794466257, + 318.9427185058594, + 7.026058673858643, + 0.1679101288318634, + 352.90106201171875, + 134.3697967529297, + 0.6855248808860779, + 420.8177185058594, + 49.47397232055664, + 0.036531269550323486, + 412.328125, + 397.546875, + 0.7159774303436279, + 471.7552185058594, + 168.328125, + 0.10572021454572678, + 497.2239685058594, + 236.2447967529297, + 0.9326398372650146, + 420.8177185058594, + 219.265625, + 0.42538541555404663, + 429.3072814941406, + 338.1197814941406, + 0.6098552942276001, + 599.0989379882812, + 117.39063262939453, + 0.7992936968803406, + 709.4635009765625, + 244.734375, + 0.8603754043579102, + 683.9947509765625, + 244.734375, + 0.48782026767730713, + 743.421875, + 329.63018798828125, + 0.11179353296756744 + ], + "scale": [ + 4.074999809265137, + 5.433333396911621 + ], + "score": 0.6896090283989906 + }, + { + "category_id": 1, + "center": [ + 445.0, + 231.5 + ], + "image_id": 20501302700, + "keypoints": [ + 687.7734375, + 138.8046875, + 0.0016358159482479095, + 714.2578125, + 200.6015625, + 0.004104582592844963, + 833.4375, + 624.3515625, + 0.002433976624161005, + 639.21875, + 690.5625610351562, + 0.0014845847617834806, + 219.88279724121094, + -20.101581573486328, + 0.005249131005257368, + 246.36717224121094, + -2.445329427719116, + 0.09759698808193207, + 281.6796875, + 77.00780487060547, + 0.7772344350814819, + 449.4140625, + 59.3515510559082, + 0.030466174706816673, + 564.1796875, + 112.32030487060547, + 0.8789435625076294, + 590.6640625, + 41.69529724121094, + 0.16825494170188904, + 564.1796875, + -20.101581573486328, + 0.18586693704128265, + 405.2734375, + 209.4296875, + 0.5209764242172241, + 387.6171875, + 333.0234375, + 0.6628553867340088, + 617.1484375, + 138.8046875, + 0.42408642172813416, + 723.0859375, + 235.9140625, + 0.9388234615325928, + 723.0859375, + 253.5703125, + 0.322943776845932, + 731.9140625, + 377.1640625, + 0.17371821403503418 + ], + "scale": [ + 4.237500190734863, + 5.650000095367432 + ], + "score": 0.646551924092429 + }, + { + "category_id": 1, + "center": [ + 423.0, + 232.0 + ], + "image_id": 20501331600, + "keypoints": [ + 244.3541717529297, + 32.9375, + 0.010686682537198067, + 622.0625, + 206.4791717529297, + 0.005537988618016243, + 872.1666870117188, + 686.2708129882812, + 0.00121590297203511, + 550.6041870117188, + 206.4791717529297, + 0.0011311231646686792, + 540.3958129882812, + 226.8958282470703, + 0.018377406522631645, + 274.9791564941406, + 12.520833015441895, + 0.3501113951206207, + 132.0625, + 135.0208282470703, + 0.8019047975540161, + 458.7291564941406, + 53.35416793823242, + 0.7733551263809204, + 295.3958435058594, + 380.0208435058594, + 0.8661092519760132, + 622.0625, + 12.520833015441895, + 0.6049885153770447, + 499.5625, + 257.5208435058594, + 0.9980863332748413, + 387.2708435058594, + 186.0625, + 0.6227563619613647, + 387.2708435058594, + 318.7708435058594, + 0.688800036907196, + 622.0625, + 83.97916412353516, + 0.6728106737136841, + 703.7291870117188, + 237.1041717529297, + 0.9114611744880676, + 683.3125, + 237.1041717529297, + 0.3167586326599121, + 754.7708129882812, + 400.4375, + 0.1876251995563507 + ], + "scale": [ + 4.900000095367432, + 6.533332824707031 + ], + "score": 0.6915583908557892 + }, + { + "category_id": 1, + "center": [ + 416.5, + 215.0 + ], + "image_id": 20501335800, + "keypoints": [ + 453.1861877441406, + 104.94140625, + 0.009265955537557602, + 411.2591247558594, + 31.56900978088379, + 0.0016709716292098165, + 715.23046875, + 251.6862030029297, + 0.002829332137480378, + 306.44140625, + 42.05078125, + 0.0016080534551292658, + 96.80599212646484, + 21.08724021911621, + 0.012549743056297302, + 285.4778747558594, + -10.358073234558105, + 0.27222907543182373, + 107.28775787353516, + 125.90494537353516, + 0.7820571064949036, + 442.7044372558594, + 31.56900978088379, + 0.6973222494125366, + 285.4778747558594, + 366.9856872558594, + 0.8481824398040771, + 641.8580932617188, + 21.08724021911621, + 0.6319671869277954, + 516.0768432617188, + 293.61328125, + 1.0204471349716187, + 400.77734375, + 188.7955780029297, + 0.73369300365448, + 379.8138122558594, + 314.5768127441406, + 0.6914812326431274, + 620.89453125, + 104.94140625, + 0.6738976240158081, + 704.7487182617188, + 251.6862030029297, + 0.8635608553886414, + 715.23046875, + 251.6862030029297, + 0.3037838339805603, + 725.7122192382812, + 408.9127502441406, + 0.1757209300994873 + ], + "scale": [ + 5.03125, + 6.708333492279053 + ], + "score": 0.6835110675204884 + }, + { + "category_id": 1, + "center": [ + 410.0, + 219.5 + ], + "image_id": 20501339400, + "keypoints": [ + 527.3958129882812, + 81.6875, + 0.014720510691404343, + 547.8125, + 0.02083333395421505, + 0.0027745389379560947, + 537.6041870117188, + 153.1458282470703, + 0.0027301928494125605, + 272.1875, + 10.229166984558105, + 0.0016282463911920786, + 98.64583587646484, + 0.02083333395421505, + 0.02364388108253479, + 282.3958435058594, + 0.02083333395421505, + 0.3950030207633972, + 108.85416412353516, + 122.52083587646484, + 0.8052432537078857, + 466.1458435058594, + 40.85416793823242, + 0.7529832124710083, + 282.3958435058594, + 347.1041564941406, + 0.8535445928573608, + 649.8958129882812, + 20.4375, + 0.8334757089614868, + 517.1875, + 275.6458435058594, + 0.9482712149620056, + 384.4791564941406, + 193.9791717529297, + 0.7612258195877075, + 374.2708435058594, + 316.4791564941406, + 0.7235680222511292, + 639.6875, + 102.10416412353516, + 0.6144264936447144, + 721.3541870117188, + 255.2291717529297, + 0.9075902700424194, + 700.9375, + 245.0208282470703, + 0.41859856247901917, + 731.5625, + 377.7291564941406, + 0.11825090646743774 + ], + "scale": [ + 4.900000095367432, + 6.533332824707031 + ], + "score": 0.7285391065207395 + }, + { + "category_id": 1, + "center": [ + 436.0, + 216.0 + ], + "image_id": 20501342800, + "keypoints": [ + 218.7473907470703, + 7.9921875, + 0.008399652317166328, + 653.2526245117188, + 424.0078125, + 0.0028190193697810173, + 680.9869995117188, + 266.8463439941406, + 0.003136175684630871, + 542.3151245117188, + 118.9296875, + 0.003944608848541975, + 144.7890625, + 17.23697853088379, + 0.010661819949746132, + 301.9505310058594, + 7.9921875, + 0.4163585603237152, + 154.0338592529297, + 137.4192657470703, + 0.7787294983863831, + 459.1119689941406, + 63.4609375, + 0.8865492939949036, + 403.6432189941406, + 331.5599060058594, + 0.8009874820709229, + 644.0078125, + 44.97135543823242, + 0.9097181558609009, + 662.4973754882812, + 331.5599060058594, + 0.9409748315811157, + 403.6432189941406, + 202.1328125, + 0.7748181819915771, + 394.3984375, + 313.0703125, + 0.6397194862365723, + 653.2526245117188, + 100.44010162353516, + 0.47762858867645264, + 708.7213745117188, + 220.6223907470703, + 0.8275187015533447, + 727.2109375, + 239.1119842529297, + 0.2833873927593231, + 699.4765625, + 424.0078125, + 0.02915221080183983 + ], + "scale": [ + 4.4375, + 5.916666507720947 + ], + "score": 0.7033081975850192 + }, + { + "category_id": 1, + "center": [ + 451.5, + 220.5 + ], + "image_id": 20501344800, + "keypoints": [ + 464.29296875, + -22.56640625, + 0.0044300793670117855, + 762.7955932617188, + 617.08203125, + 0.0017877373611554503, + 302.2486877441406, + 301.5221252441406, + 0.003652140498161316, + 583.6940307617188, + 156.53515625, + 0.001995678758248687, + 549.5794067382812, + 199.1783905029297, + 0.005460228305310011, + 319.3059997558594, + 3.01953125, + 0.5121318101882935, + 216.9622344970703, + 122.42057037353516, + 0.769222617149353, + 464.29296875, + 71.24869537353516, + 0.9051516056060791, + 336.36328125, + 378.2799377441406, + 0.8885332345962524, + 634.8659057617188, + 62.72005081176758, + 0.8549020886421204, + 549.5794067382812, + 275.9361877441406, + 0.9544385075569153, + 430.1783752441406, + 207.70703125, + 0.7784053683280945, + 404.5924377441406, + 327.1080627441406, + 0.6104186177253723, + 643.39453125, + 139.4778594970703, + 0.2980530560016632, + 703.0950317382812, + 241.8216094970703, + 0.8971762657165527, + 703.0950317382812, + 241.8216094970703, + 0.2836715281009674, + 754.2669067382812, + 361.22265625, + 0.14451804757118225 + ], + "scale": [ + 4.09375, + 5.458333492279053 + ], + "score": 0.7047367908737876 + }, + { + "category_id": 1, + "center": [ + 454.0, + 226.0 + ], + "image_id": 20501346000, + "keypoints": [ + 525.71875, + 44.59373474121094, + 0.005884916055947542, + 525.71875, + 44.59373474121094, + 0.0037442888133227825, + 525.71875, + -22.906269073486328, + 0.002271187724545598, + 593.21875, + 255.53125, + 0.006560613866895437, + 517.28125, + 61.4687385559082, + 0.015089789405465126, + 289.46875, + 10.843733787536621, + 0.5277517437934875, + 281.03125, + 120.53124237060547, + 0.7699023485183716, + 432.90625, + 78.34374237060547, + 0.8325952291488647, + 458.21875, + 382.09375, + 0.874695897102356, + 576.34375, + 120.53124237060547, + 0.8889240622520447, + 686.03125, + 314.59375, + 0.8007103800773621, + 407.59375, + 221.78125, + 0.5838121175765991, + 424.46875, + 339.90625, + 0.5585669279098511, + 626.96875, + 162.71875, + 0.4052804112434387, + 711.34375, + 230.21875, + 0.8641232252120972, + 719.78125, + 247.09375, + 0.39681923389434814, + 736.65625, + 415.84375, + 0.049675941467285156 + ], + "scale": [ + 4.050000190734863, + 5.400000095367432 + ], + "score": 0.6821074160662565 + }, + { + "category_id": 1, + "center": [ + 434.5, + 239.5 + ], + "image_id": 20501349400, + "keypoints": [ + 420.22265625, + 472.6966247558594, + 0.005671132355928421, + 629.6237182617188, + 225.22265625, + 0.0058599249459803104, + 715.2877807617188, + 168.11328125, + 0.002489659935235977, + 505.88671875, + 120.52213287353516, + 0.003664583433419466, + 153.7122344970703, + -3.21484375, + 0.01563764177262783, + 258.4127502441406, + 6.303385257720947, + 0.5527763962745667, + 172.7487030029297, + 177.6315155029297, + 0.7560014128684998, + 401.1861877441406, + 72.93099212646484, + 0.7471707463264465, + 325.0403747558594, + 444.1419372558594, + 0.9167715311050415, + 534.44140625, + 25.33984375, + 0.8460327386856079, + 553.4778442382812, + 472.6966247558594, + 0.8613713383674622, + 410.7044372558594, + 215.7044219970703, + 0.7572817802429199, + 401.1861877441406, + 339.44140625, + 0.8341892957687378, + 610.5872192382812, + 111.00390625, + 0.7699990272521973, + 715.2877807617188, + 253.77734375, + 0.9002349376678467, + 715.2877807617188, + 253.77734375, + 0.4255144000053406, + 734.32421875, + 425.10546875, + 0.2938085198402405 + ], + "scale": [ + 4.568749904632568, + 6.0916666984558105 + ], + "score": 0.7217626770337423 + }, + { + "category_id": 1, + "center": [ + 404.5, + 241.0 + ], + "image_id": 20501350000, + "keypoints": [ + 489.16796875, + 6.91796875, + 0.004273688420653343, + 608.69921875, + 226.05859375, + 0.004057575482875109, + 509.08984375, + 544.80859375, + 0.0020878331270068884, + 568.85546875, + 265.90234375, + 0.008791780099272728, + 100.69140625, + -13.00390625, + 0.006844856310635805, + 279.98828125, + -3.04296875, + 0.3151165246963501, + 110.65234375, + 126.44921875, + 0.7973380088806152, + 409.48046875, + 66.68359375, + 0.8344073295593262, + 289.94921875, + 375.47265625, + 0.8166725635528564, + 529.01171875, + 146.37109375, + 0.9181349277496338, + 548.93359375, + 445.19921875, + 0.8512782454490662, + 399.51953125, + 216.09765625, + 0.6983187794685364, + 389.55859375, + 335.62890625, + 0.7897986769676208, + 618.66015625, + 146.37109375, + 0.40216338634490967, + 718.26953125, + 245.98046875, + 0.9387593865394592, + 718.26953125, + 245.98046875, + 0.40216097235679626, + 728.23046875, + 425.27734375, + 0.3647597134113312 + ], + "scale": [ + 4.78125, + 6.375 + ], + "score": 0.6774090429147085 + }, + { + "category_id": 1, + "center": [ + 420.5, + 236.0 + ], + "image_id": 20501351100, + "keypoints": [ + 407.27734375, + 451.97003173828125, + 0.008655120618641376, + 803.95703125, + 623.8645629882812, + 0.0012108753435313702, + 680.5455322265625, + 328.55859375, + 0.001546761253848672, + 557.1340942382812, + 258.0377502441406, + 0.002811131998896599, + 204.52996826171875, + 2.39975643157959, + 0.0035425745882093906, + 292.6809997558594, + -6.415347099304199, + 0.3555774688720703, + 151.63934326171875, + 152.2565155029297, + 0.7602896690368652, + 442.5377502441406, + 55.29037857055664, + 0.8015903830528259, + 301.49609375, + 425.52471923828125, + 0.8749583959579468, + 618.83984375, + 64.10548400878906, + 0.8637176156044006, + 565.94921875, + 407.89453125, + 0.866274356842041, + 407.27734375, + 213.9622344970703, + 0.7414596080780029, + 389.6471252441406, + 328.55859375, + 0.7515450716018677, + 645.28515625, + 116.99610137939453, + 0.5218197107315063, + 715.8059692382812, + 249.22265625, + 0.8731575608253479, + 706.9908447265625, + 258.0377502441406, + 0.3849714398384094, + 742.2512817382812, + 434.33984375, + 0.4326820373535156 + ], + "scale": [ + 4.231249809265137, + 5.641666412353516 + ], + "score": 0.6856702764829 + }, + { + "category_id": 1, + "center": [ + 430.5, + 225.5 + ], + "image_id": 20501352200, + "keypoints": [ + 472.62890625, + 454.8684997558594, + 0.004155284259468317, + 622.4205932617188, + 211.45703125, + 0.004566350486129522, + 407.0950622558594, + 361.2486877441406, + 0.004645775072276592, + 500.71484375, + 108.47525787353516, + 0.00356394425034523, + 547.5247192382812, + 211.45703125, + 0.007058920804411173, + 247.94140625, + -3.8684895038604736, + 0.3347119688987732, + 163.68359375, + 192.7330780029297, + 0.7411694526672363, + 407.0950622558594, + 24.21744728088379, + 0.522100567817688, + 407.0950622558594, + 398.6966247558594, + 0.9292390942573547, + 556.88671875, + -3.8684895038604736, + 0.420463502407074, + 659.8684692382812, + 333.1627502441406, + 0.915703535079956, + 397.7330627441406, + 192.7330780029297, + 0.7701210975646973, + 397.7330627441406, + 323.80078125, + 0.7123204469680786, + 613.05859375, + 117.83724212646484, + 0.7453352212905884, + 706.6784057617188, + 248.9049530029297, + 0.8770098686218262, + 706.6784057617188, + 239.54296875, + 0.46051251888275146, + 603.6965942382812, + 127.19921875, + 0.0397133007645607 + ], + "scale": [ + 4.493750095367432, + 5.991666793823242 + ], + "score": 0.6753352067687295 + }, + { + "category_id": 1, + "center": [ + 435.5, + 224.0 + ], + "image_id": 20501353300, + "keypoints": [ + 478.80078125, + 459.7486877441406, + 0.004687882494181395, + 623.13671875, + 248.0559844970703, + 0.0037993129808455706, + 430.6888122558594, + 363.5247497558594, + 0.004328334238380194, + 555.7799682617188, + 219.1887969970703, + 0.0024950988590717316, + 132.39453125, + 17.11849021911621, + 0.012789969332516193, + 286.3528747558594, + 17.11849021911621, + 0.47422248125076294, + 170.8841094970703, + 190.3216094970703, + 0.7776069641113281, + 440.3111877441406, + 45.98567581176758, + 0.3896300792694092, + 411.4440002441406, + 392.3919372558594, + 0.9584670066833496, + 652.00390625, + 74.85286712646484, + 0.7094085216522217, + 661.6262817382812, + 334.6575622558594, + 0.9848631620407104, + 411.4440002441406, + 199.9440155029297, + 0.8368030190467834, + 401.8216247558594, + 325.03515625, + 0.694517970085144, + 632.7590942382812, + 122.96484375, + 0.7411140203475952, + 709.73828125, + 248.0559844970703, + 0.7357568144798279, + 728.9830932617188, + 257.6783752441406, + 0.35235264897346497, + 748.2278442382812, + 334.6575622558594, + 0.05071607977151871 + ], + "scale": [ + 4.618750095367432, + 6.1583333015441895 + ], + "score": 0.6958856989036907 + }, + { + "category_id": 1, + "center": [ + 439.5, + 212.0 + ], + "image_id": 20501354600, + "keypoints": [ + 443.9596252441406, + 20.23567771911621, + 0.004569279961287975, + 524.2330932617188, + 29.15494728088379, + 0.0031797767151147127, + 497.4752502441406, + -193.8268280029297, + 0.004622586537152529, + 506.39453125, + 207.5403594970703, + 0.005558510776609182, + 443.9596252441406, + 73.75130462646484, + 0.009236928075551987, + 256.6549377441406, + 20.23567771911621, + 0.5113967061042786, + 238.81640625, + 136.1862030029297, + 0.8378443717956543, + 372.60546875, + 118.34765625, + 0.8380898237228394, + 399.36328125, + 377.0065002441406, + 0.8357000946998596, + 506.39453125, + 100.50911712646484, + 0.9379206895828247, + 613.42578125, + 269.9752502441406, + 0.9325438737869263, + 408.2825622558594, + 207.5403594970703, + 0.6773712635040283, + 408.2825622558594, + 323.4908752441406, + 0.6075676083564758, + 595.5872192382812, + 127.26692962646484, + 0.6099319458007812, + 675.8606567382812, + 225.37890625, + 0.6623356342315674, + 684.7799682617188, + 216.4596405029297, + 0.2747841775417328, + 782.8919067382812, + 269.9752502441406, + 0.10707443952560425 + ], + "scale": [ + 4.28125, + 5.7083330154418945 + ], + "score": 0.7023169262842699 + }, + { + "category_id": 1, + "center": [ + 454.0, + 224.5 + ], + "image_id": 20501305500, + "keypoints": [ + 666.4609375, + 142.1171875, + 0.004234895575791597, + 709.8203125, + 194.1484375, + 0.003254548879340291, + 835.5625, + 610.3984375, + 0.0021953110117465258, + 644.78125, + 679.7734375, + 0.0022052957210689783, + 319.5859375, + -66.0078125, + 0.0022941112983971834, + 198.1796875, + -22.6484375, + 0.061972521245479584, + 336.9296875, + 46.7265625, + 0.7334632277488708, + 406.3046875, + 38.0546875, + 0.028896566480398178, + 597.0859375, + 116.1015625, + 0.8808425664901733, + 458.3359375, + 20.7109375, + 0.2774776220321655, + 588.4140625, + -13.9765625, + 0.35635560750961304, + 414.9765625, + 202.8203125, + 0.36473333835601807, + 397.6328125, + 332.8984375, + 0.6114126443862915, + 623.1015625, + 142.1171875, + 0.29804250597953796, + 727.1640625, + 228.8359375, + 0.9267047643661499, + 718.4921875, + 228.8359375, + 0.27831554412841797, + 727.1640625, + 358.9140625, + 0.09325360506772995 + ], + "scale": [ + 4.162499904632568, + 5.550000190734863 + ], + "score": 0.5252608689996932 + }, + { + "category_id": 1, + "center": [ + 431.0, + 223.5 + ], + "image_id": 20501356200, + "keypoints": [ + 535.21875, + 101.15625, + 0.006250209175050259, + 689.28125, + 291.46875, + 0.005737303290516138, + 544.28125, + 92.09375, + 0.0039199115708470345, + 544.28125, + 209.90625, + 0.0018394113285467029, + 154.59375, + -7.59375, + 0.010317378677427769, + 290.53125, + 10.53125, + 0.536078929901123, + 199.90625, + 191.78125, + 0.744860827922821, + 444.59375, + 64.90625, + 0.8380546569824219, + 435.53125, + 400.21875, + 0.9509003162384033, + 625.84375, + 73.96875, + 0.8956718444824219, + 689.28125, + 318.65625, + 0.9158801436424255, + 408.34375, + 209.90625, + 0.7478070259094238, + 408.34375, + 327.71875, + 0.6569862365722656, + 634.90625, + 128.34375, + 0.47349199652671814, + 707.40625, + 237.09375, + 0.7842612266540527, + 725.53125, + 246.15625, + 0.32784950733184814, + 680.21875, + 291.46875, + 0.027193577960133553 + ], + "scale": [ + 4.349999904632568, + 5.799999713897705 + ], + "score": 0.715622064742175 + }, + { + "category_id": 1, + "center": [ + 497.0, + 227.0 + ], + "image_id": 20501356500, + "keypoints": [ + 331.5703125, + 41.51823043823242, + 0.008110027760267258, + 702.5338745117188, + 302.1953125, + 0.003477020887658, + 391.7265625, + 322.2474060058594, + 0.014192042872309685, + 491.9869689941406, + 101.67447662353516, + 0.007138424087315798, + 181.1796875, + 41.51823043823242, + 0.01030984427779913, + 281.4400939941406, + 1.4140625, + 0.5857581496238708, + 201.2317657470703, + 181.8828125, + 0.7607883214950562, + 451.8828125, + 41.51823043823242, + 0.8546488285064697, + 441.8567810058594, + 392.4296875, + 0.8878833055496216, + 632.3515625, + 31.4921875, + 0.8792637586593628, + 692.5078125, + 322.2474060058594, + 0.9118390083312988, + 421.8046875, + 191.9088592529297, + 0.7436387538909912, + 421.8046875, + 312.2213439941406, + 0.6985921859741211, + 622.3255004882812, + 121.7265625, + 0.6462616920471191, + 732.6119995117188, + 272.1171875, + 0.8348675966262817, + 722.5859375, + 252.0651092529297, + 0.34310582280158997, + 762.6901245117188, + 382.4036560058594, + 0.08112206310033798 + ], + "scale": [ + 4.8125, + 6.416666507720947 + ], + "score": 0.7406043112277985 + }, + { + "category_id": 1, + "center": [ + 488.5, + 229.0 + ], + "image_id": 20501357600, + "keypoints": [ + 553.4674682617188, + 3.5247583389282227, + 0.009416109882295132, + 645.1861572265625, + 286.32421875, + 0.003024693112820387, + 828.6236572265625, + 569.1236572265625, + 0.0030653865542262793, + 553.4674682617188, + 11.167986869812012, + 0.0026939292438328266, + 553.4674682617188, + 3.5247583389282227, + 0.0031388970091938972, + 270.6679992675781, + -4.118470191955566, + 0.18922868371009827, + 431.17578125, + 64.67058563232422, + 0.7221733331680298, + 515.2512817382812, + 34.09767150878906, + 0.13623230159282684, + 568.75390625, + 225.1783905029297, + 0.663825273513794, + 522.89453125, + 18.811214447021484, + 0.08278679102659225, + 660.47265625, + 255.7512969970703, + 0.04444356635212898, + 438.8190002441406, + 202.2487030029297, + 0.32616105675697327, + 400.6028747558594, + 347.47003173828125, + 0.5458406209945679, + 629.8997192382812, + 156.3893280029297, + 0.38559961318969727, + 713.9752197265625, + 248.1080780029297, + 0.9268301129341125, + 713.9752197265625, + 240.46484375, + 0.2691679894924164, + 744.5481567382812, + 423.9023132324219, + 0.22634285688400269 + ], + "scale": [ + 3.6687498092651367, + 4.891666889190674 + ], + "score": 0.5082426071166992 + }, + { + "category_id": 1, + "center": [ + 439.5, + 222.0 + ], + "image_id": 20501358000, + "keypoints": [ + 362.80078125, + -17.121076583862305, + 0.022413838654756546, + 624.48046875, + 289.67578125, + 0.0049169328995049, + 308.66015625, + 46.0429801940918, + 0.0030554041732102633, + 507.17578125, + 118.23047637939453, + 0.003502039471641183, + 191.35548400878906, + -8.097640037536621, + 0.10285364836454391, + 263.54296875, + 18.972671508789062, + 0.30774253606796265, + 200.37892150878906, + 154.32421875, + 0.8101294040679932, + 453.03515625, + 18.972671508789062, + 0.22679153084754944, + 344.75390625, + 388.93359375, + 0.8780902624130249, + 579.36328125, + 0.9257968068122864, + 0.08203952014446259, + 534.24609375, + 262.60546875, + 0.9475799798965454, + 407.91796875, + 208.46484375, + 0.6916563510894775, + 407.91796875, + 325.76953125, + 0.643028199672699, + 588.38671875, + 64.08985137939453, + 0.7036198377609253, + 714.71484375, + 244.55859375, + 0.9248075485229492, + 696.66796875, + 226.51171875, + 0.5364232063293457, + 750.80859375, + 388.93359375, + 0.230942040681839 + ], + "scale": [ + 4.331249713897705, + 5.774999618530273 + ], + "score": 0.6273464452136647 + }, + { + "category_id": 1, + "center": [ + 446.5, + 220.0 + ], + "image_id": 20501359200, + "keypoints": [ + 302.6002502441406, + -16.738296508789062, + 0.01130056381225586, + 506.8450622558594, + -211.69924926757812, + 0.002310223411768675, + 432.57421875, + 345.33203125, + 0.003503699554130435, + 525.4127807617188, + 215.3580780029297, + 0.004523350391536951, + 163.34242248535156, + 20.39712142944336, + 0.03625185042619705, + 246.89712524414062, + 11.113266944885254, + 0.6057328581809998, + 191.19400024414062, + 206.07421875, + 0.7657294273376465, + 358.3033752441406, + 113.23567199707031, + 0.790763258934021, + 432.57421875, + 382.46746826171875, + 0.8730201721191406, + 488.27734375, + 131.80337524414062, + 0.9003095626831055, + 683.23828125, + 326.76434326171875, + 0.821036159992218, + 414.0065002441406, + 215.3580780029297, + 0.7854397296905518, + 423.2903747558594, + 317.48046875, + 0.6969581246376038, + 636.8190307617188, + 168.9387969970703, + 0.5126004815101624, + 711.08984375, + 233.92578125, + 0.8157350420951843, + 729.6575927734375, + 243.2096405029297, + 0.46782493591308594, + 748.2252807617188, + 336.0481872558594, + 0.05939464271068573 + ], + "scale": [ + 4.456250190734863, + 5.941667079925537 + ], + "score": 0.7304681593721564 + }, + { + "category_id": 1, + "center": [ + 462.5, + 219.5 + ], + "image_id": 20501360300, + "keypoints": [ + 537.20703125, + 164.71484375, + 0.004490852355957031, + 756.34765625, + 383.85546875, + 0.0033154021948575974, + 497.36328125, + 5.33984375, + 0.0019967162515968084, + 447.55859375, + 35.22265625, + 0.003836082760244608, + 158.69140625, + 35.22265625, + 0.008712618611752987, + 238.37890625, + 5.33984375, + 0.5453298091888428, + 188.57421875, + 184.63671875, + 0.777739405632019, + 397.75390625, + 45.18359375, + 0.6784356236457825, + 427.63671875, + 373.89453125, + 0.8619434833526611, + 567.08984375, + 15.30078125, + 0.48351049423217773, + 676.66015625, + 324.08984375, + 0.954223096370697, + 407.71484375, + 204.55859375, + 0.7686340808868408, + 407.71484375, + 334.05078125, + 0.6659005880355835, + 616.89453125, + 104.94921875, + 0.7080074548721313, + 696.58203125, + 224.48046875, + 0.8691487312316895, + 706.54296875, + 224.48046875, + 0.35709577798843384, + 736.42578125, + 453.58203125, + 0.06334903091192245 + ], + "scale": [ + 4.78125, + 6.375 + ], + "score": 0.6972698677669872 + }, + { + "category_id": 1, + "center": [ + 436.5, + 226.0 + ], + "image_id": 20501360600, + "keypoints": [ + 480.03515625, + 134.0924530029297, + 0.010669662617146969, + 683.19921875, + 385.62890625, + 0.0015997090376913548, + 334.91796875, + 317.90753173828125, + 0.010010197758674622, + 547.7565307617188, + 192.1393280029297, + 0.0018737688660621643, + 547.7565307617188, + 201.8137969970703, + 0.00621810695156455, + 218.82423400878906, + 8.324233055114746, + 0.5203922986984253, + 170.45184326171875, + 172.79037475585938, + 0.8147810697555542, + 363.94140625, + 76.04558563232422, + 0.8047633171081543, + 373.6158752441406, + 395.3033752441406, + 0.914276123046875, + 538.08203125, + 37.3476676940918, + 0.8557679057121277, + 634.8267822265625, + 366.2799377441406, + 0.8682771921157837, + 402.6393127441406, + 201.8137969970703, + 0.7846156358718872, + 402.6393127441406, + 317.90753173828125, + 0.7779222726821899, + 634.8267822265625, + 134.0924530029297, + 0.6463165283203125, + 702.5481567382812, + 230.8372344970703, + 0.871635913848877, + 731.5715942382812, + 259.8606872558594, + 0.4030323624610901, + 828.31640625, + 327.58203125, + 0.14357347786426544 + ], + "scale": [ + 4.643749713897705, + 6.191666603088379 + ], + "score": 0.7510709654201161 + }, + { + "category_id": 1, + "center": [ + 469.5, + 222.5 + ], + "image_id": 20501307201, + "keypoints": [ + 556.4596557617188, + -1.764338493347168, + 0.009805502369999886, + 657.1497802734375, + 208.76953125, + 0.007654649205505848, + 455.76953125, + -203.14456176757812, + 0.0021919219288975, + 373.38671875, + 34.85024642944336, + 0.0013374855043366551, + 583.9205932617188, + 208.76953125, + 0.001521084108389914, + 199.46742248535156, + -10.917984962463379, + 0.15979015827178955, + 364.2330627441406, + 25.69660186767578, + 0.7738115787506104, + 519.8450317382812, + 208.76953125, + 0.06612429767847061, + 519.8450317382812, + 190.4622344970703, + 0.9184779524803162, + 474.0768127441406, + 25.69660186767578, + 0.08561241626739502, + 583.9205932617188, + 7.389307975769043, + 0.5074530243873596, + 400.84765625, + 208.76953125, + 0.4291205406188965, + 400.84765625, + 336.92059326171875, + 0.6318140029907227, + 602.2278442382812, + 135.5403594970703, + 0.43661168217658997, + 721.2252807617188, + 236.23046875, + 0.9574689865112305, + 721.2252807617188, + 236.23046875, + 0.3413321375846863, + 730.37890625, + 373.53515625, + 0.08549186587333679 + ], + "scale": [ + 4.393750190734863, + 5.858333110809326 + ], + "score": 0.6245112381875515 + }, + { + "category_id": 1, + "center": [ + 435.0, + 239.5 + ], + "image_id": 20501307500, + "keypoints": [ + 516.2369995117188, + 34.01823043823242, + 0.0036176324356347322, + 621.3671875, + 225.1640625, + 0.005786926485598087, + 860.2994995117188, + 664.7994995117188, + 0.004177276510745287, + 162.6171875, + 139.1484375, + 0.0011873214971274137, + 554.4661254882812, + 225.1640625, + 0.0059677367098629475, + 229.5182342529297, + 14.903645515441895, + 0.2954396605491638, + 162.6171875, + 120.03385162353516, + 0.7939318418502808, + 305.9765625, + 81.8046875, + 0.19034944474697113, + 133.9453125, + 406.7525939941406, + 0.9054993391036987, + 401.5494689941406, + 120.03385162353516, + 0.645084023475647, + 334.6484375, + 483.2109375, + 0.7869462966918945, + 382.4349060058594, + 196.4921875, + 0.6822933554649353, + 401.5494689941406, + 339.8515625, + 0.7358630895614624, + 602.2526245117188, + 100.91927337646484, + 0.7267656326293945, + 707.3828125, + 215.6067657470703, + 0.9246389865875244, + 716.9401245117188, + 225.1640625, + 0.3895544409751892, + 726.4973754882812, + 387.6380310058594, + 0.14636699855327606 + ], + "scale": [ + 4.587500095367432, + 6.116666793823242 + ], + "score": 0.6886016666889191 + }, + { + "category_id": 1, + "center": [ + 441.5, + 223.5 + ], + "image_id": 20501375200, + "keypoints": [ + 525.4909057617188, + 33.41536331176758, + 0.006866190582513809, + 48.06901168823242, + -161.08984375, + 0.0018748276634141803, + 357.5091247558594, + -187.61328125, + 0.0035624580923467875, + 507.80859375, + 121.82682037353516, + 0.003007939551025629, + 224.8919219970703, + 59.93880081176758, + 0.0034264123532921076, + 233.7330780029297, + 15.733073234558105, + 0.19809633493423462, + 313.3033752441406, + 139.5091094970703, + 0.7498010396957397, + 428.23828125, + 166.0325469970703, + 0.1511087864637375, + 543.1731567382812, + 316.33203125, + 0.6763511896133423, + 463.6028747558594, + 201.3971405029297, + 0.40300583839416504, + 675.7903442382812, + 342.85546875, + 0.6598731279373169, + 410.5559997558594, + 210.23828125, + 0.6067506074905396, + 375.19140625, + 342.85546875, + 0.6390364170074463, + 605.0612182617188, + 121.82682037353516, + 0.7666761875152588, + 684.6315307617188, + 210.23828125, + 0.8583002090454102, + 711.1549682617188, + 219.0794219970703, + 0.3589099049568176, + 781.8840942382812, + 325.1731872558594, + 0.10019195079803467 + ], + "scale": [ + 4.243750095367432, + 5.6583333015441895 + ], + "score": 0.6354116135173373 + }, + { + "category_id": 1, + "center": [ + 428.0, + 223.0 + ], + "image_id": 20501307900, + "keypoints": [ + 484.875, + -61.37498092651367, + 0.0026946961879730225, + 25.500028610229492, + 765.4999389648438, + 0.0023904480040073395, + 813.0, + 612.375, + 0.0016964833484962583, + 336.125, + 52.3750114440918, + 0.0013216327643021941, + 222.37501525878906, + -35.12498092651367, + 0.0024980599991977215, + 161.12501525878906, + -17.624982833862305, + 0.10920118540525436, + 327.375, + 52.3750114440918, + 0.7777029275894165, + 598.625, + 201.125, + 0.013400929979979992, + 616.125, + 122.37500762939453, + 0.861875057220459, + 572.375, + 34.87501525878906, + 0.06070677936077118, + 554.875, + -26.374980926513672, + 0.21121734380722046, + 406.125, + 201.125, + 0.3519878387451172, + 397.375, + 323.625, + 0.6273558139801025, + 651.125, + 139.875, + 0.2993651032447815, + 721.125, + 227.375, + 0.9472861289978027, + 721.125, + 236.125, + 0.26372870802879333, + 721.125, + 393.625, + 0.10023575276136398 + ], + "scale": [ + 4.199999809265137, + 5.599999904632568 + ], + "score": 0.5425648652017117 + }, + { + "category_id": 1, + "center": [ + 416.5, + 227.5 + ], + "image_id": 20501381600, + "keypoints": [ + 411.55859375, + -44.27734375, + 0.04502183198928833, + 609.21484375, + 252.20703125, + 0.004198012873530388, + 851.34375, + 667.28515625, + 0.002237414475530386, + 540.03515625, + 192.91015625, + 0.007519135717302561, + 115.07421875, + 34.78515625, + 0.010248785838484764, + 184.25390625, + 15.01953125, + 0.40158164501190186, + 154.60546875, + 183.02734375, + 0.7880125641822815, + 263.31640625, + 54.55078125, + 0.32781660556793213, + 391.79296875, + 380.68359375, + 0.8916734457015991, + 352.26171875, + 15.01953125, + 0.6367717981338501, + 648.74609375, + 341.15234375, + 0.9523530006408691, + 381.91015625, + 202.79296875, + 0.7815225720405579, + 381.91015625, + 321.38671875, + 0.6614803671836853, + 599.33203125, + 103.96484375, + 0.7274725437164307, + 688.27734375, + 242.32421875, + 0.9262136220932007, + 698.16015625, + 252.20703125, + 0.3688242435455322, + 757.45703125, + 439.98046875, + 0.07107578217983246 + ], + "scale": [ + 4.743750095367432, + 6.324999809265137 + ], + "score": 0.678520218892531 + }, + { + "category_id": 1, + "center": [ + 427.5, + 225.0 + ], + "image_id": 20501461300, + "keypoints": [ + 501.62109375, + 180.52734375, + 0.0037413041573017836, + 491.73828125, + -234.55078125, + 0.0014891753671690822, + -46.875, + -111.015625, + 0.0026216066908091307, + 135.95703125, + 180.52734375, + 0.0010137474164366722, + 126.07421875, + 42.16796875, + 0.016873296350240707, + 185.37109375, + 22.40234375, + 0.5997288227081299, + 145.83984375, + 180.52734375, + 0.8286205530166626, + 363.26171875, + 150.87890625, + 0.3883817493915558, + 383.02734375, + 338.65234375, + 0.8128781318664551, + 471.97265625, + 210.17578125, + 0.8137165307998657, + 383.02734375, + 121.23046875, + 0.8449205160140991, + 383.02734375, + 239.82421875, + 0.6599084138870239, + 373.14453125, + 368.30078125, + 0.731596827507019, + 600.44921875, + 160.76171875, + 0.5088210701942444, + 699.27734375, + 269.47265625, + 0.9589707255363464, + 699.27734375, + 259.58984375, + 0.38735389709472656, + 738.80859375, + 427.59765625, + 0.25138574838638306 + ], + "scale": [ + 4.743750095367432, + 6.324999809265137 + ], + "score": 0.6488569155335426 + }, + { + "category_id": 1, + "center": [ + 401.5, + 227.0 + ], + "image_id": 20501461600, + "keypoints": [ + 314.0455627441406, + -145.83206176757812, + 0.002775866538286209, + 746.71484375, + 296.04296875, + 0.004270755220204592, + 304.83984375, + 323.66015625, + 0.0035997533705085516, + 581.01171875, + 259.2200622558594, + 0.00206173793412745, + 74.69659423828125, + -7.746109962463379, + 0.06100679934024811, + 185.16534423828125, + 19.871078491210938, + 0.549636960029602, + 139.13670349121094, + 176.3684844970703, + 0.850077748298645, + 314.0455627441406, + 121.13410949707031, + 0.3039820194244385, + 350.8684997558594, + 378.89453125, + 0.8570009469985962, + 461.3372497558594, + 203.9856719970703, + 0.6055500507354736, + 433.7200622558594, + 185.57421875, + 0.7162586450576782, + 360.07421875, + 222.3971405029297, + 0.6265908479690552, + 387.69140625, + 360.48309326171875, + 0.6520853638648987, + 590.2174682617188, + 121.13410949707031, + 0.7255196571350098, + 700.6862182617188, + 268.42578125, + 0.9097049236297607, + 682.2747802734375, + 268.42578125, + 0.3688860535621643, + 755.9205932617188, + 415.71746826171875, + 0.10529378056526184 + ], + "scale": [ + 4.418750286102295, + 5.891666412353516 + ], + "score": 0.6513902924277566 + }, + { + "category_id": 1, + "center": [ + 429.0, + 229.5 + ], + "image_id": 20501488400, + "keypoints": [ + 494.1692810058594, + 294.6692810058594, + 0.004767618607729673, + 514.2213745117188, + 94.1484375, + 0.0013147193240001798, + 474.1171875, + -196.6067657470703, + 0.0030415889341384172, + 163.3098907470703, + 184.3828125, + 0.0013398837763816118, + 123.20572662353516, + 44.01823043823242, + 0.007388717029243708, + 183.3619842529297, + 13.940104484558105, + 0.5447227358818054, + 153.2838592529297, + 174.3567657470703, + 0.8573285937309265, + 313.7005310058594, + 114.20052337646484, + 0.3914787769317627, + 403.9349060058594, + 314.7213439941406, + 0.8779194355010986, + 393.9088439941406, + 154.3046875, + 0.7675908803939819, + 514.2213745117188, + 214.4609375, + 0.7967313528060913, + 373.8567810058594, + 214.4609375, + 0.6957716345787048, + 373.8567810058594, + 364.8515625, + 0.7164850234985352, + 584.4036254882812, + 134.2526092529297, + 0.6688472628593445, + 704.7161254882812, + 274.6171875, + 0.9433591365814209, + 694.6901245117188, + 264.5911560058594, + 0.39979714155197144, + 744.8203125, + 435.0338439941406, + 0.3355388045310974 + ], + "scale": [ + 4.8125, + 6.416666507720947 + ], + "score": 0.666297564903895 + }, + { + "category_id": 1, + "center": [ + 391.5, + 232.0 + ], + "image_id": 20501529900, + "keypoints": [ + 239.1237030029297, + -8.852864265441895, + 0.528796374797821, + 219.4622344970703, + 0.9778645634651184, + 0.008950259536504745, + 209.6315155029297, + 10.80859375, + 0.19195127487182617, + 101.49349212646484, + -48.17578125, + 0.003381344024091959, + 101.49349212646484, + 30.47005271911621, + 0.8794613480567932, + 150.6471405029297, + 59.96223831176758, + 0.5671551823616028, + 140.81640625, + 217.25390625, + 0.7962090969085693, + 288.27734375, + 99.28515625, + 0.3406356871128082, + 357.0924377441406, + 354.8841247558594, + 0.7886660099029541, + 376.75390625, + 118.94661712646484, + 0.4532788395881653, + 435.73828125, + 168.1002655029297, + 0.8411799669265747, + 366.9231872558594, + 217.25390625, + 0.6951547861099243, + 376.75390625, + 354.8841247558594, + 0.7296571731567383, + 593.0299682617188, + 138.6080780029297, + 0.8937311768531799, + 691.3372192382812, + 236.9153594970703, + 0.9317607879638672, + 691.3372192382812, + 236.9153594970703, + 0.48398202657699585, + 710.9987182617188, + 394.20703125, + 0.15778899192810059 + ], + "scale": [ + 4.71875, + 6.291666507720947 + ], + "score": 0.6868975735627688 + }, + { + "category_id": 1, + "center": [ + 395.0, + 223.5 + ], + "image_id": 20501530500, + "keypoints": [ + 212.421875, + -3.609375, + 0.12794575095176697, + 158.984375, + -21.421875, + 0.005574897862970829, + 150.078125, + -3.609375, + 0.005864401813596487, + 506.328125, + 192.328125, + 0.01469798106700182, + 69.921875, + -3.609375, + 0.33318033814430237, + 176.796875, + 32.015625, + 0.6421416401863098, + 150.078125, + 174.515625, + 0.856126070022583, + 301.484375, + 129.984375, + 0.6388628482818604, + 337.109375, + 370.453125, + 0.8536579608917236, + 426.171875, + 156.703125, + 0.8719327449798584, + 470.703125, + 227.953125, + 0.789960503578186, + 363.828125, + 210.140625, + 0.7896110415458679, + 381.640625, + 352.640625, + 0.7015305757522583, + 577.578125, + 76.546875, + 0.6755417585372925, + 684.453125, + 236.859375, + 0.9385283589363098, + 684.453125, + 245.765625, + 0.4741426706314087, + 737.890625, + 388.265625, + 0.30907872319221497 + ], + "scale": [ + 4.275000095367432, + 5.699999809265137 + ], + "score": 0.6826380949753982 + }, + { + "category_id": 1, + "center": [ + 398.0, + 227.5 + ], + "image_id": 20501531900, + "keypoints": [ + 288.6900939941406, + -24.38802146911621, + 0.01141233742237091, + 459.7838439941406, + -204.9869842529297, + 0.0033452205825597048, + 440.7734375, + -176.4713592529297, + 0.0030907918699085712, + 516.8151245117188, + 222.7473907470703, + 0.010711884126067162, + 98.5859375, + -14.8828125, + 0.05763464421033859, + 184.1328125, + 32.64323043823242, + 0.6102622747421265, + 155.6171875, + 184.7265625, + 0.8453035950660706, + 317.2057189941406, + 137.2005157470703, + 0.49662402272224426, + 345.7213439941406, + 384.3359375, + 0.86243736743927, + 412.2578125, + 165.7161407470703, + 0.7192940711975098, + 469.2890625, + 232.2526092529297, + 0.8601261377334595, + 364.7317810058594, + 222.7473907470703, + 0.7671701312065125, + 383.7421875, + 346.3150939941406, + 0.6923131942749023, + 583.3515625, + 118.19010162353516, + 0.6767712831497192, + 697.4140625, + 251.2630157470703, + 0.929393470287323, + 687.9088745117188, + 241.7578125, + 0.4908478260040283, + 725.9296875, + 412.8515625, + 0.2565542161464691 + ], + "scale": [ + 4.5625, + 6.083333492279053 + ], + "score": 0.6839247991641363 + }, + { + "category_id": 1, + "center": [ + 397.0, + 227.0 + ], + "image_id": 20501545800, + "keypoints": [ + 235.0078125, + -3.7161457538604736, + 0.024350838735699654, + 765.1640625, + 300.6328125, + 0.004108392167836428, + 87.7421875, + 45.37239456176758, + 0.0073410701006650925, + 97.55989837646484, + -42.98698043823242, + 0.003613003995269537, + 97.55989837646484, + 35.5546875, + 0.38764649629592896, + 136.8307342529297, + 55.19010543823242, + 0.36359989643096924, + 136.8307342529297, + 212.2734375, + 0.7873456478118896, + 362.6380310058594, + 143.5494842529297, + 0.25949913263320923, + 401.9088439941406, + 310.4505310058594, + 0.9883840680122375, + 431.3619689941406, + 202.4557342529297, + 0.7669873237609863, + 303.7317810058594, + 74.82552337646484, + 0.9361271262168884, + 372.4557189941406, + 241.7265625, + 0.6608370542526245, + 372.4557189941406, + 379.1744689941406, + 0.7608261108398438, + 608.0807495117188, + 114.09635162353516, + 0.8163326978683472, + 706.2578125, + 251.5442657470703, + 0.949151873588562, + 716.0755004882812, + 251.5442657470703, + 0.5026551485061646, + 716.0755004882812, + 428.2630310058594, + 0.27741825580596924 + ], + "scale": [ + 4.712500095367432, + 6.2833333015441895 + ], + "score": 0.6505239101556631 + }, + { + "category_id": 1, + "center": [ + 392.0, + 240.0 + ], + "image_id": 20501506700, + "keypoints": [ + 301.2057189941406, + -22.82552146911621, + 0.008229464292526245, + 664.3828125, + 225.6640625, + 0.0030650238040834665, + 444.5650939941406, + -204.4140625, + 0.002738037146627903, + 540.1380004882812, + 130.0911407470703, + 0.0028631046880036592, + 110.05989837646484, + -13.268229484558105, + 0.0761532187461853, + 205.6328125, + 24.9609375, + 0.6448817253112793, + 157.8463592529297, + 187.4348907470703, + 0.842159628868103, + 348.9921875, + 139.6484375, + 0.6596764326095581, + 368.1067810058594, + 416.8099060058594, + 0.9035552144050598, + 463.6796875, + 187.4348907470703, + 0.888298511505127, + 549.6953125, + 254.3359375, + 0.8183689117431641, + 387.2213439941406, + 235.2213592529297, + 0.812127947807312, + 387.2213439941406, + 369.0234375, + 0.6728012561798096, + 597.4817504882812, + 139.6484375, + 0.6085532903671265, + 693.0546875, + 263.8932189941406, + 0.9451886415481567, + 693.0546875, + 254.3359375, + 0.4595905840396881, + 769.5130004882812, + 340.3515625, + 0.13236689567565918 + ], + "scale": [ + 4.587500095367432, + 6.116666793823242 + ], + "score": 0.7504729222167622 + }, + { + "category_id": 1, + "center": [ + 427.0, + 226.0 + ], + "image_id": 20502811400, + "keypoints": [ + 349.4609375, + -6.6171875, + 0.007836335338652134, + 638.9401245117188, + 303.5390625, + 0.007930664345622063, + 881.8958129882812, + 686.0651245117188, + 0.002097615273669362, + 613.09375, + -275.4192810058594, + 0.0021598597522825003, + 111.67447662353516, + 3.7213542461395264, + 0.012954948469996452, + 194.3828125, + 3.7213542461395264, + 0.3513273000717163, + 142.6901092529297, + 169.1380157470703, + 0.8595272302627563, + 318.4453125, + 45.07551956176758, + 0.12233785539865494, + 390.8150939941406, + 355.2317810058594, + 0.8722818493843079, + 401.1536560058594, + 14.059895515441895, + 0.16129255294799805, + 649.2786254882812, + 324.2161560058594, + 0.8984686732292175, + 359.7994689941406, + 179.4765625, + 0.6653070449829102, + 380.4765625, + 313.8775939941406, + 0.5771015882492065, + 545.8932495117188, + 76.09114837646484, + 0.751469612121582, + 680.2942504882812, + 231.1692657470703, + 0.8441476821899414, + 680.2942504882812, + 231.1692657470703, + 0.4154816269874573, + 752.6640625, + 313.8775939941406, + 0.08658340573310852 + ], + "scale": [ + 4.962500095367432, + 6.616666793823242 + ], + "score": 0.6927902897198995 + }, + { + "category_id": 1, + "center": [ + 407.5, + 219.5 + ], + "image_id": 20502819600, + "keypoints": [ + 322.83203125, + -74.34765625, + 0.005510708782821894, + 840.80078125, + 662.76171875, + 0.0015841214917600155, + 840.80078125, + 662.76171875, + 0.004453749395906925, + 586.796875, + -263.60546875, + 0.002345150336623192, + 123.61328125, + 35.22265625, + 0.014423508197069168, + 173.41796875, + 15.30078125, + 0.4501073956489563, + 133.57421875, + 164.71484375, + 0.8859347701072693, + 342.75390625, + 45.18359375, + 0.043781884014606476, + 402.51953125, + 304.16796875, + 0.7248420119285583, + 541.97265625, + 55.14453125, + 0.009866604581475258, + 661.50390625, + 324.08984375, + 0.8371424078941345, + 342.75390625, + 204.55859375, + 0.650033175945282, + 342.75390625, + 353.97265625, + 0.6364810466766357, + 571.85546875, + 94.98828125, + 0.5057129263877869, + 671.46484375, + 254.36328125, + 0.6303189992904663, + 691.38671875, + 244.40234375, + 0.28259316086769104, + 731.23046875, + 344.01171875, + 0.08133028447628021 + ], + "scale": [ + 4.78125, + 6.375 + ], + "score": 0.6225739883051978 + }, + { + "category_id": 1, + "center": [ + 398.5, + 225.0 + ], + "image_id": 20502838000, + "keypoints": [ + 461.3841247558594, + 287.8841247558594, + 0.003904827870428562, + 587.15234375, + 297.55859375, + 0.0055303554981946945, + 296.91796875, + 316.90753173828125, + 0.0061571598052978516, + 471.05859375, + 113.74349975585938, + 0.00395398261025548, + 84.0794448852539, + -21.699203491210938, + 0.012454772368073463, + 180.82423400878906, + 16.99871063232422, + 0.538759708404541, + 132.45184326171875, + 181.46484375, + 0.8189176321029663, + 316.2669372558594, + 133.0924530029297, + 0.29499000310897827, + 335.6158752441406, + 374.95440673828125, + 0.8152602910995483, + 432.3606872558594, + 200.8137969970703, + 0.26639410853385925, + 471.05859375, + 268.53515625, + 0.9083348512649536, + 354.96484375, + 200.8137969970703, + 0.7857436537742615, + 374.3138122558594, + 326.58203125, + 0.6933225393295288, + 558.12890625, + 75.04558563232422, + 0.7696496248245239, + 683.8970947265625, + 249.1862030029297, + 0.9213516116142273, + 674.22265625, + 239.51171875, + 0.4201244115829468, + 712.9205322265625, + 374.95440673828125, + 0.11280779540538788 + ], + "scale": [ + 4.643749713897705, + 6.191666603088379 + ], + "score": 0.6575316759673032 + }, + { + "category_id": 1, + "center": [ + 421.0, + 217.0 + ], + "image_id": 20502804700, + "keypoints": [ + 293.0703125, + -3.0390625, + 0.008054961450397968, + 436.3515625, + -248.6640625, + 0.003114827908575535, + 712.6796875, + 406.3359375, + 0.0035281567834317684, + 605.21875, + -279.3671875, + 0.0032019217032939196, + 119.0859375, + 7.1953125, + 0.03024967387318611, + 190.7265625, + 17.4296875, + 0.6534218788146973, + 160.0234375, + 170.9453125, + 0.8539425134658813, + 313.5390625, + 119.7734375, + 0.8670127391815186, + 395.4140625, + 334.6953125, + 0.8519268035888672, + 477.2890625, + 130.0078125, + 0.9039278030395508, + 589.8671875, + 211.8828125, + 0.8718298673629761, + 364.7109375, + 222.1171875, + 0.7929762601852417, + 364.7109375, + 365.3984375, + 0.7328768968582153, + 610.3359375, + 160.7109375, + 0.6033522486686707, + 692.2109375, + 273.2890625, + 0.8912736773490906, + 722.9140625, + 252.8203125, + 0.38902658224105835, + 743.3828125, + 426.8046875, + 0.47566843032836914 + ], + "scale": [ + 4.912499904632568, + 6.549999713897705 + ], + "score": 0.7406029750903448 + }, + { + "category_id": 1, + "center": [ + 421.5, + 219.0 + ], + "image_id": 20502805201, + "keypoints": [ + 377.73046875, + 9.87891960144043, + 0.006883990950882435, + 620.89453125, + 291.94921875, + 0.0011939348187297583, + 319.37109375, + 311.40234375, + 0.002543070586398244, + 163.74610900878906, + 175.23046875, + 0.0011851093731820583, + 115.1133041381836, + 9.87891960144043, + 0.019535914063453674, + 202.65235900878906, + 19.60548210144043, + 0.6663815975189209, + 154.01954650878906, + 165.50390625, + 0.8523076176643372, + 319.37109375, + 116.87110137939453, + 0.851614773273468, + 358.27734375, + 360.03515625, + 0.847370445728302, + 474.99609375, + 136.32421875, + 0.9379153251647949, + 523.62890625, + 262.76953125, + 0.8595809936523438, + 368.00390625, + 214.13671875, + 0.7807040810585022, + 368.00390625, + 340.58203125, + 0.6356419920921326, + 591.71484375, + 165.50390625, + 0.5755916833877563, + 688.98046875, + 262.76953125, + 0.8804477453231812, + 708.43359375, + 253.04296875, + 0.38636067509651184, + 737.61328125, + 408.66796875, + 0.14822369813919067 + ], + "scale": [ + 4.668749809265137, + 6.224999904632568 + ], + "score": 0.7521742663600228 + }, + { + "category_id": 1, + "center": [ + 439.5, + 216.5 + ], + "image_id": 20502805500, + "keypoints": [ + 280.26171875, + -14.65234375, + 0.009281260892748833, + -33.078125, + 853.453125, + 0.000837945903185755, + 732.29296875, + 314.09765625, + 0.005410904996097088, + 156.98046875, + -45.47265625, + 0.0017620364669710398, + 126.16015625, + 16.16796875, + 0.033873051404953, + 198.07421875, + 16.16796875, + 0.6665420532226562, + 156.98046875, + 170.26953125, + 0.8607455492019653, + 321.35546875, + 139.44921875, + 0.7516382336616516, + 362.44921875, + 365.46484375, + 0.7902572154998779, + 465.18359375, + 159.99609375, + 0.8262761831283569, + 516.55078125, + 252.45703125, + 0.691565990447998, + 362.44921875, + 221.63671875, + 0.783320963382721, + 362.44921875, + 334.64453125, + 0.6650134325027466, + 578.19140625, + 170.26953125, + 0.6671812534332275, + 701.47265625, + 262.73046875, + 0.776427686214447, + 691.19921875, + 252.45703125, + 0.4467306137084961, + 722.01953125, + 427.10546875, + 0.2453296184539795 + ], + "scale": [ + 4.931250095367432, + 6.575000286102295 + ], + "score": 0.6809190660715103 + }, + { + "category_id": 1, + "center": [ + 377.0, + 239.5 + ], + "image_id": 20502856800, + "keypoints": [ + 316.9088439941406, + 3.7578125, + 0.07744493335485458, + 252.1953125, + -51.7109375, + 0.0036139425355941057, + 307.6640625, + 3.7578125, + 0.01276378333568573, + 261.4400939941406, + -33.22135543823242, + 0.003300910349935293, + 196.7265625, + 31.4921875, + 0.12191733717918396, + 205.9713592529297, + 40.73698043823242, + 0.5742813348770142, + 141.2578125, + 197.8984375, + 0.8065840601921082, + 335.3984375, + 123.94010162353516, + 0.6490467190742493, + 261.4400939941406, + 447.5078125, + 0.8354265093803406, + 464.8255310058594, + 197.8984375, + 0.781558632850647, + 400.1119689941406, + 318.0807189941406, + 0.9121150970458984, + 363.1328125, + 216.3880157470703, + 0.6968536972999573, + 363.1328125, + 336.5703125, + 0.5823652744293213, + 575.7630004882812, + 59.2265625, + 0.5543967485427856, + 658.9661254882812, + 253.3671875, + 0.7657192349433899, + 649.7213745117188, + 271.8567810058594, + 0.3544679284095764, + 723.6796875, + 429.0182189941406, + 0.11036049574613571 + ], + "scale": [ + 4.4375, + 5.916666507720947 + ], + "score": 0.6829832033677534 + }, + { + "category_id": 1, + "center": [ + 396.0, + 218.0 + ], + "image_id": 20502808200, + "keypoints": [ + 459.984375, + 380.421875, + 0.0028958586044609547, + 745.453125, + 665.890625, + 0.0010474661830812693, + 829.125, + 656.046875, + 0.0016768262721598148, + 135.140625, + 173.703125, + 0.0009963372722268105, + 85.921875, + 6.359375, + 0.007725412026047707, + 174.515625, + 6.359375, + 0.5924729108810425, + 135.140625, + 163.859375, + 0.8259161710739136, + 332.015625, + 26.046875, + 0.5825386047363281, + 381.234375, + 370.578125, + 0.8410700559616089, + 509.203125, + 16.203125, + 0.7773681879043579, + 656.859375, + 311.515625, + 0.863690972328186, + 371.390625, + 183.546875, + 0.7495478391647339, + 381.234375, + 321.359375, + 0.699458122253418, + 578.109375, + 94.953125, + 0.6115767955780029, + 656.859375, + 272.140625, + 0.5905436277389526, + 686.390625, + 242.609375, + 0.18253567814826965, + 848.8125, + 316.4375, + 0.07465468347072601 + ], + "scale": [ + 4.724999904632568, + 6.300000190734863 + ], + "score": 0.7134183287620545 + }, + { + "category_id": 1, + "center": [ + 391.0, + 225.5 + ], + "image_id": 20502923200, + "keypoints": [ + 529.203125, + 296.984375, + 0.008172093890607357, + 452.953125, + -208.17190551757812, + 0.0020904233679175377, + 462.484375, + -160.51565551757812, + 0.0025654733180999756, + 586.390625, + 220.734375, + 0.0052378070540726185, + 90.7656021118164, + 20.57811164855957, + 0.03381916508078575, + 195.60935974121094, + 11.046860694885254, + 0.5699681043624878, + 147.95310974121094, + 182.609375, + 0.837064802646637, + 329.046875, + 115.89061737060547, + 0.7907004356384277, + 376.703125, + 344.640625, + 0.7659297585487366, + 443.421875, + 192.140625, + 0.9211353063583374, + 614.984375, + 230.265625, + 0.8592703342437744, + 367.171875, + 201.671875, + 0.7396385669708252, + 376.703125, + 325.578125, + 0.6773080229759216, + 586.390625, + 58.7031135559082, + 0.6553446054458618, + 700.765625, + 258.859375, + 0.9305360317230225, + 691.234375, + 249.328125, + 0.3890082836151123, + 700.765625, + 420.890625, + 0.20666565001010895 + ], + "scale": [ + 4.575000286102295, + 6.100000381469727 + ], + "score": 0.6952141585449377 + }, + { + "category_id": 1, + "center": [ + 399.5, + 234.0 + ], + "image_id": 20503510700, + "keypoints": [ + 561.27734375, + 258.51171875, + 0.008150453679263592, + 600.49609375, + 219.29296875, + 0.009979567490518093, + 296.55078125, + 327.14453125, + 0.003908452577888966, + 522.05859375, + 189.87890625, + 0.0027744886465370655, + 90.6523208618164, + 13.394516944885254, + 0.014663024805486202, + 188.69920349121094, + 13.394516944885254, + 0.4783926010131836, + 129.87107849121094, + 180.07421875, + 0.792575478553772, + 355.37890625, + 62.4179573059082, + 0.1079537570476532, + 335.76953125, + 425.19140625, + 0.8775327801704407, + 541.66796875, + 140.85546875, + 0.013572769239544868, + 580.88671875, + 346.75390625, + 0.8654020428657532, + 365.18359375, + 199.68359375, + 0.7566564083099365, + 365.18359375, + 327.14453125, + 0.7582135200500488, + 571.08203125, + 111.44139862060547, + 0.7835677862167358, + 678.93359375, + 248.70703125, + 0.9416683912277222, + 688.73828125, + 248.70703125, + 0.6734704971313477, + 747.56640625, + 327.14453125, + 0.1493510901927948 + ], + "scale": [ + 4.706250190734863, + 6.275000095367432 + ], + "score": 0.7697199450598823 + }, + { + "category_id": 1, + "center": [ + 411.5, + 226.5 + ], + "image_id": 20503514200, + "keypoints": [ + 249.72264099121094, + 5.894516944885254, + 0.04031560570001602, + 612.49609375, + 300.03515625, + 0.003289839718490839, + 661.51953125, + 290.23046875, + 0.002235999098047614, + 141.87107849121094, + -23.519546508789062, + 0.001317308866418898, + 102.6523208618164, + 15.69920539855957, + 0.06418886035680771, + 200.69920349121094, + 15.69920539855957, + 0.6371586918830872, + 151.67576599121094, + 182.37890625, + 0.816657304763794, + 386.98828125, + 25.50389289855957, + 0.817678689956665, + 377.18359375, + 398.08203125, + 0.8877870440483093, + 612.49609375, + 15.69920539855957, + 0.7172427177429199, + 612.49609375, + 329.44921875, + 0.9057131409645081, + 377.18359375, + 201.98828125, + 0.7316744327545166, + 377.18359375, + 319.64453125, + 0.7160681486129761, + 583.08203125, + 103.94139862060547, + 0.5616040229797363, + 661.51953125, + 251.01171875, + 0.6722602844238281, + 700.73828125, + 260.81640625, + 0.2520740330219269, + 749.76171875, + 476.5195617675781, + 0.1973116099834442 + ], + "scale": [ + 4.706250190734863, + 6.275000095367432 + ], + "score": 0.7014471373774789 + }, + { + "category_id": 1, + "center": [ + 409.5, + 216.5 + ], + "image_id": 20503515400, + "keypoints": [ + 268.46484375, + 17.10548210144043, + 0.00865265354514122, + 676.98046875, + 289.44921875, + 0.0060258000157773495, + 696.43359375, + 240.81640625, + 0.0008021945832297206, + 249.01173400878906, + 36.5586051940918, + 0.0014098371611908078, + 103.1133041381836, + 7.378920078277588, + 0.029242893680930138, + 200.37892150878906, + 17.10548210144043, + 0.6178793907165527, + 151.74610900878906, + 182.45703125, + 0.7909430265426636, + 404.63671875, + 36.5586051940918, + 0.855506420135498, + 424.08984375, + 328.35546875, + 0.8373430967330933, + 618.62109375, + 7.378920078277588, + 0.7516955733299255, + 686.70703125, + 308.90234375, + 0.9040987491607666, + 346.27734375, + 201.91015625, + 0.6656109094619751, + 346.27734375, + 357.53515625, + 0.5334761738777161, + 560.26171875, + 153.27734375, + 0.45229676365852356, + 647.80078125, + 279.72265625, + 0.5070319175720215, + 667.25390625, + 240.81640625, + 0.1801893264055252, + 725.61328125, + 260.26953125, + 0.07796406000852585 + ], + "scale": [ + 4.668749809265137, + 6.224999904632568 + ], + "score": 0.6915882021188736 + }, + { + "category_id": 1, + "center": [ + 416.0, + 221.5 + ], + "image_id": 20503516500, + "keypoints": [ + 275.53125, + 22.90625, + 0.009020788595080376, + 614.59375, + 265.09375, + 0.003486459609121084, + 847.09375, + 652.59375, + 0.0021592925768345594, + 159.28125, + 187.59375, + 0.0010329550132155418, + 110.84375, + 3.53125, + 0.02397990971803665, + 198.03125, + 22.90625, + 0.5977106094360352, + 149.59375, + 187.59375, + 0.7490698099136353, + 382.09375, + 42.28125, + 0.8800745010375977, + 440.21875, + 352.28125, + 0.8657687902450562, + 604.90625, + 3.53125, + 0.828000545501709, + 682.40625, + 313.53125, + 0.977184534072876, + 362.71875, + 236.03125, + 0.6838221549987793, + 343.34375, + 391.03125, + 0.6340451836585999, + 633.96875, + 226.34375, + 0.29125654697418213, + 672.71875, + 284.46875, + 0.5541956424713135, + 701.78125, + 245.71875, + 0.12639005482196808, + 769.59375, + 323.21875, + 0.016103263944387436 + ], + "scale": [ + 4.650000095367432, + 6.199999809265137 + ], + "score": 0.7061128318309784 + }, + { + "category_id": 1, + "center": [ + 487.0, + 231.5 + ], + "image_id": 20503517200, + "keypoints": [ + 259.578125, + -7.015625, + 0.08571135252714157, + 714.421875, + 314.703125, + 0.0035857069306075573, + 237.390625, + 26.265625, + 0.011684068478643894, + 548.015625, + -40.296875, + 0.0046123480424284935, + 104.265625, + 4.078125, + 0.191925048828125, + 215.203125, + 15.171875, + 0.6521613001823425, + 148.640625, + 181.578125, + 0.8374433517456055, + 403.796875, + 26.265625, + 0.850551187992096, + 448.171875, + 347.984375, + 0.9369550943374634, + 614.578125, + 15.171875, + 0.8367574214935303, + 703.328125, + 314.703125, + 0.9521675109863281, + 381.609375, + 203.765625, + 0.7514616250991821, + 370.515625, + 347.984375, + 0.6739512085914612, + 614.578125, + 148.296875, + 0.5818884372711182, + 692.234375, + 259.234375, + 0.6717468500137329, + 714.421875, + 237.046875, + 0.23148180544376373, + 780.984375, + 392.359375, + 0.08569493889808655 + ], + "scale": [ + 5.325000286102295, + 7.099999904632568 + ], + "score": 0.7251423448324203 + }, + { + "category_id": 1, + "center": [ + 402.5, + 224.0 + ], + "image_id": 20503519000, + "keypoints": [ + 244.8762969970703, + 5.360677242279053, + 0.01058222260326147, + 692.32421875, + 300.26953125, + 0.007504516281187534, + 849.9479370117188, + 676.5325317382812, + 0.002217246452346444, + 244.8762969970703, + 35.86848831176758, + 0.002725154161453247, + 102.50650787353516, + 15.529948234558105, + 0.07683618366718292, + 204.19921875, + 5.360677242279053, + 0.575615644454956, + 143.18359375, + 188.4075469970703, + 0.8049913644790649, + 397.4153747558594, + 46.03776168823242, + 0.8405853509902954, + 427.9231872558594, + 351.1158752441406, + 0.9123020172119141, + 600.80078125, + 56.20703125, + 0.838621973991394, + 692.32421875, + 300.26953125, + 0.915459156036377, + 366.9075622558594, + 218.9153594970703, + 0.7056413888931274, + 366.9075622558594, + 340.9466247558594, + 0.6654423475265503, + 580.4622192382812, + 96.88411712646484, + 0.5129358172416687, + 671.9856567382812, + 239.25390625, + 0.7577328681945801, + 692.32421875, + 229.0846405029297, + 0.3334822654724121, + 763.5090942382812, + 269.76171875, + 0.07802265882492065 + ], + "scale": [ + 4.881249904632568, + 6.508333206176758 + ], + "score": 0.7148009267720309 + }, + { + "category_id": 1, + "center": [ + 417.0, + 234.0 + ], + "image_id": 20503520500, + "keypoints": [ + 329.34375, + -59.90623092651367, + 0.0023097374942153692, + 628.40625, + 208.21875, + 0.0017214068211615086, + 226.21876525878906, + 342.28125, + 0.0029373131692409515, + 236.53126525878906, + 22.59376335144043, + 0.002319444203749299, + 92.1562728881836, + 1.968764305114746, + 0.015211029909551144, + 205.59376525878906, + 12.28126335144043, + 0.5809698700904846, + 143.71876525878906, + 187.59375, + 0.819627046585083, + 391.21875, + 53.5312614440918, + 0.8774305582046509, + 308.71875, + 424.78125, + 0.9342417120933533, + 597.46875, + 53.5312614440918, + 0.8606793880462646, + 494.34375, + 290.71875, + 0.919171929359436, + 370.59375, + 208.21875, + 0.7844467163085938, + 360.28125, + 331.96875, + 0.6755348443984985, + 597.46875, + 105.09375762939453, + 0.7837022542953491, + 679.96875, + 249.46875, + 0.8899115920066833, + 690.28125, + 239.15625, + 0.42338865995407104, + 700.59375, + 393.84375, + 0.13942381739616394 + ], + "scale": [ + 4.949999809265137, + 6.600000381469727 + ], + "score": 0.7771913246674971 + }, + { + "category_id": 1, + "center": [ + 402.0, + 241.0 + ], + "image_id": 20503523700, + "keypoints": [ + 268.0546875, + -12.007796287536621, + 0.1073257252573967, + 208.52345275878906, + -31.851545333862305, + 0.0023031493183225393, + 198.60157775878906, + 17.757827758789062, + 0.019699322059750557, + 476.4140625, + 7.835952281951904, + 0.0025203980039805174, + 129.14845275878906, + 27.67970085144043, + 0.5296435356140137, + 208.52345275878906, + 27.67970085144043, + 0.5384206771850586, + 148.99220275878906, + 196.3515625, + 0.8655332922935486, + 377.1953125, + 37.6015739440918, + 0.8458872437477112, + 307.7421875, + 424.5546875, + 0.8813703060150146, + 545.8671875, + 116.97657012939453, + 0.9248831272125244, + 496.2578125, + 295.5703125, + 0.9605734348297119, + 347.4296875, + 216.1953125, + 0.702197253704071, + 357.3515625, + 345.1796875, + 0.5872632265090942, + 535.9453125, + 146.7421875, + 0.5647461414337158, + 684.7734375, + 255.8828125, + 0.7859439849853516, + 684.7734375, + 245.9609375, + 0.38401198387145996, + 724.4609375, + 335.2578125, + 0.16074183583259583 + ], + "scale": [ + 4.762499809265137, + 6.349999904632568 + ], + "score": 0.7142061839501063 + }, + { + "category_id": 1, + "center": [ + 426.5, + 238.0 + ], + "image_id": 20503524100, + "keypoints": [ + 274.52734375, + -12.019547462463379, + 0.010120946913957596, + 617.69140625, + 213.48828125, + 0.0021246017422527075, + 254.91795349121094, + 331.14453125, + 0.006328407675027847, + 156.87107849121094, + -12.019547462463379, + 0.0015891785733401775, + 147.06639099121094, + 27.19920539855957, + 0.033271461725234985, + 215.69920349121094, + 17.394515991210938, + 0.5694856643676758, + 137.26170349121094, + 184.07421875, + 0.7733665108680725, + 382.37890625, + 27.19920539855957, + 0.8117048740386963, + 313.74609375, + 429.19140625, + 0.9044102430343628, + 588.27734375, + 76.22264862060547, + 0.8146040439605713, + 490.23046875, + 291.92578125, + 0.9202341437339783, + 352.96484375, + 213.48828125, + 0.7566397190093994, + 352.96484375, + 340.94921875, + 0.6475984454154968, + 578.47265625, + 115.44139862060547, + 0.6821087002754211, + 676.51953125, + 262.51171875, + 0.7782009840011597, + 696.12890625, + 252.70703125, + 0.423337459564209, + 725.54296875, + 331.14453125, + 0.13935017585754395 + ], + "scale": [ + 4.706250190734863, + 6.275000095367432 + ], + "score": 0.734699162569913 + }, + { + "category_id": 1, + "center": [ + 393.5, + 239.5 + ], + "image_id": 20503525100, + "keypoints": [ + 313.7018127441406, + -46.83463668823242, + 0.002826944924890995, + 585.9544067382812, + 309.91015625, + 0.0039404830895364285, + 370.0299377441406, + -197.04296875, + 0.00175430066883564, + 501.4622497558594, + 234.8059844970703, + 0.007921961136162281, + 97.77734375, + 0.10546875, + 0.07091005146503448, + 201.0455780029297, + 18.88150978088379, + 0.5134236812591553, + 135.3294219970703, + 197.25390625, + 0.7521923184394836, + 323.08984375, + 140.92578125, + 0.07012420892715454, + 313.7018127441406, + 431.9544372558594, + 0.8785757422447205, + 482.6861877441406, + 197.25390625, + 0.020635731518268585, + 492.07421875, + 291.1341247558594, + 0.9618337154388428, + 370.0299377441406, + 216.0299530029297, + 0.7556222081184387, + 360.6419372558594, + 356.8502502441406, + 0.5991067886352539, + 585.9544067382812, + 112.76171875, + 0.8150119781494141, + 679.8346557617188, + 253.58203125, + 0.927081823348999, + 670.4465942382812, + 244.1940155029297, + 0.4908970892429352, + 764.3268432617188, + 338.07421875, + 0.16631938517093658 + ], + "scale": [ + 4.506249904632568, + 6.008333683013916 + ], + "score": 0.7437494827641381 + }, + { + "category_id": 1, + "center": [ + 413.5, + 239.5 + ], + "image_id": 20503525900, + "keypoints": [ + 252.24349975585938, + 5.417983055114746, + 0.008185264654457569, + 616.37109375, + 213.4908905029297, + 0.009904524311423302, + 304.26171875, + 390.35284423828125, + 0.00568615784868598, + 491.52734375, + 109.45443725585938, + 0.0032242611050605774, + 106.59246826171875, + 26.22527313232422, + 0.07152963429689407, + 189.82162475585938, + 15.82162857055664, + 0.6467143297195435, + 137.80340576171875, + 192.68359375, + 0.8077210187911987, + 387.4908752441406, + 36.6289176940918, + 0.6626734733581543, + 304.26171875, + 431.9674377441406, + 0.9365354776382446, + 564.3528442382812, + -15.389307022094727, + 0.34751343727111816, + 481.1236877441406, + 296.7200622558594, + 0.957457423210144, + 356.2799377441406, + 203.0872344970703, + 0.7578517198562622, + 366.68359375, + 338.3346252441406, + 0.650111734867096, + 564.3528442382812, + 109.45443725585938, + 0.8547077178955078, + 678.79296875, + 255.10546875, + 0.8221235275268555, + 668.3892822265625, + 244.7018280029297, + 0.6209592223167419, + 730.8111572265625, + 307.1236877441406, + 0.23695358633995056 + ], + "scale": [ + 4.993749618530273, + 6.658333778381348 + ], + "score": 0.6917768890659014 + }, + { + "category_id": 1, + "center": [ + 399.5, + 235.0 + ], + "image_id": 20503527600, + "keypoints": [ + 277.59246826171875, + -13.691390037536621, + 0.009029960259795189, + 589.67578125, + 308.14453125, + 0.0035534026101231575, + 648.19140625, + 327.64971923828125, + 0.0016898344038054347, + 228.82943725585938, + 25.31902313232422, + 0.0014601669972762465, + 160.56121826171875, + -13.691390037536621, + 0.025503505021333694, + 199.57162475585938, + 15.566420555114746, + 0.6026608347892761, + 141.05599975585938, + 191.11328125, + 0.8070230484008789, + 394.6236877441406, + 35.07162857055664, + 0.8335282802581787, + 297.09765625, + 425.17578125, + 0.8949018120765686, + 609.1809692382812, + 35.07162857055664, + 0.8644123077392578, + 492.14971923828125, + 298.3919372558594, + 0.9688987731933594, + 365.3658752441406, + 220.37109375, + 0.8157463669776917, + 355.61328125, + 347.1549377441406, + 0.6603798270225525, + 589.67578125, + 113.09245300292969, + 0.7700154781341553, + 687.2017822265625, + 259.3815002441406, + 0.8906035423278809, + 687.2017822265625, + 259.3815002441406, + 0.5484316349029541, + 716.4595947265625, + 395.91796875, + 0.15595760941505432 + ], + "scale": [ + 4.681249618530273, + 6.241666793823242 + ], + "score": 0.7869638096202504 + }, + { + "category_id": 1, + "center": [ + 396.0, + 236.0 + ], + "image_id": 20503528000, + "keypoints": [ + 245.84375, + 18.03125, + 0.0054626138880848885, + 594.59375, + 308.65625, + 0.0023361663334071636, + 822.25, + 667.09375, + 0.0010631303302943707, + 226.46875, + 37.40625, + 0.0013924450613558292, + 158.65625, + -11.03125, + 0.029443057253956795, + 197.40625, + 18.03125, + 0.5410704612731934, + 139.28125, + 192.40625, + 0.7947266101837158, + 391.15625, + 37.40625, + 0.8086668252944946, + 303.96875, + 424.90625, + 0.9106298685073853, + 613.96875, + 37.40625, + 0.8447740077972412, + 497.71875, + 298.96875, + 0.9887330532073975, + 362.09375, + 211.78125, + 0.7524591684341431, + 352.40625, + 337.71875, + 0.6400396227836609, + 594.59375, + 114.90625, + 0.7616435289382935, + 701.15625, + 260.21875, + 0.7223327159881592, + 681.78125, + 260.21875, + 0.4002232551574707, + 730.21875, + 298.96875, + 0.11775407195091248 + ], + "scale": [ + 4.650000095367432, + 6.199999809265137 + ], + "score": 0.7422999197786505 + }, + { + "category_id": 1, + "center": [ + 429.0, + 233.5 + ], + "image_id": 20503528700, + "keypoints": [ + 271.734375, + -9.546891212463379, + 0.03018905594944954, + 614.859375, + 304.984375, + 0.0019941453356295824, + 233.60935974121094, + -9.546891212463379, + 0.004470552317798138, + 90.6406021118164, + -9.546891212463379, + 0.0018801786936819553, + 119.2343521118164, + -9.546891212463379, + 0.169206440448761, + 214.54685974121094, + 9.515609741210938, + 0.615121603012085, + 138.29685974121094, + 181.078125, + 0.7739170789718628, + 395.640625, + 28.57811164855957, + 0.8144190311431885, + 309.859375, + 428.890625, + 0.9043805003166199, + 624.390625, + 38.1093635559082, + 0.8473200798034668, + 490.953125, + 295.453125, + 0.9240953326225281, + 367.046875, + 219.203125, + 0.7873955965042114, + 347.984375, + 343.109375, + 0.6991218328475952, + 586.265625, + 114.35936737060547, + 0.7563381195068359, + 681.578125, + 247.796875, + 0.8498951196670532, + 691.109375, + 247.796875, + 0.37721389532089233, + 729.234375, + 400.296875, + 0.24675047397613525 + ], + "scale": [ + 4.575000286102295, + 6.100000381469727 + ], + "score": 0.7163307219743729 + }, + { + "category_id": 1, + "center": [ + 431.5, + 217.5 + ], + "image_id": 20503529400, + "keypoints": [ + 274.2799377441406, + -10.72265625, + 0.017816148698329926, + 426.4283752441406, + 80.56640625, + 0.0025236064102500677, + 659.72265625, + -31.00911521911621, + 0.0018355542561039329, + 477.14453125, + 80.56640625, + 0.0026690715458244085, + 122.13150787353516, + -0.5794270634651184, + 0.03369854390621185, + 213.4205780029297, + 9.563801765441895, + 0.561540424823761, + 162.7044219970703, + 192.1419219970703, + 0.75242680311203, + 406.1419372558594, + 29.85025978088379, + 0.8308687210083008, + 406.1419372558594, + 384.86328125, + 0.9271900653839111, + 609.0065307617188, + 19.70703125, + 0.8113943338394165, + 680.0090942382812, + 334.1471252441406, + 0.9173710942268372, + 365.5690002441406, + 202.28515625, + 0.6955928802490234, + 365.5690002441406, + 354.43359375, + 0.4502504765987396, + 588.7200317382812, + 110.99609375, + 0.5720739364624023, + 669.8659057617188, + 283.4309997558594, + 0.540640115737915, + 690.15234375, + 242.8580780029297, + 0.15094509720802307, + 761.1549682617188, + 445.72265625, + 0.1292194426059723 + ], + "scale": [ + 4.868750095367432, + 6.491666316986084 + ], + "score": 0.7059348851442337 + }, + { + "category_id": 1, + "center": [ + 405.0, + 240.0 + ], + "image_id": 20503531200, + "keypoints": [ + 323.0989685058594, + -44.24479293823242, + 0.002750599756836891, + 284.5572814941406, + 418.2552185058594, + 0.0029425269458442926, + 226.7447967529297, + 408.6197814941406, + 0.003977683838456869, + 515.8073120117188, + 235.1822967529297, + 0.0038889949209988117, + 91.84896087646484, + -5.703125, + 0.05776912719011307, + 207.4739532470703, + 13.567708015441895, + 0.5552598834037781, + 149.6614532470703, + 187.0052032470703, + 0.7998899221420288, + 400.1822814941406, + 32.83854293823242, + 0.6634484529495239, + 265.2864685058594, + 466.4322814941406, + 0.8459720611572266, + 621.796875, + 3.9322917461395264, + 0.663240373134613, + 486.9010314941406, + 350.8072814941406, + 0.9163673520088196, + 371.2760314941406, + 225.546875, + 0.7473471164703369, + 371.2760314941406, + 360.4427185058594, + 0.7212473154067993, + 592.890625, + 109.921875, + 0.5780975818634033, + 679.609375, + 254.453125, + 0.9121153354644775, + 679.609375, + 264.0885314941406, + 0.3325847387313843, + 708.515625, + 408.6197814941406, + 0.10038073360919952 + ], + "scale": [ + 4.625, + 6.1666669845581055 + ], + "score": 0.7032336484302174 + }, + { + "category_id": 1, + "center": [ + 409.5, + 240.0 + ], + "image_id": 20503531600, + "keypoints": [ + 249.01173400878906, + -17.753889083862305, + 0.007916984148323536, + 608.89453125, + 312.94921875, + 0.0033814276102930307, + 837.46875, + 672.83203125, + 0.002368787070736289, + 482.44921875, + 118.41797637939453, + 0.0017496868968009949, + 93.3867416381836, + -17.753889083862305, + 0.04692605510354042, + 210.10548400878906, + 11.425796508789062, + 0.6840842366218567, + 142.01954650878906, + 196.23046875, + 0.8082046508789062, + 394.91015625, + 30.87891960144043, + 0.8459072113037109, + 317.09765625, + 449.12109375, + 0.9124432802200317, + 599.16796875, + 1.6992343664169312, + 0.5618638396263123, + 511.62890625, + 312.94921875, + 0.9991861581802368, + 375.45703125, + 225.41015625, + 0.7994716167449951, + 365.73046875, + 361.58203125, + 0.6881195306777954, + 589.44140625, + 108.69141387939453, + 0.8552255034446716, + 676.98046875, + 254.58984375, + 0.8540443181991577, + 686.70703125, + 254.58984375, + 0.356987327337265, + 715.88671875, + 351.85546875, + 0.14744773507118225 + ], + "scale": [ + 4.668749809265137, + 6.224999904632568 + ], + "score": 0.7605034248395399 + }, + { + "category_id": 1, + "center": [ + 400.5, + 238.0 + ], + "image_id": 20503533600, + "keypoints": [ + 462.19921875, + 394.62109375, + 0.005852703470736742, + 585.59765625, + 214.26953125, + 0.004927402827888727, + 642.55078125, + 328.17578125, + 0.0042096092365682125, + 538.13671875, + 109.85546875, + 0.0016143879620358348, + 167.94140625, + -13.54296875, + 0.00818062573671341, + 215.40234375, + -4.05078125, + 0.4686901569366455, + 148.95703125, + 176.30078125, + 0.7618317008018494, + 395.75390625, + 33.91796875, + 0.8410416841506958, + 319.81640625, + 442.08203125, + 0.8605973124504089, + 614.07421875, + 33.91796875, + 0.78858882188797, + 566.61328125, + 394.62109375, + 0.917086124420166, + 367.27734375, + 185.79296875, + 0.6391206979751587, + 367.27734375, + 318.68359375, + 0.7380900979042053, + 604.58203125, + 109.85546875, + 0.7443268299102783, + 680.51953125, + 233.25390625, + 0.9287267327308655, + 690.01171875, + 242.74609375, + 0.4055255055427551, + 690.01171875, + 394.62109375, + 0.17174777388572693 + ], + "scale": [ + 4.556250095367432, + 6.075000286102295 + ], + "score": 0.7357841513373635 + }, + { + "category_id": 1, + "center": [ + 446.5, + 229.0 + ], + "image_id": 20503538900, + "keypoints": [ + 286.4544372558594, + 130.90756225585938, + 0.008499061688780785, + 678.82421875, + 285.7903747558594, + 0.0034597162157297134, + 338.08203125, + 327.0924377441406, + 0.007894136011600494, + 441.3372497558594, + 141.2330780029297, + 0.006567475385963917, + 141.89715576171875, + 37.977874755859375, + 0.03205219656229019, + 214.17579650878906, + 17.32683563232422, + 0.7143580913543701, + 141.89715576171875, + 182.53515625, + 0.8167934417724609, + 369.05859375, + 89.60547637939453, + 0.8821119666099548, + 358.73309326171875, + 409.69659423828125, + 0.8693220615386963, + 513.6159057617188, + 48.30339813232422, + 0.8745335340499878, + 606.5455932617188, + 337.41796875, + 0.8427692651748657, + 379.3841247558594, + 213.51171875, + 0.7775554060935974, + 379.3841247558594, + 327.0924377441406, + 0.7708305716514587, + 585.89453125, + 110.25651550292969, + 0.6905004382133484, + 658.1731567382812, + 254.8137969970703, + 0.7985098361968994, + 699.4752197265625, + 244.48828125, + 0.4260333180427551, + 720.1262817382812, + 420.0221252441406, + 0.17034776508808136 + ], + "scale": [ + 4.956249713897705, + 6.608333587646484 + ], + "score": 0.7693925391543995 + }, + { + "category_id": 1, + "center": [ + 425.0, + 223.5 + ], + "image_id": 20503540200, + "keypoints": [ + 251.36720275878906, + 0.2578268051147461, + 0.08481993526220322, + 241.44532775878906, + -49.35154342651367, + 0.0038713759277015924, + 201.75782775878906, + 0.2578268051147461, + 0.01621336303651333, + 499.4140625, + 149.0859375, + 0.00825311429798603, + 112.4609603881836, + 20.10157585144043, + 0.6797981262207031, + 231.52345275878906, + 10.17970085144043, + 0.6476335525512695, + 142.22657775878906, + 198.6953125, + 0.766761302947998, + 390.2734375, + 59.7890739440918, + 0.8398421406745911, + 370.4296875, + 407.0546875, + 0.9149602651596069, + 568.8671875, + 139.1640625, + 0.8693101406097412, + 618.4765625, + 327.6796875, + 0.908812403678894, + 370.4296875, + 218.5390625, + 0.7158718109130859, + 360.5078125, + 337.6015625, + 0.5912340879440308, + 618.4765625, + 208.6171875, + 0.5474758744239807, + 658.1640625, + 297.9140625, + 0.40996626019477844, + 687.9296875, + 287.9921875, + 0.2245587408542633, + 707.7734375, + 426.8984375, + 0.10594825446605682 + ], + "scale": [ + 4.762499809265137, + 6.349999904632568 + ], + "score": 0.6763520588477453 + }, + { + "category_id": 1, + "center": [ + 411.0, + 225.0 + ], + "image_id": 20503540800, + "keypoints": [ + 220.5703125, + -33.7890625, + 0.005577587056905031, + 611.1953125, + 298.2421875, + 0.006089119706302881, + 660.0234375, + 288.4765625, + 0.0027528798673301935, + 142.4453125, + -24.0234375, + 0.0028077280148863792, + 103.3828125, + 15.0390625, + 0.21060410141944885, + 201.0390625, + 15.0390625, + 0.5286198854446411, + 142.4453125, + 210.3515625, + 0.7781764268875122, + 347.5234375, + 132.2265625, + 0.09301339089870453, + 367.0546875, + 405.6640625, + 0.8992835283279419, + 611.1953125, + 24.8046875, + 0.08721813559532166, + 620.9609375, + 327.5390625, + 0.8859188556671143, + 367.0546875, + 200.5859375, + 0.7890825271606445, + 376.8203125, + 327.5390625, + 0.7244237661361694, + 581.8984375, + 122.4609375, + 0.73378586769104, + 679.5546875, + 288.4765625, + 0.7683048844337463, + 699.0859375, + 259.1796875, + 0.3558078110218048, + 728.3828125, + 347.0703125, + 0.06489290297031403 + ], + "scale": [ + 4.6875, + 6.25 + ], + "score": 0.6674007654190064 + }, + { + "category_id": 1, + "center": [ + 404.5, + 232.5 + ], + "image_id": 20503541600, + "keypoints": [ + 268.67315673828125, + 0.27993106842041016, + 0.022345267236232758, + 671.7721557617188, + 280.6966247558594, + 0.002189488848671317, + 382.5924377441406, + 359.5638122558594, + 0.004517523571848869, + 470.22265625, + 131.72525024414062, + 0.005348339211195707, + 119.7018051147461, + 0.27993106842041016, + 0.07300754636526108, + 224.85806274414062, + 17.805973052978516, + 0.6298619508743286, + 145.99085998535156, + 193.06640625, + 0.7445799112319946, + 382.5924377441406, + 44.09503936767578, + 0.8199570178985596, + 365.06640625, + 420.90496826171875, + 0.8763585090637207, + 549.08984375, + -26.009132385253906, + 0.45048788189888, + 601.66796875, + 324.51171875, + 0.8156880140304565, + 365.06640625, + 201.8294219970703, + 0.7488012909889221, + 373.8294372558594, + 324.51171875, + 0.7364962697029114, + 566.6159057617188, + 96.67316436767578, + 0.7893602848052979, + 680.53515625, + 245.64453125, + 0.8878330588340759, + 680.53515625, + 245.64453125, + 0.34723395109176636, + 715.5872802734375, + 403.37890625, + 0.07519508898258209 + ], + "scale": [ + 4.206250190734863, + 5.608333587646484 + ], + "score": 0.713332558220083 + }, + { + "category_id": 1, + "center": [ + 416.0, + 232.5 + ], + "image_id": 20503541900, + "keypoints": [ + 261.8072814941406, + 18.61979103088379, + 0.006081368308514357, + 619.9323120117188, + 307.109375, + 0.0037792795337736607, + 311.546875, + 327.0052185058594, + 0.004379823803901672, + 490.609375, + 108.15103912353516, + 0.004519493319094181, + 102.640625, + 8.671875, + 0.019825637340545654, + 202.1197967529297, + 18.61979103088379, + 0.551455020904541, + 142.4322967529297, + 187.734375, + 0.7669473886489868, + 401.078125, + 28.56770896911621, + 0.8292728662490845, + 371.234375, + 406.5885314941406, + 0.8910133242607117, + 619.9323120117188, + 38.515625, + 0.8197433948516846, + 600.0364379882812, + 317.0572814941406, + 0.8079725503921509, + 371.234375, + 207.6302032470703, + 0.7547206878662109, + 371.234375, + 327.0052185058594, + 0.7131736278533936, + 590.0885620117188, + 108.15103912353516, + 0.7576370239257812, + 659.7239379882812, + 287.2135314941406, + 0.5979326963424683, + 699.515625, + 247.421875, + 0.3558112382888794, + 719.4114379882812, + 406.5885314941406, + 0.13835084438323975 + ], + "scale": [ + 4.775000095367432, + 6.366666793823242 + ], + "score": 0.7132436199621721 + }, + { + "category_id": 1, + "center": [ + 404.5, + 232.0 + ], + "image_id": 20503542200, + "keypoints": [ + 484.7408752441406, + 19.59765625, + 0.00699559785425663, + 673.54296875, + 283.9205627441406, + 0.003521519945934415, + 380.8997497558594, + 368.8815002441406, + 0.0033599473536014557, + 475.30078125, + 76.23828125, + 0.002896503545343876, + 107.13671875, + -8.72265625, + 0.16623249650001526, + 210.9778594970703, + 10.157551765441895, + 0.5389171242713928, + 144.8971405029297, + 198.9596405029297, + 0.7854372262954712, + 390.33984375, + 47.91796875, + 0.8278099298477173, + 371.4596252441406, + 416.08203125, + 0.9161273837089539, + 579.1419067382812, + 113.99869537353516, + 0.8351345062255859, + 616.90234375, + 321.6809997558594, + 0.798810601234436, + 371.4596252441406, + 198.9596405029297, + 0.715208888053894, + 362.01953125, + 331.12109375, + 0.7512747049331665, + 579.1419067382812, + 113.99869537353516, + 0.4593205451965332, + 673.54296875, + 265.0403747558594, + 0.812642514705658, + 692.4231567382812, + 265.0403747558594, + 0.4656051695346832, + 758.50390625, + 425.5221252441406, + 0.11048832535743713 + ], + "scale": [ + 4.53125, + 6.0416669845581055 + ], + "score": 0.7187535085461356 + }, + { + "category_id": 1, + "center": [ + 434.5, + 239.5 + ], + "image_id": 20503545000, + "keypoints": [ + 267.99609375, + 8.54296875, + 0.009650304913520813, + 907.15625, + 717.52734375, + 0.0010574092157185078, + 235.76953125, + 341.55078125, + 0.003973664250224829, + 257.25390625, + 40.76953125, + 0.002327034017071128, + 106.86328125, + 40.76953125, + 0.023686178028583527, + 214.28515625, + 19.28515625, + 0.6488993763923645, + 139.08984375, + 191.16015625, + 0.795445442199707, + 396.90234375, + 40.76953125, + 0.8021715879440308, + 267.99609375, + 448.97265625, + 0.8873435258865356, + 590.26171875, + 19.28515625, + 0.5331811904907227, + 439.87109375, + 320.06640625, + 0.9774413108825684, + 364.67578125, + 223.38671875, + 0.7816158533096313, + 353.93359375, + 352.29296875, + 0.745255708694458, + 579.51953125, + 105.22265625, + 0.8105026483535767, + 686.94140625, + 255.61328125, + 0.8953758478164673, + 686.94140625, + 255.61328125, + 0.6555945873260498, + 719.16796875, + 427.48828125, + 0.28500980138778687 + ], + "scale": [ + 5.15625, + 6.875 + ], + "score": 0.7348197400569916 + }, + { + "category_id": 1, + "center": [ + 426.0, + 239.5 + ], + "image_id": 20503546900, + "keypoints": [ + 309.203125, + -19.484375, + 0.0062513649463653564, + 299.046875, + 386.765625, + 0.0018025386380031705, + 238.109375, + 335.984375, + 0.004871546756476164, + 532.640625, + 244.578125, + 0.0018017060356214643, + 106.078125, + 10.984375, + 0.01493976078927517, + 207.640625, + 10.984375, + 0.675539493560791, + 136.546875, + 173.484375, + 0.8254603743553162, + 359.984375, + 112.546875, + 0.8603460788726807, + 278.734375, + 437.546875, + 0.926833987236023, + 512.328125, + 163.328125, + 0.9249109029769897, + 451.390625, + 315.671875, + 0.9160165190696716, + 359.984375, + 234.421875, + 0.7562164664268494, + 339.671875, + 356.296875, + 0.6644154787063599, + 603.734375, + 183.640625, + 0.4243389666080475, + 664.671875, + 254.734375, + 0.8212971687316895, + 715.453125, + 254.734375, + 0.3574830889701843, + 776.390625, + 335.984375, + 0.36963775753974915 + ], + "scale": [ + 4.875, + 6.5 + ], + "score": 0.7102080235878626 + }, + { + "category_id": 1, + "center": [ + 405.5, + 240.5 + ], + "image_id": 20503547600, + "keypoints": [ + 573.29296875, + 174.3997344970703, + 0.003569226013496518, + 715.6627807617188, + 286.26171875, + 0.001144002890214324, + 298.72265625, + 377.78515625, + 0.0019764017779380083, + 542.78515625, + 245.5846405029297, + 0.0017311893170699477, + 95.33724212646484, + -18.81640625, + 0.010354913771152496, + 207.19921875, + 21.86067771911621, + 0.6548120975494385, + 146.18359375, + 174.3997344970703, + 0.8517187833786011, + 369.9075622558594, + 113.38411712646484, + 0.8647266626358032, + 288.5533752441406, + 438.80078125, + 0.8623651266098022, + 522.4465942382812, + 164.23046875, + 0.9161357283592224, + 461.4309997558594, + 306.6002502441406, + 0.9128983616828918, + 369.9075622558594, + 235.4153594970703, + 0.7116672992706299, + 349.5690002441406, + 377.78515625, + 0.6242762804031372, + 613.9700317382812, + 184.5690155029297, + 0.39041221141815186, + 664.81640625, + 255.75390625, + 0.8396663069725037, + 715.6627807617188, + 276.0924377441406, + 0.3845553994178772, + 766.5090942382812, + 316.76953125, + 0.4080846607685089 + ], + "scale": [ + 4.881249904632568, + 6.508333206176758 + ], + "score": 0.7017765765388807 + }, + { + "category_id": 1, + "center": [ + 418.5, + 239.5 + ], + "image_id": 20503548200, + "keypoints": [ + 511.39715576171875, + 107.48827362060547, + 0.004209616687148809, + 609.18359375, + 224.83203125, + 0.003998658619821072, + 315.82421875, + 410.6263122558594, + 0.0030575597193092108, + 22.46481704711914, + 674.6497802734375, + 0.00117269076872617, + 100.6939926147461, + -9.855484962463379, + 0.020917456597089767, + 218.03775024414062, + 19.480453491210938, + 0.7174534201622009, + 139.80857849121094, + 185.71743774414062, + 0.7924003601074219, + 364.7174377441406, + 117.26692199707031, + 0.8637387156486511, + 276.7096252441406, + 449.74090576171875, + 0.9059689044952393, + 530.9544067382812, + 166.16015625, + 0.8915669918060303, + 452.7252502441406, + 322.6184997558594, + 0.9263969659805298, + 374.49609375, + 234.6106719970703, + 0.6839803457260132, + 354.9388122558594, + 361.73309326171875, + 0.6357870101928711, + 618.9622802734375, + 146.6028594970703, + 0.39944520592689514, + 697.19140625, + 263.9466247558594, + 0.8994821310043335, + 706.9700927734375, + 273.7252502441406, + 0.48806655406951904, + 697.19140625, + 400.84765625, + 0.14022481441497803 + ], + "scale": [ + 4.693750381469727, + 6.258333206176758 + ], + "score": 0.7458442368290641 + }, + { + "category_id": 1, + "center": [ + 431.0, + 237.0 + ], + "image_id": 20503552300, + "keypoints": [ + 277.6145935058594, + -15.34375, + 0.0307591762393713, + 633.8645629882812, + 212.2604217529297, + 0.0022384612821042538, + 416.15625, + 113.30208587646484, + 0.003509007627144456, + 544.8020629882812, + 271.6354064941406, + 0.0022113819140940905, + 119.28125, + -15.34375, + 0.09869206696748734, + 218.2395782470703, + 24.23958396911621, + 0.7098839282989502, + 148.96875, + 192.46875, + 0.7782334089279175, + 356.78125, + 103.40625, + 0.8618050813674927, + 356.78125, + 429.96875, + 0.8650530576705933, + 544.8020629882812, + 133.09375, + 0.905863881111145, + 594.28125, + 340.90625, + 0.7964270114898682, + 376.5729064941406, + 241.9479217529297, + 0.7775912284851074, + 376.5729064941406, + 360.6979064941406, + 0.6922255754470825, + 643.7604370117188, + 222.15625, + 0.4582931101322174, + 683.34375, + 261.7395935058594, + 0.6368703842163086, + 722.9270629882812, + 261.7395935058594, + 0.31395116448402405, + 732.8229370117188, + 400.28125, + 0.22148945927619934 + ], + "scale": [ + 4.75, + 6.3333330154418945 + ], + "score": 0.6681406075755755 + }, + { + "category_id": 1, + "center": [ + 390.5, + 228.5 + ], + "image_id": 20503553400, + "keypoints": [ + 212.51170349121094, + -4.253922462463379, + 0.3985523283481598, + 148.61846923828125, + -22.509132385253906, + 0.0067884307354688644, + 139.49087524414062, + -4.253922462463379, + 0.021277664229273796, + 541.10546875, + 251.3190155029297, + 0.006160945165902376, + 84.7252426147461, + -4.253922462463379, + 0.31020882725715637, + 221.63931274414062, + 32.25649642944336, + 0.7003201246261597, + 139.49087524414062, + 187.42578125, + 0.782930850982666, + 367.6809997558594, + 114.40493774414062, + 0.7670779228210449, + 385.9361877441406, + 397.3606872558594, + 0.8794604539871216, + 531.9778442382812, + 141.78775024414062, + 0.9018440246582031, + 623.25390625, + 333.46746826171875, + 0.7905644774436951, + 367.6809997558594, + 233.0637969970703, + 0.777147650718689, + 367.6809997558594, + 351.72265625, + 0.6243686079978943, + 614.1263427734375, + 205.6809844970703, + 0.35658127069473267, + 687.1471557617188, + 269.57421875, + 0.6564713716506958, + 687.1471557617188, + 260.4466247558594, + 0.27065664529800415, + 723.6575927734375, + 461.2539367675781, + 0.09035253524780273 + ], + "scale": [ + 4.381250381469727, + 5.841666221618652 + ], + "score": 0.6320141966526325 + }, + { + "category_id": 1, + "center": [ + 411.0, + 222.5 + ], + "image_id": 20503554800, + "keypoints": [ + 577.2890625, + 247.6953125, + 0.010272196494042873, + 617.6015625, + 298.0859375, + 0.005088016856461763, + 395.8828125, + 96.52344512939453, + 0.005565258674323559, + 416.0390625, + 126.75782012939453, + 0.006589783821254969, + 103.6172103881836, + 5.820326328277588, + 0.021886449307203293, + 204.39845275878906, + 15.89845085144043, + 0.6537045240402222, + 143.92970275878906, + 187.2265625, + 0.8420984745025635, + 345.4921875, + 86.44532012939453, + 0.8922344446182251, + 355.5703125, + 398.8671875, + 0.9044454097747803, + 506.7421875, + 136.8359375, + 0.9226220846176147, + 617.6015625, + 328.3203125, + 0.9173399209976196, + 365.6484375, + 207.3828125, + 0.76506108045578, + 365.6484375, + 328.3203125, + 0.655953049659729, + 607.5234375, + 167.0703125, + 0.5064479112625122, + 678.0703125, + 257.7734375, + 0.8695241808891296, + 708.3046875, + 247.6953125, + 0.4058443307876587, + 708.3046875, + 429.1015625, + 0.1444438248872757 + ], + "scale": [ + 4.837499618530273, + 6.449999809265137 + ], + "score": 0.757752310145985 + }, + { + "category_id": 1, + "center": [ + 422.0, + 228.5 + ], + "image_id": 20503556300, + "keypoints": [ + 578.40625, + 252.1979217529297, + 0.010699965059757233, + 606.84375, + 214.28125, + 0.004141432233154774, + 322.46875, + 318.5520935058594, + 0.0056790015660226345, + 426.7395935058594, + 147.9270782470703, + 0.005325661040842533, + 104.4478988647461, + -70.0937728881836, + 0.005829797126352787, + 208.71873474121094, + 15.218735694885254, + 0.7285469770431519, + 142.36456298828125, + 176.3645782470703, + 0.8039709329605103, + 360.3854064941406, + 100.53124237060547, + 0.8655281662940979, + 369.8645935058594, + 403.8645935058594, + 0.9301493167877197, + 521.53125, + 138.44790649414062, + 0.8811109066009521, + 625.8021240234375, + 328.03125, + 0.8439108729362488, + 379.34375, + 223.7604217529297, + 0.7598681449890137, + 379.34375, + 328.03125, + 0.6756159067153931, + 616.3229370117188, + 176.3645782470703, + 0.4176367521286011, + 682.6771240234375, + 252.1979217529297, + 0.8483081459999084, + 701.6354370117188, + 261.6770935058594, + 0.4271237850189209, + 692.15625, + 422.82293701171875, + 0.0984753891825676 + ], + "scale": [ + 4.550000190734863, + 6.066666603088379 + ], + "score": 0.7437972643158652 + }, + { + "category_id": 1, + "center": [ + 399.5, + 235.0 + ], + "image_id": 20503557400, + "keypoints": [ + 559.55859375, + 259.2513122558594, + 0.006630577612668276, + 588.66015625, + 220.44921875, + 0.011671933345496655, + 646.86328125, + 288.3528747558594, + 0.0024816272780299187, + 472.25390625, + 123.44400787353516, + 0.007327963598072529, + 84.23307037353516, + -22.06380271911621, + 0.030641209334135056, + 190.9387969970703, + 16.73828125, + 0.5442249178886414, + 142.4362030029297, + 201.0481719970703, + 0.7969178557395935, + 365.5481872558594, + 36.13932418823242, + 0.3386944830417633, + 365.5481872558594, + 424.16015625, + 0.9100146293640137, + 520.7565307617188, + 7.037760257720947, + 0.04277930408716202, + 608.0612182617188, + 346.5559997558594, + 0.8506901264190674, + 365.5481872558594, + 210.7487030029297, + 0.7922673225402832, + 375.2486877441406, + 336.85546875, + 0.740458071231842, + 588.66015625, + 104.04296875, + 0.7881082892417908, + 666.2643432617188, + 239.8502655029297, + 0.9709117412567139, + 675.96484375, + 239.8502655029297, + 0.4858856201171875, + 695.3659057617188, + 385.3580627441406, + 0.0916421115398407 + ], + "scale": [ + 4.65625, + 6.208333492279053 + ], + "score": 0.7218173056840896 + }, + { + "category_id": 1, + "center": [ + 418.5, + 240.0 + ], + "image_id": 20503558600, + "keypoints": [ + 301.5533752441406, + 1.0221353769302368, + 0.041061125695705414, + 616.80078125, + 214.5768280029297, + 0.005803301930427551, + 698.1549682617188, + 275.5924377441406, + 0.004155009053647518, + 601.546875, + -253.2096405029297, + 0.0030990494415163994, + 169.3528594970703, + 21.36067771911621, + 0.08132225275039673, + 199.8606719970703, + 21.36067771911621, + 0.5334622859954834, + 159.18359375, + 194.23828125, + 0.8146582245826721, + 393.0768127441406, + 31.52994728088379, + 0.3952994644641876, + 230.3684844970703, + 458.6393127441406, + 0.9366869330406189, + 555.78515625, + 1.0221353769302368, + 0.18257856369018555, + 433.75390625, + 367.1158752441406, + 0.9471595287322998, + 352.3997497558594, + 224.74609375, + 0.8453146815299988, + 362.5690002441406, + 346.77734375, + 0.7483022212982178, + 565.9544067382812, + 112.88411712646484, + 0.8928874135017395, + 677.81640625, + 265.4231872558594, + 0.9689664840698242, + 667.6471557617188, + 265.4231872558594, + 0.5555126667022705, + 698.1549682617188, + 417.9622497558594, + 0.283957302570343 + ], + "scale": [ + 4.881249904632568, + 6.508333206176758 + ], + "score": 0.7202006551352415 + }, + { + "category_id": 1, + "center": [ + 451.0, + 239.5 + ], + "image_id": 20503561200, + "keypoints": [ + 285.1015625, + 95.0078125, + 0.00475457264110446, + 574.0859375, + 319.7734375, + 0.0020457571372389793, + 499.1640625, + 255.5546875, + 0.0034730008337646723, + 252.9921875, + 20.0859375, + 0.0021281777881085873, + 124.5546875, + 41.4921875, + 0.026586618274450302, + 210.1796875, + 9.3828125, + 0.6112621426582336, + 145.9609375, + 191.3359375, + 0.7731661796569824, + 381.4296875, + 41.4921875, + 0.9012030363082886, + 274.3984375, + 448.2109375, + 0.9093899726867676, + 574.0859375, + 116.4140625, + 0.9020617604255676, + 456.3515625, + 330.4765625, + 0.9811119437217712, + 349.3203125, + 223.4453125, + 0.7700556516647339, + 349.3203125, + 351.8828125, + 0.7035129070281982, + 595.4921875, + 169.9296875, + 0.4374291002750397, + 691.8203125, + 266.2578125, + 0.839423656463623, + 691.8203125, + 276.9609375, + 0.44454580545425415, + 734.6328125, + 394.6953125, + 0.3098263740539551 + ], + "scale": [ + 5.137500286102295, + 6.849999904632568 + ], + "score": 0.7152490441997846 + }, + { + "category_id": 1, + "center": [ + 415.0, + 230.0 + ], + "image_id": 20503562500, + "keypoints": [ + 506.5364685058594, + 22.83854103088379, + 0.003787386929616332, + 612.5260620117188, + 205.9114532470703, + 0.0038183042779564857, + 660.703125, + 321.5364685058594, + 0.0022338523995131254, + 588.4375, + -237.3177032470703, + 0.0015419216360896826, + 525.8073120117188, + 215.546875, + 0.007857759483158588, + 217.4739532470703, + 13.203125, + 0.47472506761550903, + 140.390625, + 177.0052032470703, + 0.7938886880874634, + 371.640625, + 109.55728912353516, + 0.1992514729499817, + 342.734375, + 427.5260314941406, + 0.8839179277420044, + 545.078125, + 61.38020706176758, + 0.3251109719276428, + 583.6198120117188, + 369.7135314941406, + 0.8837565183639526, + 371.640625, + 215.546875, + 0.7420830726623535, + 371.640625, + 331.171875, + 0.7545443773269653, + 583.6198120117188, + 109.55728912353516, + 0.7023751139640808, + 679.9739379882812, + 263.7239685058594, + 0.8070428371429443, + 699.2448120117188, + 263.7239685058594, + 0.6399843096733093, + 747.421875, + 514.2448120117188, + 0.11103981733322144 + ], + "scale": [ + 4.625, + 6.1666669845581055 + ], + "score": 0.7007428884506226 + }, + { + "category_id": 1, + "center": [ + 410.5, + 221.0 + ], + "image_id": 20503564300, + "keypoints": [ + 251.30078125, + 42.50390625, + 0.008691471070051193, + 704.77734375, + 283.71484375, + 0.004862918984144926, + 835.03125, + 645.53125, + 0.001195459975861013, + 617.94140625, + 399.49609375, + 0.004316370002925396, + 106.57421875, + 42.50390625, + 0.07953241467475891, + 212.70703125, + 13.55859375, + 0.580359697341919, + 154.81640625, + 187.23046875, + 0.798426628112793, + 396.02734375, + 32.85546875, + 0.8015232086181641, + 405.67578125, + 370.55078125, + 0.8585900068283081, + 608.29296875, + 42.50390625, + 0.877676784992218, + 666.18359375, + 331.95703125, + 0.8986345529556274, + 376.73046875, + 187.23046875, + 0.7374236583709717, + 376.73046875, + 312.66015625, + 0.716721773147583, + 608.29296875, + 100.39453125, + 0.6766002178192139, + 675.83203125, + 245.12109375, + 0.5680602192878723, + 704.77734375, + 254.76953125, + 0.3025757074356079, + 724.07421875, + 331.95703125, + 0.11077698320150375 + ], + "scale": [ + 4.631249904632568, + 6.175000190734863 + ], + "score": 0.7105993140827526 + }, + { + "category_id": 1, + "center": [ + 396.5, + 233.0 + ], + "image_id": 20503565900, + "keypoints": [ + 315.3736877441406, + -48.556007385253906, + 0.0040410649962723255, + 678.0560302734375, + 295.0377502441406, + 0.003182364162057638, + 391.7278747558594, + 371.3919372558594, + 0.003962661139667034, + 668.51171875, + 380.93621826171875, + 0.0012245990801602602, + 95.8554458618164, + -10.378922462463379, + 0.021273303776979446, + 210.38670349121094, + 8.709620475769043, + 0.5315649509429932, + 143.57681274414062, + 199.5950469970703, + 0.7928135395050049, + 401.2721252441406, + 37.34243392944336, + 0.8772834539413452, + 372.6393127441406, + 409.56903076171875, + 0.927527904510498, + 601.7018432617188, + 8.709620475769043, + 0.5953992009162903, + 620.7904052734375, + 342.7591247558594, + 0.9717233180999756, + 363.0950622558594, + 199.5950469970703, + 0.7167553901672363, + 363.0950622558594, + 333.21484375, + 0.6094859838485718, + 601.7018432617188, + 104.15233612060547, + 0.5889911651611328, + 668.51171875, + 237.7721405029297, + 0.8100420236587524, + 697.14453125, + 237.7721405029297, + 0.3898168206214905, + 835.5364990234375, + 366.61981201171875, + 0.175216406583786 + ], + "scale": [ + 4.581250190734863, + 6.108333587646484 + ], + "score": 0.7101276137612083 + }, + { + "category_id": 1, + "center": [ + 403.5, + 233.0 + ], + "image_id": 20503573500, + "keypoints": [ + 388.91015625, + -53.93357467651367, + 0.002688659355044365, + 602.89453125, + 305.94921875, + 0.0020979514811187983, + 850.921875, + 836.0468139648438, + 0.0010255171218886971, + 223.55860900878906, + 33.6054801940918, + 0.0011062630219385028, + 87.3867416381836, + -5.300765514373779, + 0.010019267909228802, + 213.83204650878906, + 4.425796031951904, + 0.6093436479568481, + 136.01954650878906, + 179.50390625, + 0.7892060279846191, + 388.91015625, + 62.7851676940918, + 0.8839040994644165, + 311.09765625, + 422.66796875, + 0.8906441926956177, + 593.16796875, + 53.0586051940918, + 0.8021632432937622, + 505.62890625, + 305.94921875, + 0.993942141532898, + 369.45703125, + 208.68359375, + 0.8003157377243042, + 359.73046875, + 335.12890625, + 0.6822348833084106, + 583.44140625, + 101.69141387939453, + 0.6141969561576843, + 670.98046875, + 257.31640625, + 0.8995689153671265, + 680.70703125, + 257.31640625, + 0.41669830679893494, + 719.61328125, + 383.76171875, + 0.10043170303106308 + ], + "scale": [ + 4.668749809265137, + 6.224999904632568 + ], + "score": 0.7620198320258748 + }, + { + "category_id": 1, + "center": [ + 429.5, + 232.5 + ], + "image_id": 20503574300, + "keypoints": [ + 265.57421875, + 18.89972686767578, + 0.01468854770064354, + 722.5794677734375, + 396.42578125, + 0.0032400423660874367, + 325.18359375, + 326.88153076171875, + 0.0056302291341125965, + 255.63931274414062, + 28.83462142944336, + 0.0018186072120442986, + 186.09503173828125, + -20.839859008789062, + 0.01889912597835064, + 215.89971923828125, + 8.964829444885254, + 0.5438622832298279, + 166.22525024414062, + 187.79296875, + 0.767490804195404, + 394.7278747558594, + 48.70441436767578, + 0.8778313398361206, + 404.6627502441406, + 406.3606872558594, + 0.9208881855010986, + 593.42578125, + 58.639312744140625, + 0.8437007665634155, + 653.03515625, + 366.62109375, + 0.9135029315948486, + 374.8580627441406, + 197.7278594970703, + 0.7926541566848755, + 384.79296875, + 316.9466247558594, + 0.7367624044418335, + 613.2955932617188, + 108.31379699707031, + 0.6490657329559326, + 682.83984375, + 237.4674530029297, + 0.9452186822891235, + 702.7096557617188, + 247.40234375, + 0.38893723487854004, + 742.44921875, + 346.7513122558594, + 0.10436095297336578 + ], + "scale": [ + 4.768750190734863, + 6.358333110809326 + ], + "score": 0.7618104111064564 + }, + { + "category_id": 1, + "center": [ + 429.0, + 211.5 + ], + "image_id": 20503577000, + "keypoints": [ + 413.453125, + -42.43229293823242, + 0.007004276849329472, + 641.4739379882812, + 289.234375, + 0.00447051739320159, + 651.8385620117188, + 133.765625, + 0.0017721406184136868, + 257.984375, + 19.75520896911621, + 0.0044371094554662704, + 102.515625, + 19.75520896911621, + 0.025108851492404938, + 206.1614532470703, + 9.390625, + 0.5777950286865234, + 133.609375, + 175.2239532470703, + 0.8068702220916748, + 403.0885314941406, + 30.11979103088379, + 0.8188993334770203, + 403.0885314941406, + 320.328125, + 0.8144819140434265, + 579.2864379882812, + -0.9739583134651184, + 0.18059831857681274, + 672.5676879882812, + 299.5989685058594, + 0.8716695308685303, + 361.6302185058594, + 206.3177032470703, + 0.7335085868835449, + 340.9010314941406, + 341.0572814941406, + 0.7181351184844971, + 589.6510620117188, + 133.765625, + 0.5356255173683167, + 672.5676879882812, + 237.4114532470703, + 0.7926687002182007, + 714.0260620117188, + 227.046875, + 0.3138502240180969, + 765.8489379882812, + 299.5989685058594, + 0.134715273976326 + ], + "scale": [ + 4.974999904632568, + 6.633333683013916 + ], + "score": 0.6983504176139832 + }, + { + "category_id": 1, + "center": [ + 428.5, + 240.5 + ], + "image_id": 20503581400, + "keypoints": [ + 267.2434997558594, + 100.05078887939453, + 0.005474152974784374, + 631.37109375, + 214.4908905029297, + 0.005046006292104721, + 246.4362030029297, + 339.3346252441406, + 0.008481701835989952, + 236.03256225585938, + 27.22527313232422, + 0.0020922981202602386, + 131.99610900878906, + 48.032562255859375, + 0.03615116700530052, + 215.22528076171875, + 16.82162857055664, + 0.6496752500534058, + 131.99610900878906, + 183.2799530029297, + 0.8242785930633545, + 381.68359375, + 58.43621063232422, + 0.8624351024627686, + 288.05078125, + 443.37109375, + 0.9080716371536255, + 568.94921875, + 110.45443725585938, + 0.8885558843612671, + 475.31640625, + 318.52734375, + 1.0042890310287476, + 371.2799377441406, + 214.4908905029297, + 0.7755328416824341, + 360.8763122558594, + 349.73828125, + 0.6918484568595886, + 620.9674072265625, + 131.26171875, + 0.46120554208755493, + 693.79296875, + 256.10546875, + 0.9190201759338379, + 714.6002197265625, + 266.5091247558594, + 0.464008629322052, + 693.79296875, + 422.56378173828125, + 0.2916581630706787 + ], + "scale": [ + 4.993749618530273, + 6.658333778381348 + ], + "score": 0.7283816089232763 + }, + { + "category_id": 1, + "center": [ + 410.0, + 230.0 + ], + "image_id": 20503583900, + "keypoints": [ + 238.64584350585938, + 19.47917938232422, + 0.041803643107414246, + 287.60418701171875, + 371.9791564941406, + 0.00289242179132998, + 307.1875, + 323.02081298828125, + 0.00871225818991661, + 199.47918701171875, + 29.27084732055664, + 0.0018858787370845675, + 101.5625228881836, + 9.687514305114746, + 0.08814321458339691, + 209.27084350585938, + 9.687514305114746, + 0.5878577828407288, + 150.52084350585938, + 185.9375, + 0.7887797355651855, + 395.3125, + 39.0625114440918, + 0.8107313513755798, + 316.97918701171875, + 401.3541564941406, + 0.9309015870094299, + 591.1458129882812, + 68.43750762939453, + 0.8639867305755615, + 512.8125, + 313.2291564941406, + 0.9613547325134277, + 365.9375, + 205.5208282470703, + 0.7183657288551331, + 365.9375, + 323.02081298828125, + 0.7026913166046143, + 591.1458129882812, + 97.81250762939453, + 0.6152952313423157, + 669.4791259765625, + 254.4791717529297, + 0.5950271487236023, + 698.8541259765625, + 264.2708435058594, + 0.4181498885154724, + 718.4375, + 332.8125, + 0.13852821290493011 + ], + "scale": [ + 4.699999809265137, + 6.266666412353516 + ], + "score": 0.7266492030837319 + }, + { + "category_id": 1, + "center": [ + 421.5, + 230.5 + ], + "image_id": 20503584801, + "keypoints": [ + 257.57421875, + 6.964829444885254, + 0.021791649982333183, + -35.5052375793457, + 846.4635620117188, + 0.001063680392690003, + 317.18359375, + 324.88153076171875, + 0.007284493185579777, + 207.89971923828125, + 36.7695198059082, + 0.002170779975131154, + 98.6158676147461, + -22.839859008789062, + 0.03129749000072479, + 207.89971923828125, + 16.89972686767578, + 0.5834401249885559, + 148.29034423828125, + 175.85806274414062, + 0.8109349608421326, + 386.7278747558594, + 36.7695198059082, + 0.8230482339859009, + 327.11846923828125, + 404.3606872558594, + 0.879491925239563, + 615.23046875, + 36.7695198059082, + 0.8602458238601685, + 505.9466247558594, + 285.1419372558594, + 0.966740608215332, + 366.8580627441406, + 205.6627655029297, + 0.7514665126800537, + 356.9231872558594, + 334.81640625, + 0.6351642608642578, + 585.42578125, + 96.37889862060547, + 0.7565203905105591, + 664.9049682617188, + 235.4674530029297, + 0.79111647605896, + 684.7747802734375, + 235.4674530029297, + 0.36443203687667847, + 734.44921875, + 295.0768127441406, + 0.2489003986120224 + ], + "scale": [ + 4.768750190734863, + 6.358333110809326 + ], + "score": 0.7059584793945154 + }, + { + "category_id": 1, + "center": [ + 429.5, + 232.5 + ], + "image_id": 20503585300, + "keypoints": [ + 259.12890625, + 0.1757955551147461, + 0.030222518369555473, + 300.4309997558594, + 382.22003173828125, + 0.0015423502773046494, + 321.08203125, + 382.22003173828125, + 0.004353114403784275, + 238.47787475585938, + 20.82683563232422, + 0.001257624477148056, + 104.2461166381836, + 10.50131607055664, + 0.09277806431055069, + 207.50131225585938, + 10.50131607055664, + 0.6764519810676575, + 145.54818725585938, + 196.3606719970703, + 0.7997159361839294, + 393.3606872558594, + 31.152355194091797, + 0.8475762605667114, + 321.08203125, + 423.5221252441406, + 0.9011905193328857, + 610.1965942382812, + 10.50131607055664, + 0.8243720531463623, + 486.2903747558594, + 289.2903747558594, + 0.889616072177887, + 362.3841247558594, + 227.3372344970703, + 0.6922559142112732, + 362.3841247558594, + 351.24346923828125, + 0.623631477355957, + 579.2200317382812, + 93.10547637939453, + 0.6828216314315796, + 672.1497192382812, + 227.3372344970703, + 0.9057705402374268, + 692.80078125, + 237.6627655029297, + 0.35322558879852295, + 744.4283447265625, + 340.91796875, + 0.24843239784240723 + ], + "scale": [ + 4.956249713897705, + 6.608333587646484 + ], + "score": 0.7037550310293833 + }, + { + "category_id": 1, + "center": [ + 433.5, + 226.5 + ], + "image_id": 20503586000, + "keypoints": [ + 272.64715576171875, + 3.381524085998535, + 0.010946749709546566, + 542.46484375, + 387.35284423828125, + 0.0028080937918275595, + 324.53515625, + 325.08721923828125, + 0.0020827462431043386, + 241.5143280029297, + 55.2695426940918, + 0.0009984909556806087, + 106.6054916381836, + 3.381524085998535, + 0.02706797607243061, + 210.38153076171875, + 13.759127616882324, + 0.627214789390564, + 158.49349975585938, + 190.1783905029297, + 0.7766919136047363, + 407.5559997558594, + 34.51433563232422, + 0.8262009620666504, + 397.1783752441406, + 397.73046875, + 0.9025899171829224, + 615.1080322265625, + 13.759127616882324, + 0.807410478591919, + 646.2408447265625, + 376.9752502441406, + 0.9300323128700256, + 376.4231872558594, + 221.3112030029297, + 0.7506294846534729, + 386.80078125, + 345.8424377441406, + 0.642918586730957, + 594.3528442382812, + 107.15756225585938, + 0.49311885237693787, + 666.99609375, + 242.06640625, + 0.8155391216278076, + 687.7512817382812, + 231.6887969970703, + 0.2772660553455353, + 760.39453125, + 345.8424377441406, + 0.08881842344999313 + ], + "scale": [ + 4.981249809265137, + 6.641666889190674 + ], + "score": 0.7136011340401389 + }, + { + "category_id": 1, + "center": [ + 410.0, + 228.5 + ], + "image_id": 20503587000, + "keypoints": [ + 475.8463439941406, + 395.6484375, + 0.0040625352412462234, + 607.5390625, + 243.6953125, + 0.004762277007102966, + 303.6328125, + 334.8671875, + 0.013724693097174168, + 556.8880004882812, + 344.9974060058594, + 0.0038772311527282, + 90.8984146118164, + 10.700507164001465, + 0.020157406106591225, + 212.46092224121094, + 10.700507164001465, + 0.5489315986633301, + 131.41925048828125, + 193.0442657470703, + 0.7675805687904358, + 394.8046875, + 30.960926055908203, + 0.6606385707855225, + 344.1536560058594, + 415.90887451171875, + 0.8878783583641052, + 546.7578125, + 20.83071517944336, + 0.16228075325489044, + 577.1484375, + 344.9974060058594, + 0.9112119674682617, + 364.4140625, + 193.0442657470703, + 0.7750256061553955, + 364.4140625, + 334.8671875, + 0.7150008082389832, + 577.1484375, + 112.00259399414062, + 0.4999249577522278, + 648.0599365234375, + 243.6953125, + 0.7866535186767578, + 678.4505615234375, + 223.4348907470703, + 0.414928138256073, + 718.9713745117188, + 415.90887451171875, + 0.1166887879371643 + ], + "scale": [ + 4.862500190734863, + 6.483333110809326 + ], + "score": 0.6967774093151092 + }, + { + "category_id": 1, + "center": [ + 397.0, + 222.0 + ], + "image_id": 20503601100, + "keypoints": [ + 244.03126525878906, + 13.406264305114746, + 0.006315155886113644, + 661.21875, + 291.53125, + 0.00270606460981071, + 299.65625, + 310.0729064941406, + 0.004304306581616402, + 142.05209350585938, + -88.5728988647461, + 0.0013007288798689842, + 114.2396011352539, + -42.21873092651367, + 0.025930115953087807, + 206.94793701171875, + 13.406264305114746, + 0.5416178107261658, + 151.32293701171875, + 171.0104217529297, + 0.8002745509147644, + 401.6354064941406, + 41.2187614440918, + 0.8021242022514343, + 346.0104064941406, + 402.78125, + 0.8977731466293335, + 605.59375, + 22.67709732055664, + 0.812990665435791, + 559.2395629882812, + 282.2604064941406, + 0.9086923599243164, + 364.5520935058594, + 198.8229217529297, + 0.6581062078475952, + 364.5520935058594, + 319.34375, + 0.7016270160675049, + 587.0520629882812, + 124.65625762939453, + 0.5524850487709045, + 679.7603759765625, + 254.4479217529297, + 0.8093374371528625, + 670.4895629882812, + 254.4479217529297, + 0.34962815046310425, + 716.84375, + 458.4062194824219, + 0.44129252433776855 + ], + "scale": [ + 4.449999809265137, + 5.933332920074463 + ], + "score": 0.6896624267101288 + }, + { + "category_id": 1, + "center": [ + 407.5, + 224.0 + ], + "image_id": 20503612100, + "keypoints": [ + 256.89453125, + -17.881526947021484, + 0.004518875852227211, + 594.6159057617188, + 292.45703125, + 0.0050157527439296246, + 311.66015625, + 347.22265625, + 0.0037078161258250475, + 512.4674682617188, + 219.4362030029297, + 0.0018346421420574188, + 74.34242248535156, + -17.881526947021484, + 0.0767553299665451, + 202.12889099121094, + 9.501287460327148, + 0.5603615641593933, + 138.23565673828125, + 192.0533905029297, + 0.7633111476898193, + 384.6809997558594, + 27.75649642944336, + 0.752813458442688, + 320.7877502441406, + 411.11590576171875, + 0.8876599073410034, + 603.7435302734375, + 27.75649642944336, + 0.763911783695221, + 512.4674682617188, + 292.45703125, + 1.0059146881103516, + 366.42578125, + 201.1809844970703, + 0.7793135046958923, + 366.42578125, + 328.96746826171875, + 0.6967571973800659, + 576.3607177734375, + 109.90493774414062, + 0.7760889530181885, + 685.8919677734375, + 255.9466094970703, + 0.887142539024353, + 685.8919677734375, + 246.8190155029297, + 0.5199427604675293, + 740.6575927734375, + 319.83984375, + 0.10349413752555847 + ], + "scale": [ + 4.381250381469727, + 5.841666221618652 + ], + "score": 0.7630197730931368 + }, + { + "category_id": 1, + "center": [ + 380.0, + 228.5 + ], + "image_id": 20503612500, + "keypoints": [ + 299.2057189941406, + -51.90364456176758, + 0.0048188865184783936, + 574.8567504882812, + 309.2942810058594, + 0.002138671698048711, + 280.1953125, + 318.7994689941406, + 0.004470623563975096, + 489.3099060058594, + 223.7473907470703, + 0.005871012341231108, + 118.60677337646484, + 14.6328125, + 0.04729381203651428, + 194.6484375, + 14.6328125, + 0.5311360955238342, + 137.6171875, + 195.2317657470703, + 0.7919150590896606, + 384.7525939941406, + 33.64323043823242, + 0.8430485725402832, + 327.7213439941406, + 404.3463439941406, + 0.9213827252388, + 603.3723754882812, + 33.64323043823242, + 0.8414950370788574, + 508.3203125, + 299.7890625, + 0.9790533781051636, + 356.2369689941406, + 204.7369842529297, + 0.7942646145820618, + 365.7421875, + 328.3046875, + 0.7448334693908691, + 584.3619995117188, + 100.1796875, + 0.8020950555801392, + 688.9192504882812, + 252.2630157470703, + 0.9478922486305237, + 679.4140625, + 242.7578125, + 0.4933670163154602, + 717.4348754882812, + 318.7994689941406, + 0.10746558755636215 + ], + "scale": [ + 4.5625, + 6.083333492279053 + ], + "score": 0.7900439338250593 + }, + { + "category_id": 1, + "center": [ + 394.0, + 220.0 + ], + "image_id": 20503612801, + "keypoints": [ + 244.24740600585938, + 12.27865982055664, + 0.019068453460931778, + 592.0598754882812, + 292.4609375, + 0.0022251915652304888, + 292.5546875, + 311.7838439941406, + 0.004164842423051596, + 128.30990600585938, + -26.367172241210938, + 0.0017810307908803225, + 89.6640853881836, + 12.27865982055664, + 0.16581708192825317, + 195.94012451171875, + 12.27865982055664, + 0.53062903881073, + 137.97137451171875, + 195.8463592529297, + 0.7680563926696777, + 379.5078125, + 31.601573944091797, + 0.8016853332519531, + 321.5390625, + 408.3984375, + 0.9019901752471924, + 601.7213134765625, + 50.92449188232422, + 0.8701730966567993, + 514.7682495117188, + 282.7994689941406, + 0.9735416769981384, + 360.1849060058594, + 195.8463592529297, + 0.8145570755004883, + 360.1849060058594, + 321.4453125, + 0.7163926362991333, + 592.0598754882812, + 99.23178100585938, + 0.7739607691764832, + 679.0130004882812, + 273.1380310058594, + 0.7254126071929932, + 679.0130004882812, + 263.4765625, + 0.5117025375366211, + 698.3359375, + 311.7838439941406, + 0.13192321360111237 + ], + "scale": [ + 4.637499809265137, + 6.183333396911621 + ], + "score": 0.7625546672127463 + }, + { + "category_id": 1, + "center": [ + 342.5, + 217.0 + ], + "image_id": 20503616100, + "keypoints": [ + 471.8294372558594, + 426.6028747558594, + 0.006956434343010187, + 739.4075317382812, + 613.9075317382812, + 0.0015139118768274784, + 311.2825622558594, + 417.68359375, + 0.005105540622025728, + 534.2643432617188, + 399.8450622558594, + 0.006198095623403788, + 79.38150787353516, + -10.44140625, + 0.012569178827106953, + 222.08984375, + 16.31640625, + 0.518771767616272, + 123.97786712646484, + 167.9440155029297, + 0.7936725616455078, + 391.5559997558594, + 34.15494918823242, + 0.7095777988433838, + 302.36328125, + 426.6028747558594, + 0.875461220741272, + 587.7799682617188, + 7.397135257720947, + 0.635295033454895, + 552.1028442382812, + 390.92578125, + 0.8792002201080322, + 373.7174377441406, + 212.5403594970703, + 0.6643919944763184, + 373.7174377441406, + 319.5716247558594, + 0.6583279371261597, + 605.6184692382812, + 167.9440155029297, + 0.373556911945343, + 694.8112182617188, + 257.13671875, + 0.7143442034721375, + 685.8919067382812, + 266.0559997558594, + 0.20795795321464539, + 752.7864379882812, + 466.7395935058594, + 0.08137884736061096 + ], + "scale": [ + 4.28125, + 5.7083330154418945 + ], + "score": 0.6391416002403606 + }, + { + "category_id": 1, + "center": [ + 454.5, + 239.0 + ], + "image_id": 20503620400, + "keypoints": [ + 547.5794067382812, + 178.7721405029297, + 0.0027321339584887028, + -21.84765625, + 720.8229370117188, + 0.002187814097851515, + 251.9153594970703, + 343.0299377441406, + 0.008302731439471245, + 459.9752502441406, + 102.11849212646484, + 0.006067667622119188, + 120.50911712646484, + 36.41536331176758, + 0.00992862693965435, + 219.0637969970703, + 3.5638020038604736, + 0.6171531677246094, + 131.4596405029297, + 167.8216094970703, + 0.7778137922286987, + 394.2721252441406, + 47.36588668823242, + 0.8490726947784424, + 284.7669372558594, + 430.6341247558594, + 0.8985151648521423, + 580.4309692382812, + 36.41536331176758, + 0.8768871426582336, + 481.8763122558594, + 310.1783752441406, + 0.980713427066803, + 361.4205627441406, + 233.5247344970703, + 0.7488564252853394, + 361.4205627441406, + 353.98046875, + 0.6883484721183777, + 591.3815307617188, + 124.01953125, + 0.7054771184921265, + 668.03515625, + 266.3763122558594, + 0.9123508930206299, + 689.9362182617188, + 277.3268127441406, + 0.4730544686317444, + 733.73828125, + 430.6341247558594, + 0.41704457998275757 + ], + "scale": [ + 5.256249904632568, + 7.008333206176758 + ], + "score": 0.7454406122366587 + }, + { + "category_id": 1, + "center": [ + 403.0, + 239.0 + ], + "image_id": 20503624200, + "keypoints": [ + 253.24740600585938, + -7.367171287536621, + 0.12399280816316605, + 591.3984375, + 224.5078125, + 0.008425752632319927, + 204.94012451171875, + 21.617202758789062, + 0.01600121706724167, + 475.4609375, + 118.23178100585938, + 0.005050692707300186, + 108.3255386352539, + 2.2942864894866943, + 0.39227843284606934, + 204.94012451171875, + 21.617202758789062, + 0.49660760164260864, + 146.97137451171875, + 195.5234375, + 0.8020346164703369, + 330.5390625, + 137.5546875, + 0.11953569948673248, + 369.1849060058594, + 427.3984375, + 0.9354637265205383, + 543.0911254882812, + 11.955743789672852, + 0.02761259488761425, + 601.0598754882812, + 350.10675048828125, + 0.8818615674972534, + 378.8463439941406, + 214.8463592529297, + 0.7159993052482605, + 369.1849060058594, + 340.4453125, + 0.7150791883468628, + 591.3984375, + 108.57032012939453, + 0.7529032826423645, + 688.0130004882812, + 253.4921875, + 0.8783543109893799, + 688.0130004882812, + 243.8307342529297, + 0.43639108538627625, + 697.6744384765625, + 398.4140625, + 0.08216604590415955 + ], + "scale": [ + 4.637499809265137, + 6.183333396911621 + ], + "score": 0.7006973117589951 + }, + { + "category_id": 1, + "center": [ + 412.5, + 205.0 + ], + "image_id": 20503625800, + "keypoints": [ + 388.1184997558594, + -33.938785552978516, + 0.004233232699334621, + 651.4387817382812, + 414.68096923828125, + 0.0016004102071747184, + 456.38671875, + 73.33985137939453, + 0.002480460563674569, + 485.64453125, + 122.10286712646484, + 0.007239397615194321, + 115.04559326171875, + 24.57683563232422, + 0.009991757571697235, + 183.31381225585938, + 14.824231147766113, + 0.6111804246902466, + 134.55079650878906, + 180.6184844970703, + 0.7565688490867615, + 349.1080627441406, + 34.329437255859375, + 0.7301620244979858, + 407.6236877441406, + 336.66015625, + 0.8134950399398804, + 485.64453125, + -4.680975914001465, + 0.5154831409454346, + 651.4387817382812, + 326.90753173828125, + 0.7749665975570679, + 358.8606872558594, + 209.8762969970703, + 0.8078408241271973, + 368.61328125, + 336.66015625, + 0.6896675229072571, + 583.1705322265625, + 102.59766387939453, + 0.7224228382110596, + 680.6965942382812, + 258.6393127441406, + 0.7346851825714111, + 700.2017822265625, + 239.1341094970703, + 0.493558406829834, + 729.4595947265625, + 326.90753173828125, + 0.07752130925655365 + ], + "scale": [ + 4.681249618530273, + 6.241666793823242 + ], + "score": 0.6954573501240123 + }, + { + "category_id": 1, + "center": [ + 403.5, + 218.5 + ], + "image_id": 20503629700, + "keypoints": [ + 545.2903442382812, + 321.17578125, + 0.003426567418500781, + 545.2903442382812, + 311.39715576171875, + 0.003633941989392042, + -65.87503051757812, + -133.53128051757812, + 0.0019425149075686932, + 525.7330932617188, + 174.49609375, + 0.005198340862989426, + 95.4726333618164, + 8.259100914001465, + 0.011652880348265171, + 193.25909423828125, + 8.259100914001465, + 0.5664302706718445, + 124.80857849121094, + 184.2747344970703, + 0.7782554030418396, + 379.0533752441406, + 27.816394805908203, + 0.7907354831695557, + 408.3893127441406, + 340.73309326171875, + 0.8392002582550049, + 555.0690307617188, + -21.076839447021484, + 0.3401477336883545, + 652.85546875, + 311.39715576171875, + 0.9110507965087891, + 359.49609375, + 203.83203125, + 0.7605000138282776, + 359.49609375, + 340.73309326171875, + 0.6791318655014038, + 584.4049682617188, + 106.04556274414062, + 0.6349762678146362, + 662.6341552734375, + 233.16796875, + 0.837267279624939, + 682.19140625, + 233.16796875, + 0.3766460418701172, + 721.3060302734375, + 340.73309326171875, + 0.0943412110209465 + ], + "scale": [ + 4.693750381469727, + 6.258333206176758 + ], + "score": 0.6831219467249784 + }, + { + "category_id": 1, + "center": [ + 406.5, + 224.5 + ], + "image_id": 20503630300, + "keypoints": [ + 286.2200622558594, + -20.87109375, + 0.014545990154147148, + 642.2487182617188, + 267.80078125, + 0.002825140720233321, + 440.1783752441406, + 7.99609375, + 0.0013166138669475913, + 228.4856719970703, + 27.24088478088379, + 0.0017177934059873223, + 132.26171875, + 46.48567581176758, + 0.03314456343650818, + 189.99609375, + 17.61849021911621, + 0.6969277858734131, + 132.26171875, + 190.8216094970703, + 0.7711174488067627, + 353.5768127441406, + 46.48567581176758, + 0.8606505990028381, + 353.5768127441406, + 392.8919372558594, + 0.9033210277557373, + 526.7799682617188, + 17.61849021911621, + 0.8232523202896118, + 526.7799682617188, + 219.6887969970703, + 0.8280105590820312, + 353.5768127441406, + 229.3112030029297, + 0.7116267681121826, + 363.19921875, + 364.0247497558594, + 0.6328349113464355, + 565.26953125, + 113.84244537353516, + 0.6135488748550415, + 661.4934692382812, + 267.80078125, + 0.8903051614761353, + 671.1159057617188, + 258.1783752441406, + 0.5130401849746704, + 709.60546875, + 402.5143127441406, + 0.14765045046806335 + ], + "scale": [ + 4.618750095367432, + 6.1583333015441895 + ], + "score": 0.74951233105226 + }, + { + "category_id": 1, + "center": [ + 413.5, + 228.0 + ], + "image_id": 20503630700, + "keypoints": [ + 259.50909423828125, + 133.6184844970703, + 0.0064384364522993565, + 617.1654052734375, + 242.90234375, + 0.006054745987057686, + 219.76951599121094, + 93.87889862060547, + 0.00178367062471807, + 488.01171875, + 113.74868774414062, + 0.005353322718292475, + 100.5507583618164, + 14.399725914001465, + 0.024378430098295212, + 199.89971923828125, + 14.399725914001465, + 0.5953798294067383, + 140.29034423828125, + 193.2278594970703, + 0.7713953256607056, + 398.59765625, + 34.2695198059082, + 0.667328953742981, + 388.6627502441406, + 391.92578125, + 0.9299256801605225, + 557.5559692382812, + -15.404963493347168, + 0.20385544002056122, + 646.9700927734375, + 332.31640625, + 0.9189444184303284, + 358.8580627441406, + 203.1627655029297, + 0.787705659866333, + 368.79296875, + 332.31640625, + 0.625207245349884, + 577.42578125, + 103.81379699707031, + 0.8055815696716309, + 666.83984375, + 252.8372344970703, + 0.7788081765174866, + 686.7096557617188, + 232.9674530029297, + 0.3726719617843628, + 736.3841552734375, + 312.4466247558594, + 0.09214312583208084 + ], + "scale": [ + 4.768750190734863, + 6.358333110809326 + ], + "score": 0.6778912964192304 + }, + { + "category_id": 1, + "center": [ + 399.0, + 228.5 + ], + "image_id": 20503603200, + "keypoints": [ + 452.4244689941406, + 291.6380310058594, + 0.006116013042628765, + 636.9817504882812, + 272.2109375, + 0.004034718032926321, + 297.0078125, + 320.7786560058594, + 0.0021210815757513046, + 141.5911407470703, + 184.7890625, + 0.0010905819945037365, + 161.0182342529297, + -19.1953125, + 0.022342529147863388, + 199.8723907470703, + 9.9453125, + 0.5748884081840515, + 141.5911407470703, + 175.0755157470703, + 0.8050034046173096, + 384.4296875, + 58.51301956176758, + 0.9014341235160828, + 345.5755310058594, + 388.7734375, + 0.8780230283737183, + 598.1276245117188, + 58.51301956176758, + 0.8640044331550598, + 530.1328125, + 252.7838592529297, + 0.8999460935592651, + 355.2890625, + 204.2161407470703, + 0.8009371161460876, + 365.0025939941406, + 330.4921875, + 0.6360645890235901, + 588.4140625, + 107.08072662353516, + 0.6243799924850464, + 675.8359375, + 262.4974060058594, + 0.8423893451690674, + 675.8359375, + 252.7838592529297, + 0.41583046317100525, + 743.8307495117188, + 388.7734375, + 0.17794600129127502 + ], + "scale": [ + 4.662499904632568, + 6.2166666984558105 + ], + "score": 0.7493546361272986 + }, + { + "category_id": 1, + "center": [ + 403.0, + 240.0 + ], + "image_id": 20503632900, + "keypoints": [ + 446.9453125, + -18.7890625, + 0.0027433116920292377, + 593.4296875, + 215.5859375, + 0.006804988719522953, + 300.4609375, + 371.8359375, + 0.004014637786895037, + 476.2421875, + 117.9296875, + 0.0027834258507937193, + 95.3828125, + -9.0234375, + 0.032082848250865936, + 202.8046875, + 10.5078125, + 0.6375586986541748, + 134.4453125, + 196.0546875, + 0.7925205230712891, + 388.3515625, + 49.5703125, + 0.9014492034912109, + 271.1640625, + 459.7265625, + 0.8915433287620544, + 554.3671875, + 0.7421875, + 0.5838623642921448, + 446.9453125, + 342.5390625, + 0.9567447900772095, + 359.0546875, + 215.5859375, + 0.7767459154129028, + 359.0546875, + 342.5390625, + 0.686178982257843, + 573.8984375, + 98.3984375, + 0.770706295967102, + 681.3203125, + 254.6484375, + 0.859957218170166, + 691.0859375, + 244.8828125, + 0.5780390501022339, + 730.1484375, + 303.4765625, + 0.1581217646598816 + ], + "scale": [ + 4.6875, + 6.25 + ], + "score": 0.7668460336598483 + }, + { + "category_id": 1, + "center": [ + 451.0, + 241.0 + ], + "image_id": 20503634400, + "keypoints": [ + 245.84373474121094, + -16.760433197021484, + 0.0033229512628167868, + 677.1979370117188, + 330.4270935058594, + 0.00157113466411829, + -54.000030517578125, + -32.541683197021484, + 0.0021434857044368982, + 256.36456298828125, + 25.32290267944336, + 0.0017892738105729222, + 66.98956298828125, + -6.239598274230957, + 0.08571258187294006, + 214.28123474121094, + 14.802069664001465, + 0.5985379219055176, + 130.11456298828125, + 204.1770782470703, + 0.7986831068992615, + 393.1354064941406, + 25.32290267944336, + 0.755838930606842, + 266.8854064941406, + 446.15625, + 0.9035081267356873, + 593.03125, + 14.802069664001465, + 0.6602771282196045, + 445.7395935058594, + 319.90625, + 1.0029162168502808, + 361.5729064941406, + 204.1770782470703, + 0.7735771536827087, + 361.5729064941406, + 330.4270935058594, + 0.7567552328109741, + 593.03125, + 109.48957824707031, + 0.8969308137893677, + 677.1979370117188, + 246.2604217529297, + 0.952406108379364, + 698.2396240234375, + 246.2604217529297, + 0.4702581465244293, + 729.8021240234375, + 425.1145935058594, + 0.27798429131507874 + ], + "scale": [ + 5.050000190734863, + 6.733333587646484 + ], + "score": 0.7373060981432596 + }, + { + "category_id": 1, + "center": [ + 399.0, + 210.0 + ], + "image_id": 20503635201, + "keypoints": [ + 260.4192810058594, + 4.518229007720947, + 0.10204724967479706, + 231.7473907470703, + -52.82551956176758, + 0.0017073506023734808, + 222.1901092529297, + 33.19010543823242, + 0.01795244961977005, + 250.8619842529297, + 33.19010543823242, + 0.002237065229564905, + 117.05989837646484, + 14.075520515441895, + 0.20122992992401123, + 193.5182342529297, + 14.075520515441895, + 0.5064166188240051, + 126.6171875, + 195.6640625, + 0.7724378108978271, + 394.2213439941406, + 23.6328125, + 0.7607741355895996, + 346.4349060058594, + 348.5807189941406, + 0.7348000407218933, + 614.0390625, + 14.075520515441895, + 0.707387387752533, + 336.8775939941406, + 147.8776092529297, + 0.926116943359375, + 355.9921875, + 205.2213592529297, + 0.8007996678352356, + 375.1067810058594, + 339.0234375, + 0.6501778364181519, + 585.3671875, + 90.53385162353516, + 0.782577633857727, + 671.3828125, + 243.4505157470703, + 0.8260674476623535, + 690.4973754882812, + 243.4505157470703, + 0.44775718450546265, + 728.7265625, + 310.3515625, + 0.08135078847408295 + ], + "scale": [ + 4.587500095367432, + 6.116666793823242 + ], + "score": 0.676378553112348 + }, + { + "category_id": 1, + "center": [ + 402.5, + 216.5 + ], + "image_id": 20503635800, + "keypoints": [ + 261.8424377441406, + 7.938802242279053, + 0.10776732861995697, + 232.7408905029297, + -50.26432418823242, + 0.0032522238325327635, + 242.44140625, + 46.74088668823242, + 0.011469854973256588, + 242.44140625, + 37.04036331176758, + 0.0032515705097466707, + 135.7356719970703, + 7.938802242279053, + 0.0846937894821167, + 223.0403594970703, + 17.63932228088379, + 0.5100066661834717, + 145.4362030029297, + 182.5481719970703, + 0.7236323356628418, + 407.3502502441406, + 27.33984375, + 0.7859833240509033, + 378.2486877441406, + 347.45703125, + 0.61277836561203, + 601.3606567382812, + -1.76171875, + 0.7341722249984741, + 329.74609375, + 134.0455780029297, + 0.3560333549976349, + 378.2486877441406, + 201.94921875, + 0.7102816700935364, + 368.5481872558594, + 347.45703125, + 0.7064937353134155, + 572.2590942382812, + 104.94400787353516, + 0.7658119201660156, + 688.6653442382812, + 250.4518280029297, + 0.8225351572036743, + 698.3659057617188, + 250.4518280029297, + 0.43541544675827026, + 727.4674682617188, + 221.3502655029297, + 0.1054806262254715 + ], + "scale": [ + 4.65625, + 6.208333492279053 + ], + "score": 0.6511949273672971 + }, + { + "category_id": 1, + "center": [ + 399.0, + 241.0 + ], + "image_id": 20503636500, + "keypoints": [ + 243.5963592529297, + 15.4140625, + 0.005515946540981531, + 604.5338745117188, + 215.9348907470703, + 0.004612361080944538, + 524.3255004882812, + 256.0390625, + 0.005133701488375664, + 554.4036254882812, + 266.0650939941406, + 0.0017814545426517725, + 93.20572662353516, + 25.44010353088379, + 0.19159704446792603, + 213.5182342529297, + 15.4140625, + 0.7026677131652832, + 123.28385162353516, + 215.9348907470703, + 0.7732911109924316, + 393.9869689941406, + 45.4921875, + 0.8360404968261719, + 283.7005310058594, + 446.5338439941406, + 0.8621846437454224, + 544.3776245117188, + 15.4140625, + 0.7783311605453491, + 454.1432189941406, + 336.2474060058594, + 0.9928475618362427, + 373.9349060058594, + 205.9088592529297, + 0.7872816324234009, + 353.8828125, + 336.2474060058594, + 0.6041525602340698, + 584.4817504882812, + 135.7265625, + 0.6204100847244263, + 674.7161254882812, + 246.0130157470703, + 0.9169468879699707, + 674.7161254882812, + 256.0390625, + 0.44116100668907166, + 694.7682495117188, + 336.2474060058594, + 0.22340601682662964 + ], + "scale": [ + 4.8125, + 6.416666507720947 + ], + "score": 0.7115600729982058 + }, + { + "category_id": 1, + "center": [ + 406.5, + 240.0 + ], + "image_id": 20503637600, + "keypoints": [ + 266.59765625, + 22.91015625, + 0.030343111604452133, + 594.64453125, + 215.87890625, + 0.005228876136243343, + 218.35546875, + 32.55859375, + 0.006677115801721811, + 208.70703125, + -15.68359375, + 0.002668488770723343, + 179.76171875, + 32.55859375, + 0.1371740698814392, + 228.00390625, + 22.91015625, + 0.5642362236976624, + 150.81640625, + 196.58203125, + 0.8085925579071045, + 411.32421875, + 51.85546875, + 0.8464299440383911, + 285.89453125, + 457.08984375, + 0.9167046546936035, + 594.64453125, + 3.61328125, + 0.5713086128234863, + 469.21484375, + 331.66015625, + 0.9304360151290894, + 372.73046875, + 215.87890625, + 0.799666702747345, + 372.73046875, + 341.30859375, + 0.65669846534729, + 584.99609375, + 119.39453125, + 0.825486421585083, + 671.83203125, + 254.47265625, + 0.8118276596069336, + 681.48046875, + 264.12109375, + 0.443362832069397, + 720.07421875, + 322.01171875, + 0.12091413140296936 + ], + "scale": [ + 4.631249904632568, + 6.175000190734863 + ], + "score": 0.7431590990586714 + }, + { + "category_id": 1, + "center": [ + 411.5, + 239.5 + ], + "image_id": 20503640400, + "keypoints": [ + 256.70184326171875, + -15.167952537536621, + 0.010668362490832806, + 606.24609375, + 214.5325469970703, + 0.005951988976448774, + 306.63671875, + 384.3111877441406, + 0.00425141304731369, + 496.3893127441406, + 34.76694107055664, + 0.0018406237941235304, + 96.9101791381836, + -15.167952537536621, + 0.04861578345298767, + 206.76693725585938, + 14.792983055114746, + 0.6274515390396118, + 136.85809326171875, + 194.55859375, + 0.8136602640151978, + 386.5325622558594, + 44.7539176940918, + 0.8509435653686523, + 286.66278076171875, + 454.22003173828125, + 0.9360194206237793, + 596.2590942382812, + 34.76694107055664, + 0.8275178670883179, + 476.4153747558594, + 324.3893127441406, + 0.9837353229522705, + 366.55859375, + 214.5325469970703, + 0.7975409030914307, + 366.55859375, + 344.36328125, + 0.695449948310852, + 586.2720947265625, + 114.66276550292969, + 0.8547298908233643, + 686.1419067382812, + 244.4934844970703, + 0.9008179903030396, + 686.1419067382812, + 254.48046875, + 0.4795340299606323, + 686.1419067382812, + 404.28515625, + 0.1314394325017929 + ], + "scale": [ + 4.793749809265137, + 6.391666412353516 + ], + "score": 0.797036431052468 + }, + { + "category_id": 1, + "center": [ + 444.5, + 222.0 + ], + "image_id": 20503641700, + "keypoints": [ + 377.5533752441406, + 21.16015625, + 0.006465128622949123, + 315.7565002441406, + 371.3424377441406, + 0.0013253996148705482, + 253.9596405029297, + 319.8450622558594, + 0.0024940648581832647, + 439.3502502441406, + 175.65234375, + 0.006065713707357645, + 150.96484375, + 31.45963478088379, + 0.033247366547584534, + 192.1627655029297, + 10.860676765441895, + 0.652732253074646, + 140.6653594970703, + 175.65234375, + 0.8387104272842407, + 315.7565002441406, + 93.25650787353516, + 0.7850396037101746, + 326.0559997558594, + 391.94140625, + 0.9126110672950745, + 459.94921875, + 72.65755462646484, + 0.8870115280151367, + 490.84765625, + 237.44921875, + 0.9413448572158813, + 346.6549377441406, + 216.8502655029297, + 0.7564852237701416, + 367.25390625, + 340.4440002441406, + 0.6848065853118896, + 583.54296875, + 113.85546875, + 0.6405436992645264, + 676.23828125, + 237.44921875, + 0.8845857381820679, + 686.5377807617188, + 237.44921875, + 0.5519339442253113, + 768.93359375, + 319.8450622558594, + 0.23379835486412048 + ], + "scale": [ + 4.943749904632568, + 6.591667175292969 + ], + "score": 0.7308002735177676 + }, + { + "category_id": 1, + "center": [ + 406.5, + 228.5 + ], + "image_id": 20503642500, + "keypoints": [ + 565.69921875, + 252.62109375, + 0.006412375718355179, + 594.64453125, + 204.37890625, + 0.009998088702559471, + 305.19140625, + 320.16015625, + 0.005222746636718512, + 478.86328125, + 107.89453125, + 0.004001605324447155, + 363.08203125, + 522.77734375, + 0.006629363168030977, + 218.35546875, + 11.41015625, + 0.38864460587501526, + 141.16796875, + 185.08203125, + 0.7748568058013916, + 411.32421875, + 40.35546875, + 0.5097053647041321, + 372.73046875, + 406.99609375, + 0.9175081253051758, + 584.99609375, + 1.76171875, + 0.1837383508682251, + 623.58984375, + 329.80859375, + 0.939420223236084, + 363.08203125, + 204.37890625, + 0.7566078305244446, + 363.08203125, + 329.80859375, + 0.6685947179794312, + 575.34765625, + 98.24609375, + 0.7667216658592224, + 652.53515625, + 242.97265625, + 0.8640357255935669, + 671.83203125, + 233.32421875, + 0.37279224395751953, + 739.37109375, + 445.58984375, + 0.07830087840557098 + ], + "scale": [ + 4.631249904632568, + 6.175000190734863 + ], + "score": 0.6958887308835984 + }, + { + "category_id": 1, + "center": [ + 412.0, + 229.5 + ], + "image_id": 20503642801, + "keypoints": [ + 473.953125, + 377.234375, + 0.0076510109938681126, + 607.390625, + 215.203125, + 0.005703766830265522, + 388.171875, + 358.171875, + 0.0023901578970253468, + 245.20310974121094, + 34.1093635559082, + 0.0018359051318839192, + 178.48435974121094, + -13.546891212463379, + 0.01987074315547943, + 216.60935974121094, + 5.515610218048096, + 0.47824105620384216, + 159.42185974121094, + 186.609375, + 0.7899187207221985, + 397.703125, + 34.1093635559082, + 0.7554079294204712, + 369.109375, + 434.421875, + 0.8757120370864868, + 607.390625, + 53.1718635559082, + 0.9098845720291138, + 616.921875, + 377.234375, + 0.9266681671142578, + 369.109375, + 215.203125, + 0.7023773193359375, + 369.109375, + 329.578125, + 0.7271463871002197, + 597.859375, + 119.89061737060547, + 0.6212302446365356, + 664.578125, + 243.796875, + 0.9113225340843201, + 683.640625, + 253.328125, + 0.44027912616729736, + 702.703125, + 377.234375, + 0.08316241949796677 + ], + "scale": [ + 4.575000286102295, + 6.100000381469727 + ], + "score": 0.7398352812636982 + }, + { + "category_id": 1, + "center": [ + 426.5, + 222.5 + ], + "image_id": 20503643201, + "keypoints": [ + 355.30859375, + 8.92578125, + 0.009376345202326775, + 497.69140625, + 445.56640625, + 0.0025083108339458704, + 179.703125, + 412.34375, + 0.0009260119986720383, + 231.91015625, + -19.55078125, + 0.0016414661658927798, + 184.44921875, + 18.41796875, + 0.039234708994627, + 231.91015625, + 18.41796875, + 0.4561901390552521, + 174.95703125, + 170.29296875, + 0.8239148259162903, + 440.73828125, + 37.40234375, + 0.6784932613372803, + 393.27734375, + 360.13671875, + 0.8317685127258301, + 621.08984375, + 27.91015625, + 0.786496639251709, + 488.19921875, + 151.30859375, + 0.9227585196495056, + 374.29296875, + 217.75390625, + 0.5959216356277466, + 374.29296875, + 341.15234375, + 0.5392264723777771, + 573.62890625, + 151.30859375, + 0.44893598556518555, + 678.04296875, + 255.72265625, + 0.9035091996192932, + 678.04296875, + 255.72265625, + 0.43825769424438477, + 734.99609375, + 407.59765625, + 0.2944192886352539 + ], + "scale": [ + 4.556250095367432, + 6.075000286102295 + ], + "score": 0.6433243478337923 + }, + { + "category_id": 1, + "center": [ + 412.5, + 230.0 + ], + "image_id": 20503643500, + "keypoints": [ + 377.63671875, + -24.00390625, + 0.012079070322215557, + 616.69921875, + 215.05859375, + 0.00448923883959651, + 387.59765625, + 384.39453125, + 0.0027481557335704565, + 148.53515625, + 185.17578125, + 0.0011954163201153278, + 158.49609375, + 15.83984375, + 0.03653082996606827, + 208.30078125, + 25.80078125, + 0.41858482360839844, + 148.53515625, + 185.17578125, + 0.7970758676528931, + 397.55859375, + 55.68359375, + 0.38346195220947266, + 347.75390625, + 394.35546875, + 0.8443716168403625, + 566.89453125, + 5.87890625, + 0.24519722163677216, + 407.51953125, + 155.29296875, + 0.977790117263794, + 367.67578125, + 215.05859375, + 0.6814004778862, + 357.71484375, + 344.55078125, + 0.6629652380943298, + 556.93359375, + 105.48828125, + 0.6924489736557007, + 666.50390625, + 264.86328125, + 0.8826431035995483, + 656.54296875, + 254.90234375, + 0.6458297967910767, + 726.26953125, + 394.35546875, + 0.19436952471733093 + ], + "scale": [ + 4.78125, + 6.375 + ], + "score": 0.6574335626580499 + }, + { + "category_id": 1, + "center": [ + 409.0, + 229.0 + ], + "image_id": 20503645000, + "keypoints": [ + 548.6614379882812, + 242.515625, + 0.002179011469706893, + 584.703125, + 206.4739532470703, + 0.004179117735475302, + 314.390625, + 314.59893798828125, + 0.0040136524476110935, + 521.6301879882812, + 143.4010467529297, + 0.009360181167721748, + 116.1614761352539, + -0.7656087875366211, + 0.008851260878145695, + 215.27606201171875, + 8.244807243347168, + 0.5106313228607178, + 143.19273376464844, + 179.44271850585938, + 0.7437904477119446, + 386.4739685058594, + 26.265640258789062, + 0.42261141538619995, + 368.453125, + 404.703125, + 0.8951919078826904, + 530.640625, + -27.796855926513672, + 0.09379152953624725, + 638.765625, + 341.63018798828125, + 0.8934776782989502, + 368.453125, + 197.4635467529297, + 0.7734899520874023, + 368.453125, + 323.609375, + 0.702406108379364, + 593.7135009765625, + 125.38021850585938, + 0.8182277679443359, + 683.8176879882812, + 233.5052032470703, + 0.9766684770584106, + 683.8176879882812, + 242.515625, + 0.4053966999053955, + 737.8801879882812, + 413.7135314941406, + 0.07855098694562912 + ], + "scale": [ + 4.324999809265137, + 5.766666412353516 + ], + "score": 0.7141891777515411 + }, + { + "category_id": 1, + "center": [ + 405.0, + 224.0 + ], + "image_id": 20503653100, + "keypoints": [ + 643.3984375, + 294.1171875, + 0.00871308147907257, + -25.052053451538086, + 803.6353759765625, + 0.0012151263654232025, + 643.3984375, + 359.55987548828125, + 0.0010400285245850682, + 241.3932342529297, + 32.34636688232422, + 0.0019480581395328045, + 175.95053100585938, + -14.398421287536621, + 0.02108270488679409, + 213.34637451171875, + 13.648451805114746, + 0.5648083686828613, + 157.25262451171875, + 172.5807342529297, + 0.7983447313308716, + 400.3255310058594, + 41.6953239440918, + 0.843214750289917, + 400.3255310058594, + 378.2578125, + 0.8877397775650024, + 606.0025634765625, + 51.044281005859375, + 0.8587523698806763, + 643.3984375, + 284.7682189941406, + 0.9378137588500977, + 372.2786560058594, + 191.2786407470703, + 0.7071183919906616, + 372.2786560058594, + 312.8150939941406, + 0.6577781438827515, + 577.9556884765625, + 107.13803100585938, + 0.6352689266204834, + 643.3984375, + 359.55987548828125, + 0.34534409642219543, + 699.4921875, + 247.3723907470703, + 0.1708112508058548, + 708.8411254882812, + 434.3515625, + 0.12605512142181396 + ], + "scale": [ + 4.487499713897705, + 5.983333587646484 + ], + "score": 0.7236183315515519 + }, + { + "category_id": 1, + "center": [ + 415.0, + 240.0 + ], + "image_id": 20503653601, + "keypoints": [ + 253.1380157470703, + 5.039048194885254, + 0.006066802889108658, + 284.46612548828125, + 391.4192810058594, + 0.0043465145863592625, + 232.25259399414062, + 339.20574951171875, + 0.006848467048257589, + 221.8098907470703, + 25.92446517944336, + 0.0017118570394814014, + 159.15362548828125, + -26.289077758789062, + 0.020396091043949127, + 200.92446899414062, + 5.039048194885254, + 0.5604488849639893, + 148.71092224121094, + 182.56509399414062, + 0.8377119302749634, + 399.3359375, + 25.92446517944336, + 0.8450163006782532, + 284.46612548828125, + 443.6328125, + 0.8937797546386719, + 629.0755615234375, + 5.039048194885254, + 0.7534335851669312, + 482.8775939941406, + 349.6484375, + 0.9420720934867859, + 368.0078125, + 213.8932342529297, + 0.7770951390266418, + 368.0078125, + 339.20574951171875, + 0.6893028020858765, + 587.3046875, + 99.02342987060547, + 0.6637394428253174, + 670.8463745117188, + 255.6640625, + 0.837912917137146, + 691.7318115234375, + 245.2213592529297, + 0.3523233234882355, + 733.5026245117188, + 349.6484375, + 0.19479113817214966 + ], + "scale": [ + 5.012500286102295, + 6.683333396911621 + ], + "score": 0.7411669248884375 + }, + { + "category_id": 1, + "center": [ + 399.0, + 235.5 + ], + "image_id": 20503656900, + "keypoints": [ + 326.9296875, + -9.539078712463379, + 0.008887803182005882, + 528.7265625, + 124.99217987060547, + 0.0018073826795443892, + 451.8515625, + -211.33596801757812, + 0.0015812227502465248, + 519.1171875, + 240.3046875, + 0.003654588246718049, + 115.52342224121094, + -19.148454666137695, + 0.048712681978940964, + 211.61717224121094, + 19.289047241210938, + 0.5801995396614075, + 144.35154724121094, + 173.0390625, + 0.8514375686645508, + 307.7109375, + 124.99217987060547, + 0.6647719144821167, + 298.1015625, + 422.8828125, + 0.9107472896575928, + 423.0234375, + 173.0390625, + 0.9562858939170837, + 471.0703125, + 269.1328125, + 0.9871245622634888, + 365.3671875, + 230.6953125, + 0.8207303285598755, + 355.7578125, + 346.0078125, + 0.5909295678138733, + 586.3828125, + 163.4296875, + 0.4705525040626526, + 682.4765625, + 249.9140625, + 0.8896405696868896, + 701.6953125, + 249.9140625, + 0.387349009513855, + 826.6171875, + 336.3984375, + 0.13216406106948853 + ], + "scale": [ + 4.612500190734863, + 6.150000095367432 + ], + "score": 0.7372517043893988 + }, + { + "category_id": 1, + "center": [ + 399.0, + 225.0 + ], + "image_id": 20503657200, + "keypoints": [ + 578.7005004882812, + -255.8203125, + 0.001852097688242793, + 462.1380310058594, + -226.6796875, + 0.0009136552689597011, + 306.7213439941406, + 317.2786560058594, + 0.0025634688790887594, + 471.8515625, + 191.0026092529297, + 0.0032881414517760277, + 510.7057189941406, + 200.7161407470703, + 0.002907452406361699, + 219.2994842529297, + 25.87239646911621, + 0.48101091384887695, + 161.0182342529297, + 142.4348907470703, + 0.817987859249115, + 316.4349060058594, + 132.7213592529297, + 0.27277636528015137, + 316.4349060058594, + 385.2734375, + 0.826836884021759, + 403.8567810058594, + 181.2890625, + 0.5975148677825928, + 452.4244689941406, + 249.2838592529297, + 0.9131442308425903, + 365.0025939941406, + 220.1432342529297, + 0.7785135507583618, + 374.7161560058594, + 336.7057189941406, + 0.6469799876213074, + 578.7005004882812, + 132.7213592529297, + 0.4912407100200653, + 675.8359375, + 249.2838592529297, + 0.8684422969818115, + 685.5494995117188, + 258.9974060058594, + 0.4752788245677948, + 724.4036254882812, + 414.4140625, + 0.08084209263324738 + ], + "scale": [ + 4.662499904632568, + 6.2166666984558105 + ], + "score": 0.6517933173613115 + }, + { + "category_id": 1, + "center": [ + 393.5, + 234.5 + ], + "image_id": 20503658700, + "keypoints": [ + 313.2591247558594, + -43.98307418823242, + 0.0030514125246554613, + 714.4635620117188, + 819.7864379882812, + 0.001417257939465344, + 303.8190002441406, + 324.1809997558594, + 0.004503319971263409, + 143.3372344970703, + 163.69921875, + 0.000987713923677802, + 105.57682037353516, + -15.662760734558105, + 0.013798905536532402, + 199.9778594970703, + 22.09765625, + 0.545331597328186, + 143.3372344970703, + 163.69921875, + 0.8068938255310059, + 313.2591247558594, + 135.37890625, + 0.29587650299072266, + 332.1393127441406, + 428.0221252441406, + 0.8834801912307739, + 407.66015625, + 182.5794219970703, + 0.677893877029419, + 568.1419067382812, + 295.8606872558594, + 0.9026587009429932, + 369.8997497558594, + 229.7799530029297, + 0.7722721099853516, + 369.8997497558594, + 343.0611877441406, + 0.6782673597335815, + 587.0221557617188, + 154.2591094970703, + 0.4636530876159668, + 681.4231567382812, + 248.66015625, + 0.7804352641105652, + 700.3034057617188, + 258.1002502441406, + 0.38248127698898315, + 719.18359375, + 437.4622497558594, + 0.20505982637405396 + ], + "scale": [ + 4.53125, + 6.0416669845581055 + ], + "score": 0.6161919683218002 + }, + { + "category_id": 1, + "center": [ + 411.0, + 223.5 + ], + "image_id": 20503659500, + "keypoints": [ + 492.2369689941406, + 170.9348907470703, + 0.004859250970184803, + 549.5807495117188, + 323.8515625, + 0.004718223121017218, + 396.6640625, + -20.2109375, + 0.003097543492913246, + 406.2213439941406, + 104.03385162353516, + 0.004399715922772884, + 129.0598907470703, + 46.69010543823242, + 0.015881652012467384, + 195.9609375, + 18.01822853088379, + 0.6267948746681213, + 138.6171875, + 170.9348907470703, + 0.7665634751319885, + 329.7630310058594, + 56.24739456176758, + 0.80610191822052, + 415.7786560058594, + 352.5234375, + 0.8704266548156738, + 473.1224060058594, + 46.69010543823242, + 0.8784579038619995, + 654.7109375, + 323.8515625, + 0.9146267175674438, + 348.8775939941406, + 228.2786407470703, + 0.794418215751648, + 358.4349060058594, + 362.0807189941406, + 0.5851330757141113, + 587.8098754882812, + 218.7213592529297, + 0.4652700424194336, + 664.2682495117188, + 247.3932342529297, + 0.6659610867500305, + 683.3828125, + 247.3932342529297, + 0.32640761137008667, + 721.6119995117188, + 333.4088439941406, + 0.08830678462982178 + ], + "scale": [ + 4.587500095367432, + 6.116666793823242 + ], + "score": 0.7000146887519143 + }, + { + "category_id": 1, + "center": [ + 398.0, + 226.5 + ], + "image_id": 20503606000, + "keypoints": [ + 253.8984375, + -10.5703125, + 0.012402798049151897, + 588.5859375, + 203.2578125, + 0.0035244065802544355, + 672.2578125, + 156.7734375, + 0.0016235291259363294, + 467.7265625, + 119.5859375, + 0.00674275029450655, + 105.1484375, + -10.5703125, + 0.01945430040359497, + 198.1171875, + 17.3203125, + 0.5635668039321899, + 133.0390625, + 175.3671875, + 0.7980926036834717, + 374.7578125, + 35.9140625, + 0.8017467260360718, + 374.7578125, + 398.4921875, + 0.8751277327537537, + 542.1015625, + -1.2734375, + 0.44583070278167725, + 653.6640625, + 352.0078125, + 0.847943902015686, + 365.4609375, + 203.2578125, + 0.8014011979103088, + 365.4609375, + 324.1171875, + 0.7194353938102722, + 579.2890625, + 110.2890625, + 0.8426991701126099, + 672.2578125, + 231.1484375, + 0.9981634616851807, + 681.5546875, + 240.4453125, + 0.465019166469574, + 737.3359375, + 324.1171875, + 0.07389840483665466 + ], + "scale": [ + 4.462500095367432, + 5.950000286102295 + ], + "score": 0.7417297146537087 + }, + { + "category_id": 1, + "center": [ + 400.0, + 218.5 + ], + "image_id": 20503660400, + "keypoints": [ + 241.015625, + 11.338541984558105, + 0.011833691969513893, + -43.22916793823242, + 815.8958129882812, + 0.0011423693504184484, + 823.9583129882812, + 647.2760620117188, + 0.0038808761164546013, + 558.984375, + 242.5885467529297, + 0.0046906853094697, + 67.578125, + -7.932291507720947, + 0.03759612515568733, + 202.4739532470703, + 11.338541984558105, + 0.4911491870880127, + 115.75521087646484, + 155.8697967529297, + 0.7881295680999756, + 404.8177185058594, + 30.609375, + 0.5661008358001709, + 347.0052185058594, + 367.8489685058594, + 0.750564455986023, + 558.984375, + 11.338541984558105, + 0.5354340076446533, + 568.6198120117188, + 300.4010314941406, + 0.6945998668670654, + 366.2760314941406, + 175.140625, + 0.7557777166366577, + 366.2760314941406, + 310.0364685058594, + 0.6528933048248291, + 587.890625, + 155.8697967529297, + 0.6477272510528564, + 684.2448120117188, + 271.4947814941406, + 0.8287914991378784, + 684.2448120117188, + 252.2239532470703, + 0.3524336814880371, + 722.7864379882812, + 416.0260314941406, + 0.1705288589000702 + ], + "scale": [ + 4.625, + 6.1666669845581055 + ], + "score": 0.6421455795114691 + }, + { + "category_id": 1, + "center": [ + 406.5, + 221.0 + ], + "image_id": 20503663500, + "keypoints": [ + 450.85546875, + 87.93358612060547, + 0.01850128546357155, + 598.70703125, + 235.78515625, + 0.007284688297659159, + 303.00390625, + 324.49609375, + 0.015379947610199451, + 224.1497344970703, + 18.93618392944336, + 0.0015467496123164892, + 96.0116958618164, + 38.64972686767578, + 0.0044203875586390495, + 204.43618774414062, + 9.079413414001465, + 0.5367007255554199, + 135.43878173828125, + 186.5012969970703, + 0.7919421195983887, + 391.71484375, + 38.64972686767578, + 0.8197497129440308, + 352.2877502441406, + 393.4934997558594, + 0.9122280478477478, + 618.4205932617188, + 18.93618392944336, + 0.7581337094306946, + 608.5638427734375, + 334.3528747558594, + 0.9115887880325317, + 362.14453125, + 186.5012969970703, + 0.7531406283378601, + 372.0013122558594, + 304.7825622558594, + 0.7781374454498291, + 598.70703125, + 97.79035949707031, + 0.7003828883171082, + 667.7044677734375, + 255.4987030029297, + 0.8030426502227783, + 687.41796875, + 245.6419219970703, + 0.3927215337753296, + 707.1315307617188, + 413.20703125, + 0.06688253581523895 + ], + "scale": [ + 4.731250286102295, + 6.308333396911621 + ], + "score": 0.7416152954101562 + }, + { + "category_id": 1, + "center": [ + 401.0, + 239.5 + ], + "image_id": 20503664100, + "keypoints": [ + 555.2578125, + 262.8724060058594, + 0.008731301873922348, + 583.3046875, + 225.4765625, + 0.005178831052035093, + 302.8359375, + 328.3150939941406, + 0.008540602400898933, + 471.1171875, + 122.63803100585938, + 0.003390624886378646, + 106.5078353881836, + -8.247379302978516, + 0.027076441794633865, + 209.34637451171875, + 1.101578712463379, + 0.6106811165809631, + 134.55470275878906, + 178.73178100585938, + 0.7985512018203735, + 377.6275939941406, + 38.49740982055664, + 0.8358210325241089, + 358.9296875, + 393.7578125, + 0.8993378281593323, + 602.0025634765625, + 38.49740982055664, + 0.813126802444458, + 602.0025634765625, + 337.6640625, + 0.8527863025665283, + 368.2786560058594, + 188.0807342529297, + 0.7470412850379944, + 368.2786560058594, + 309.6171875, + 0.7829056978225708, + 583.3046875, + 113.28907012939453, + 0.785901665687561, + 676.7942504882812, + 253.5234375, + 0.8859123587608337, + 676.7942504882812, + 262.8724060058594, + 0.4458014667034149, + 686.1431884765625, + 384.4088439941406, + 0.06990747898817062 + ], + "scale": [ + 4.487499713897705, + 5.983333587646484 + ], + "score": 0.7688969780098308 + }, + { + "category_id": 1, + "center": [ + 428.0, + 226.0 + ], + "image_id": 20503667800, + "keypoints": [ + 452.6744689941406, + 53.27863311767578, + 0.0024280284997075796, + 630.3307495117188, + 211.1953125, + 0.0029812445864081383, + 245.40884399414062, + 319.7630310058594, + 0.005482759326696396, + 146.71092224121094, + 161.84634399414062, + 0.0010670662159100175, + 136.84112548828125, + 43.408843994140625, + 0.01257352251559496, + 215.79946899414062, + 13.79946517944336, + 0.6435009241104126, + 146.71092224121094, + 161.84634399414062, + 0.8687262535095215, + 324.3671875, + 122.36717987060547, + 0.7032954096794128, + 324.3671875, + 398.72137451171875, + 0.9235862493515015, + 423.0650939941406, + 181.5859375, + 0.9315645694732666, + 462.5442810058594, + 240.8046875, + 0.8421987295150757, + 373.7161560058594, + 221.0651092529297, + 0.7792896032333374, + 373.7161560058594, + 329.6328125, + 0.6736575365066528, + 590.8515625, + 142.1067657470703, + 0.6329980492591858, + 689.5494995117188, + 250.6744842529297, + 0.9771720170974731, + 669.8099365234375, + 250.6744842529297, + 0.5935370922088623, + 699.4193115234375, + 378.9817810058594, + 0.16690047085285187 + ], + "scale": [ + 4.737500190734863, + 6.316666603088379 + ], + "score": 0.7790478576313365 + }, + { + "category_id": 1, + "center": [ + 395.0, + 221.0 + ], + "image_id": 20503672100, + "keypoints": [ + 253.7239532470703, + -11.421875, + 0.01901175081729889, + 672.9948120117188, + 298.4739685058594, + 0.0017731799744069576, + 326.640625, + -2.3072917461395264, + 0.0017102700658142567, + 490.703125, + 216.4427032470703, + 0.0048031872138381, + 135.234375, + 25.03645896911621, + 0.0368046760559082, + 208.1510467529297, + 15.921875, + 0.7334400415420532, + 135.234375, + 179.984375, + 0.8002737760543823, + 335.7552185058594, + 134.4114532470703, + 0.7627076506614685, + 372.2135314941406, + 362.2760314941406, + 0.8448426127433777, + 454.2447814941406, + 198.2135467529297, + 0.9340846538543701, + 600.078125, + 280.2447814941406, + 0.9172033071517944, + 353.984375, + 234.671875, + 0.7309949398040771, + 344.8697814941406, + 353.1614685058594, + 0.5859033465385437, + 554.5051879882812, + 125.296875, + 0.5839137434959412, + 627.421875, + 243.7864532470703, + 0.4061698317527771, + 645.6510620117188, + 225.5572967529297, + 0.20887808501720428, + 727.6823120117188, + 280.2447814941406, + 0.12342891842126846 + ], + "scale": [ + 4.375, + 5.8333330154418945 + ], + "score": 0.6825829080559991 + }, + { + "category_id": 1, + "center": [ + 413.0, + 211.5 + ], + "image_id": 20503607600, + "keypoints": [ + 259.2109375, + -1.8202987909317017, + 0.422128826379776, + 239.36720275878906, + -1.8202987909317017, + 0.013328313827514648, + 209.60157775878906, + -1.8202987909317017, + 0.11967320740222931, + 239.36720275878906, + -1.8202987909317017, + 0.0032285049092024565, + 120.30470275878906, + 18.02345085144043, + 0.455051064491272, + 199.67970275878906, + 18.023448944091797, + 0.6489416360855103, + 130.22657775878906, + 196.6171875, + 0.7662480473518372, + 398.1171875, + 27.945323944091797, + 0.837056577205658, + 398.1171875, + 365.2890625, + 0.845994234085083, + 626.3203125, + -1.8202987909317017, + 0.7857772707939148, + 656.0859375, + 315.6796875, + 0.9782860279083252, + 358.4296875, + 196.6171875, + 0.7888849377632141, + 368.3515625, + 325.6015625, + 0.6715395450592041, + 586.6328125, + 97.39844512939453, + 0.8396965265274048, + 666.0078125, + 266.0703125, + 0.5711205005645752, + 685.8515625, + 226.3828125, + 0.2659120559692383, + 735.4609375, + 325.6015625, + 0.07730550318956375 + ], + "scale": [ + 4.762499809265137, + 6.349999904632568 + ], + "score": 0.6828182500142318 + }, + { + "category_id": 1, + "center": [ + 397.0, + 231.5 + ], + "image_id": 20503676900, + "keypoints": [ + 559.8515625, + 256.1744689941406, + 0.010583232156932354, + 599.3307495117188, + 305.5234375, + 0.006364057306200266, + 293.3671875, + 325.2630310058594, + 0.007403419818729162, + 480.89324951171875, + 147.6067657470703, + 0.005372431594878435, + 95.9713363647461, + 19.29946517944336, + 0.009109212085604668, + 174.92967224121094, + 19.29946517944336, + 0.5193519592285156, + 135.45050048828125, + 167.34634399414062, + 0.8593428134918213, + 303.2369689941406, + 127.86717987060547, + 0.6576120853424072, + 352.5859375, + 404.22137451171875, + 0.9074268341064453, + 451.2838439941406, + 196.9557342529297, + 0.9582401514053345, + 599.3307495117188, + 325.2630310058594, + 0.9100995063781738, + 362.4557189941406, + 226.5651092529297, + 0.7146948575973511, + 362.4557189941406, + 345.00262451171875, + 0.6493622064590454, + 589.4609375, + 177.2161407470703, + 0.5246527194976807, + 658.5494995117188, + 256.1744689941406, + 0.5270468592643738, + 678.2890625, + 236.4348907470703, + 0.20694735646247864, + 727.6380615234375, + 433.83074951171875, + 0.13614605367183685 + ], + "scale": [ + 4.737500190734863, + 6.316666603088379 + ], + "score": 0.6758888499303297 + }, + { + "category_id": 1, + "center": [ + 409.5, + 212.5 + ], + "image_id": 20503607900, + "keypoints": [ + 249.44140625, + 3.9388020038604736, + 0.5109454393386841, + 239.7408905029297, + 3.9388020038604736, + 0.016171280294656754, + 210.6393280029297, + 3.9388020038604736, + 0.19807255268096924, + 491.9544372558594, + 236.7512969970703, + 0.004016297869384289, + 94.23307037353516, + 13.639323234558105, + 0.7518517971038818, + 200.9387969970703, + 13.639323234558105, + 0.6769391298294067, + 133.03515625, + 197.94921875, + 0.7729468941688538, + 356.1471252441406, + 62.14192581176758, + 0.8184366226196289, + 394.94921875, + 353.1575622558594, + 0.8684487342834473, + 521.0559692382812, + 149.4466094970703, + 0.8965927362442017, + 666.5637817382812, + 314.35546875, + 0.9245662689208984, + 365.84765625, + 207.6497344970703, + 0.746505081653595, + 356.1471252441406, + 343.45703125, + 0.6149144172668457, + 588.9596557617188, + 168.84765625, + 0.43133705854415894, + 647.1627807617188, + 275.5533752441406, + 0.556755006313324, + 705.3659057617188, + 246.4518280029297, + 0.2691362500190735, + 724.7669067382812, + 324.0559997558594, + 0.12527647614479065 + ], + "scale": [ + 4.65625, + 6.208333492279053 + ], + "score": 0.679951956638923 + }, + { + "category_id": 1, + "center": [ + 400.5, + 240.5 + ], + "image_id": 20503679100, + "keypoints": [ + 299.19140625, + 33.05859375, + 0.0248991958796978, + 598.29296875, + 226.02734375, + 0.008776508271694183, + 357.08203125, + 23.41015625, + 0.0065581477247178555, + 511.45703125, + 197.08203125, + 0.002711341716349125, + 125.51953125, + -5.53515625, + 0.04341202229261398, + 183.41015625, + 23.41015625, + 0.6417372822761536, + 135.16796875, + 187.43359375, + 0.8062704205513, + 299.19140625, + 90.94921875, + 0.7534969449043274, + 250.94921875, + 476.88671875, + 0.817711353302002, + 463.21484375, + 71.65234375, + 0.9106115102767944, + 492.16015625, + 457.58984375, + 0.8225834369659424, + 366.73046875, + 216.37890625, + 0.7658906579017639, + 366.73046875, + 341.80859375, + 0.8017720580101013, + 588.64453125, + 110.24609375, + 0.8539806604385376, + 675.48046875, + 254.97265625, + 0.9047130346298218, + 685.12890625, + 264.62109375, + 0.5845702290534973, + 704.42578125, + 399.69921875, + 0.17187778651714325 + ], + "scale": [ + 4.631249904632568, + 6.175000190734863 + ], + "score": 0.7875761443918402 + }, + { + "category_id": 1, + "center": [ + 418.0, + 220.5 + ], + "image_id": 20503679400, + "keypoints": [ + 273.4947814941406, + 10.734375, + 0.024991922080516815, + 674.3801879882812, + 178.546875, + 0.006743456237018108, + 385.3697814941406, + 10.734375, + 0.003984523471444845, + 226.8802032470703, + -17.234375, + 0.0013377475552260876, + 170.9427032470703, + 38.703125, + 0.026718085631728172, + 198.9114532470703, + 29.38020896911621, + 0.6610156297683716, + 170.9427032470703, + 169.2239532470703, + 0.8437608480453491, + 310.7864685058594, + 94.640625, + 0.8439408540725708, + 441.3072814941406, + 327.7135314941406, + 0.9125601053237915, + 459.953125, + 75.99478912353516, + 0.934839129447937, + 674.3801879882812, + 215.8385467529297, + 0.9437391757965088, + 348.078125, + 234.484375, + 0.7046515345573425, + 366.7239685058594, + 355.6822814941406, + 0.7282153367996216, + 553.1823120117188, + 113.28646087646484, + 0.6792057752609253, + 646.4114379882812, + 243.8072967529297, + 0.537024974822998, + 646.4114379882812, + 169.2239532470703, + 0.17138439416885376, + 720.9948120117188, + 281.0989685058594, + 0.044866982847452164 + ], + "scale": [ + 4.474999904632568, + 5.966667175292969 + ], + "score": 0.7788953363895417 + }, + { + "category_id": 1, + "center": [ + 439.0, + 223.5 + ], + "image_id": 20503679800, + "keypoints": [ + 310.6796875, + 19.13802146911621, + 0.7079629302024841, + 367.7109375, + 19.13802146911621, + 0.01682867482304573, + 282.1640625, + 9.6328125, + 0.3836609721183777, + 434.2474060058594, + 152.2109375, + 0.007760419510304928, + 158.5963592529297, + 19.13802146911621, + 0.6824283599853516, + 196.6171875, + 47.65364456176758, + 0.6236296892166138, + 168.1015625, + 209.2421875, + 0.7649192810058594, + 310.6796875, + 76.16927337646484, + 0.8135606050491333, + 434.2474060058594, + 370.8307189941406, + 0.8154540061950684, + 453.2578125, + 76.16927337646484, + 0.9314367771148682, + 662.3723754882812, + 342.3150939941406, + 0.8995718359947205, + 377.2161560058594, + 209.2421875, + 0.782677173614502, + 386.7213439941406, + 323.3046875, + 0.661578893661499, + 567.3203125, + 104.68489837646484, + 0.8089253902435303, + 671.8776245117188, + 218.7473907470703, + 1.0276803970336914, + 681.3828125, + 218.7473907470703, + 0.5283501744270325, + 747.9192504882812, + 323.3046875, + 0.1873413771390915 + ], + "scale": [ + 4.5625, + 6.083333492279053 + ], + "score": 0.7451311775616237 + }, + { + "category_id": 1, + "center": [ + 408.0, + 232.0 + ], + "image_id": 20503608200, + "keypoints": [ + 529.4192504882812, + 52.29948043823242, + 0.00781990960240364, + 694.5494995117188, + 256.2838439941406, + 0.0028874960262328386, + 306.0078125, + 324.2786560058594, + 0.005775087978690863, + 451.7109375, + 149.4348907470703, + 0.00496360007673502, + 102.0234375, + 13.4453125, + 0.01747480221092701, + 208.8723907470703, + 13.4453125, + 0.6309752464294434, + 131.1640625, + 178.5755157470703, + 0.7984639406204224, + 364.2890625, + 81.44010162353516, + 0.8617913126945496, + 344.8619689941406, + 411.7005310058594, + 0.9194973707199097, + 539.1328125, + 168.8619842529297, + 0.9016532897949219, + 597.4140625, + 343.7057189941406, + 0.9620177745819092, + 374.0025939941406, + 217.4296875, + 0.7515272498130798, + 354.5755310058594, + 343.7057189941406, + 0.6325771808624268, + 607.1276245117188, + 198.0026092529297, + 0.5892030596733093, + 655.6953125, + 285.4244689941406, + 0.43379008769989014, + 704.2630004882812, + 275.7109375, + 0.21023987233638763, + 752.8307495117188, + 431.1275939941406, + 0.0858428031206131 + ], + "scale": [ + 4.662499904632568, + 6.2166666984558105 + ], + "score": 0.6992487622932955 + }, + { + "category_id": 1, + "center": [ + 419.0, + 224.0 + ], + "image_id": 20503682500, + "keypoints": [ + 323.5052185058594, + -32.32810974121094, + 0.006285284645855427, + 625.0676879882812, + 208.921875, + 0.0017966186860576272, + -18.26559829711914, + -203.21351623535156, + 0.0021565051283687353, + 544.6510620117188, + 178.765625, + 0.004478756804019213, + 152.61981201171875, + 17.93230438232422, + 0.009958303533494473, + 142.56771850585938, + 27.984386444091797, + 0.4227532148361206, + 162.67189025878906, + 158.66146850585938, + 0.793962836265564, + 303.40106201171875, + 98.34896850585938, + 0.5849010944366455, + 393.8697814941406, + 349.6510314941406, + 0.7604122161865234, + 393.8697814941406, + 58.1406364440918, + 0.6441351175308228, + 434.078125, + 108.40104675292969, + 0.9037020802497864, + 343.609375, + 208.921875, + 0.6054294109344482, + 363.7135314941406, + 339.59893798828125, + 0.6415421962738037, + 564.7551879882812, + 128.50521850585938, + 0.6669214963912964, + 675.328125, + 249.1302032470703, + 0.9353876709938049, + 665.2760009765625, + 239.078125, + 0.5652148723602295, + 705.484375, + 389.859375, + 0.11504389345645905 + ], + "scale": [ + 4.824999809265137, + 6.433333396911621 + ], + "score": 0.6840329278599132 + }, + { + "category_id": 1, + "center": [ + 389.5, + 232.5 + ], + "image_id": 20503737500, + "keypoints": [ + 317.33203125, + 6.373697757720947, + 0.044137999415397644, + 731.0950317382812, + 679.94140625, + 0.001187874237075448, + 259.59765625, + 35.24088668823242, + 0.002976140473037958, + 201.86328125, + -12.87109375, + 0.0016648449236527085, + 153.7512969970703, + -12.87109375, + 0.020478280261158943, + 163.3737030029297, + 15.99609375, + 0.518756091594696, + 134.5065155029297, + 160.33203125, + 0.7845140695571899, + 326.9544372558594, + 102.59765625, + 0.09354214370250702, + 346.19921875, + 343.1575622558594, + 0.8150506019592285, + 461.66796875, + 160.33203125, + 0.0409795381128788, + 500.1575622558594, + 179.5768280029297, + 0.8897128701210022, + 346.19921875, + 227.6887969970703, + 0.6210278272628784, + 346.19921875, + 372.0247497558594, + 0.7052268981933594, + 567.5143432617188, + 131.46484375, + 0.5006369948387146, + 692.60546875, + 237.3112030029297, + 0.9803580641746521, + 682.9830932617188, + 237.3112030029297, + 0.385274738073349, + 702.2278442382812, + 391.26953125, + 0.2095855474472046 + ], + "scale": [ + 4.618750095367432, + 6.1583333015441895 + ], + "score": 0.6410143703222275 + }, + { + "category_id": 1, + "center": [ + 392.5, + 226.0 + ], + "image_id": 20503703900, + "keypoints": [ + 272.2200622558594, + -19.37109375, + 0.13839316368103027, + 685.9830932617188, + 259.6783752441406, + 0.005255580879747868, + 214.4856719970703, + 9.49609375, + 0.025650080293416977, + 147.12890625, + -38.61588668823242, + 0.0020890519954264164, + 108.63932037353516, + 19.11849021911621, + 0.736595869064331, + 175.99609375, + 28.74088478088379, + 0.6254315376281738, + 108.63932037353516, + 201.9440155029297, + 0.8199228048324585, + 281.8424377441406, + 105.72005462646484, + 0.6443959474563599, + 339.5768127441406, + 384.76953125, + 0.89727783203125, + 387.6888122558594, + 115.34244537353516, + 0.92974454164505, + 435.80078125, + 211.56640625, + 0.8364567756652832, + 358.8216247558594, + 211.56640625, + 0.7708274722099304, + 368.4440002441406, + 346.2799377441406, + 0.7323572039604187, + 570.5143432617188, + 115.34244537353516, + 0.839854896068573, + 695.60546875, + 250.0559844970703, + 0.9764912128448486, + 685.9830932617188, + 250.0559844970703, + 0.48427510261535645, + 705.2278442382812, + 375.1471252441406, + 0.08637773990631104 + ], + "scale": [ + 4.618750095367432, + 6.1583333015441895 + ], + "score": 0.7744692663351694 + }, + { + "category_id": 1, + "center": [ + 377.0, + 240.0 + ], + "image_id": 20503741000, + "keypoints": [ + 260.1380310058594, + 38.99740982055664, + 0.8045066595077515, + 260.1380310058594, + 1.601578712463379, + 0.550963282585144, + 204.04428100585938, + 29.648452758789062, + 0.8536838293075562, + 447.1171875, + 123.13803100585938, + 0.0045662508346140385, + 101.20574951171875, + 38.99740982055664, + 0.8792111277580261, + 185.34637451171875, + 38.99740982055664, + 0.4251973032951355, + 119.9036636352539, + 207.2786407470703, + 0.778370201587677, + 306.8828125, + 151.18490600585938, + 0.1103886067867279, + 232.09115600585938, + 478.3984069824219, + 0.7993444204330444, + 316.2317810058594, + 38.99740982055664, + 0.0341508686542511, + 465.8150939941406, + 450.3515625, + 0.892125129699707, + 353.6275939941406, + 225.9765625, + 0.7839599847793579, + 372.3255310058594, + 347.51300048828125, + 0.7841476798057556, + 568.6536254882812, + 76.39324188232422, + 0.817086935043335, + 680.8411254882812, + 207.2786407470703, + 0.945902943611145, + 662.1431884765625, + 207.2786407470703, + 0.4310837686061859, + 708.8880004882812, + 356.8619689941406, + 0.195156529545784 + ], + "scale": [ + 4.487499713897705, + 5.983333587646484 + ], + "score": 0.749660251232294 + }, + { + "category_id": 1, + "center": [ + 374.0, + 240.0 + ], + "image_id": 20503743100, + "keypoints": [ + 253.4140625, + 3.2942707538604736, + 0.5116273760795593, + 226.6171875, + -14.5703125, + 0.010719138197600842, + 199.8203125, + 3.2942707538604736, + 0.14971497654914856, + 271.2786560058594, + -23.50260353088379, + 0.005975921172648668, + 92.6328125, + 3.2942707538604736, + 0.4789058566093445, + 181.9557342529297, + 30.09114646911621, + 0.5990517139434814, + 110.49739837646484, + 199.8046875, + 0.7450194358825684, + 298.0755310058594, + 146.2109375, + 0.09452040493488312, + 253.4140625, + 467.7734375, + 0.8703596591949463, + 539.2473754882812, + 30.09114646911621, + 0.032921962440013885, + 503.5182189941406, + 440.9765625, + 0.8981001377105713, + 351.6692810058594, + 217.6692657470703, + 0.7385727167129517, + 378.4661560058594, + 342.7213439941406, + 0.7817075252532959, + 566.0442504882812, + 74.75260162353516, + 0.8438895344734192, + 673.2317504882812, + 208.7369842529297, + 1.0168602466583252, + 682.1640625, + 208.7369842529297, + 0.49317407608032227, + 700.0286254882812, + 360.5859375, + 0.17343589663505554 + ], + "scale": [ + 4.287499904632568, + 5.7166666984558105 + ], + "score": 0.7252062071453441 + }, + { + "category_id": 1, + "center": [ + 385.0, + 234.0 + ], + "image_id": 20503705300, + "keypoints": [ + 235.6510467529297, + -2.0677082538604736, + 0.4212743043899536, + 206.7447967529297, + -40.609375, + 0.006473853252828121, + 177.8385467529297, + 26.83854103088379, + 0.1855974793434143, + 534.3489379882812, + 258.0885314941406, + 0.007128498051315546, + 62.21354293823242, + 36.47395706176758, + 0.8462870121002197, + 148.9322967529297, + 36.47395706176758, + 0.41893285512924194, + 110.390625, + 219.546875, + 0.8042634129524231, + 293.4635314941406, + 103.921875, + 0.1683102250099182, + 332.0052185058594, + 373.7135314941406, + 0.8122547268867493, + 303.0989685058594, + 17.203125, + 0.4401428699493408, + 418.7239685058594, + 209.9114532470703, + 0.8136959075927734, + 351.2760314941406, + 209.9114532470703, + 0.6742690205574036, + 360.9114685058594, + 335.171875, + 0.7257933616638184, + 582.5260620117188, + 132.828125, + 0.8076862096786499, + 688.515625, + 238.8177032470703, + 0.9964311718940735, + 688.515625, + 248.453125, + 0.5859638452529907, + 698.1510620117188, + 383.3489685058594, + 0.14201553165912628 + ], + "scale": [ + 4.625, + 6.1666669845581055 + ], + "score": 0.6955828915039698 + }, + { + "category_id": 1, + "center": [ + 388.0, + 230.0 + ], + "image_id": 20503760500, + "keypoints": [ + 249.1458282470703, + -7.39585018157959, + 0.02750144526362419, + 276.02081298828125, + 404.6875, + 0.002358129946514964, + 428.3125, + 100.10415649414062, + 0.002575612161308527, + 491.0208435058594, + 234.4791717529297, + 0.01261669211089611, + 114.77081298828125, + -7.39585018157959, + 0.1063094362616539, + 186.43748474121094, + 28.437484741210938, + 0.6843892335891724, + 132.68748474121094, + 171.7708282470703, + 0.7992047071456909, + 293.9375, + 126.97915649414062, + 0.6299730539321899, + 302.89581298828125, + 404.6875, + 0.8667812347412109, + 401.4375, + 153.85415649414062, + 0.8880773782730103, + 446.2291564941406, + 252.3958282470703, + 0.773121178150177, + 347.6875, + 225.5208282470703, + 0.7386786937713623, + 365.6041564941406, + 350.9375, + 0.721946120262146, + 562.6875, + 64.27082061767578, + 0.7561761140823364, + 688.1041870117188, + 243.4375, + 0.913393497467041, + 679.1458740234375, + 252.3958282470703, + 0.49185335636138916, + 741.8541870117188, + 377.8125, + 0.19510731101036072 + ], + "scale": [ + 4.300000190734863, + 5.733333110809326 + ], + "score": 0.7512358697977933 + }, + { + "category_id": 1, + "center": [ + 401.0, + 241.0 + ], + "image_id": 20503700600, + "keypoints": [ + 302.015625, + 47.74480438232422, + 0.0033625117503106594, + 283.1614685058594, + 377.69268798828125, + 0.0026354400906711817, + 302.015625, + 368.265625, + 0.003485137829557061, + 509.41143798828125, + 245.7135467529297, + 0.0025231295730918646, + 113.4739761352539, + -37.09893798828125, + 0.02947264350950718, + 179.46356201171875, + 19.46355628967285, + 0.7277463674545288, + 113.4739761352539, + 170.296875, + 0.8157294392585754, + 311.4427185058594, + 104.30730438232422, + 0.8343480825424194, + 283.1614685058594, + 415.4010314941406, + 0.8909998536109924, + 462.2760314941406, + 76.02605438232422, + 0.9414361715316772, + 499.984375, + 302.2760314941406, + 0.9125320911407471, + 358.578125, + 217.4322967529297, + 0.7537440657615662, + 358.578125, + 349.41143798828125, + 0.634810209274292, + 584.828125, + 113.73438262939453, + 0.7780198454856873, + 688.5260009765625, + 245.7135467529297, + 0.8984335660934448, + 688.5260009765625, + 245.7135467529297, + 0.40971049666404724, + 735.6614379882812, + 330.5572814941406, + 0.12767723202705383 + ], + "scale": [ + 4.524999618530273, + 6.033333778381348 + ], + "score": 0.7815918353470889 + }, + { + "category_id": 1, + "center": [ + 385.5, + 240.0 + ], + "image_id": 20503762900, + "keypoints": [ + 219.8424530029297, + -10.852848052978516, + 0.20226334035396576, + 181.97787475585938, + -58.18357467651367, + 0.0038893003948032856, + 172.51173400878906, + 27.011734008789062, + 0.04127497598528862, + 503.8268127441406, + 235.2669219970703, + 0.008686869405210018, + 77.85028076171875, + 36.47787857055664, + 0.8875974416732788, + 181.97787475585938, + 45.94402313232422, + 0.6856415271759033, + 115.71485900878906, + 206.8684844970703, + 0.8011299967765808, + 305.03778076171875, + 159.5377655029297, + 0.39055484533309937, + 333.4361877441406, + 415.1236877441406, + 0.8431198596954346, + 399.69921875, + 159.5377655029297, + 0.82054203748703, + 418.6315002441406, + 206.8684844970703, + 0.7622569799423218, + 361.8346252441406, + 235.2669219970703, + 0.7207863330841064, + 371.30078125, + 367.79296875, + 0.6826978325843811, + 570.08984375, + 112.20703887939453, + 0.5695008039474487, + 693.1497192382812, + 244.7330780029297, + 0.9515836238861084, + 683.68359375, + 254.19921875, + 0.47928208112716675, + 759.4127197265625, + 386.7252502441406, + 0.25837576389312744 + ], + "scale": [ + 4.543749809265137, + 6.058333396911621 + ], + "score": 0.646809461925711 + }, + { + "category_id": 1, + "center": [ + 389.0, + 232.0 + ], + "image_id": 20503763200, + "keypoints": [ + 236.4609375, + -3.7421875, + 0.3099597096443176, + 190.2369842529297, + -59.2109375, + 0.0044644977897405624, + 199.4817657470703, + 23.9921875, + 0.04629277437925339, + 495.3150939941406, + 227.3776092529297, + 0.005418607033789158, + 70.0546875, + -3.7421875, + 0.5067269206047058, + 180.9921875, + 33.23698043823242, + 0.690436601638794, + 125.5234375, + 181.1536407470703, + 0.81507408618927, + 328.9088439941406, + 125.68489837646484, + 0.43033114075660706, + 347.3984375, + 384.5390625, + 0.8784265518188477, + 393.6224060058594, + 162.6640625, + 0.43440645933151245, + 458.3359375, + 227.3776092529297, + 0.9121993184089661, + 356.6432189941406, + 208.8880157470703, + 0.7392817139625549, + 375.1328125, + 347.5599060058594, + 0.6809180974960327, + 560.0286254882812, + 70.21614837646484, + 0.8098876476287842, + 689.4557495117188, + 245.8671875, + 0.9135366678237915, + 680.2109375, + 245.8671875, + 0.44138801097869873, + 717.1901245117188, + 384.5390625, + 0.12873917818069458 + ], + "scale": [ + 4.4375, + 5.916666507720947 + ], + "score": 0.6586594558679141 + }, + { + "category_id": 1, + "center": [ + 404.0, + 208.5 + ], + "image_id": 20503768700, + "keypoints": [ + 245.44529724121094, + -17.320327758789062, + 0.036189474165439606, + 745.1328125, + 655.3359375, + 0.0025729758199304342, + 178.17967224121094, + 1.8984237909317017, + 0.013690182939171791, + 485.6796875, + 165.2578125, + 0.0056696017272770405, + 82.0859146118164, + 21.117176055908203, + 0.3795556426048279, + 187.78904724121094, + 30.726551055908203, + 0.6852192878723145, + 139.74217224121094, + 194.0859375, + 0.7547452449798584, + 303.1015625, + 126.82030487060547, + 0.6196585893630981, + 408.8046875, + 347.8359375, + 0.8245895504951477, + 399.1953125, + 174.8671875, + 0.948479413986206, + 610.6015625, + 203.6953125, + 0.9015758633613586, + 370.3671875, + 222.9140625, + 0.7759503126144409, + 379.9765625, + 367.0546875, + 0.7110812664031982, + 581.7734375, + 59.5546760559082, + 0.6950308084487915, + 697.0859375, + 242.1328125, + 0.9104593992233276, + 697.0859375, + 222.9140625, + 0.3751506209373474, + 716.3046875, + 309.3984375, + 0.06195368617773056 + ], + "scale": [ + 4.612500190734863, + 6.150000095367432 + ], + "score": 0.7151246666908264 + }, + { + "category_id": 1, + "center": [ + 441.5, + 215.0 + ], + "image_id": 20503771700, + "keypoints": [ + 228.98046875, + -8.41796875, + 0.03496887907385826, + 752.10546875, + 242.24609375, + 0.0016634325729683042, + 98.19921875, + -19.31640625, + 0.004588475450873375, + 637.671875, + -313.57421875, + 0.0036078994162380695, + 98.19921875, + 24.27734375, + 0.3449723720550537, + 185.38671875, + 35.17578125, + 0.6932233572006226, + 152.69140625, + 209.55078125, + 0.8052561283111572, + 316.16796875, + 122.36328125, + 0.6437666416168213, + 436.05078125, + 362.12890625, + 0.8330512046813965, + 414.25390625, + 176.85546875, + 0.9767563939094543, + 708.51171875, + 274.94140625, + 0.8999896049499512, + 370.66015625, + 231.34765625, + 0.8164874911308289, + 392.45703125, + 373.02734375, + 0.6970369815826416, + 577.73046875, + 67.87109375, + 0.7686113715171814, + 664.91796875, + 231.34765625, + 0.4439757764339447, + 697.61328125, + 209.55078125, + 0.3045552968978882, + 784.80078125, + 274.94140625, + 0.13605272769927979 + ], + "scale": [ + 5.231249809265137, + 6.974999904632568 + ], + "score": 0.6856402183572451 + }, + { + "category_id": 1, + "center": [ + 512.5, + 239.5 + ], + "image_id": 20503772000, + "keypoints": [ + 236.81640625, + -11.678385734558105, + 0.12938104569911957, + 212.3112030029297, + 25.07942771911621, + 0.0020369174890220165, + 187.8059844970703, + 12.826823234558105, + 0.026766333729028702, + 163.30078125, + -72.94140625, + 0.0032216906547546387, + 114.29036712646484, + 12.826823234558105, + 0.531890869140625, + 187.8059844970703, + 49.58463668823242, + 0.6693089008331299, + 175.5533905029297, + 208.8684844970703, + 0.7971606254577637, + 322.5846252441406, + 123.10025787353516, + 0.5063083171844482, + 506.3736877441406, + 331.39453125, + 0.8300355672836304, + 408.3528747558594, + 172.1106719970703, + 0.7837307453155518, + 800.4362182617188, + 245.6262969970703, + 0.9251358509063721, + 396.1002502441406, + 233.3737030029297, + 0.8064931631088257, + 396.1002502441406, + 380.4049377441406, + 0.7208524942398071, + 567.63671875, + 74.08984375, + 0.7622677683830261, + 739.1731567382812, + 233.3737030029297, + 0.4994560778141022, + 800.4362182617188, + 172.1106719970703, + 0.158247709274292, + 910.7096557617188, + 319.1419372558594, + 0.06408257782459259 + ], + "scale": [ + 5.881249904632568, + 7.841667175292969 + ], + "score": 0.7120582163333893 + }, + { + "category_id": 1, + "center": [ + 384.5, + 238.5 + ], + "image_id": 20503779500, + "keypoints": [ + 102.9439926147461, + -4.878922462463379, + 0.006679734215140343, + 675.6002807617188, + 271.9049377441406, + 0.00823746994137764, + -11.587265968322754, + 147.8294219970703, + 0.007676000241190195, + 26.589820861816406, + 81.01952362060547, + 0.015139076858758926, + -2.042994499206543, + 42.84243392944336, + 0.043660376220941544, + 141.12107849121094, + 52.3867073059082, + 0.10875454545021057, + 122.03253173828125, + 214.6393280029297, + 0.49449241161346436, + 341.55078125, + 81.01952362060547, + 0.11452736705541611, + 341.55078125, + 90.56378936767578, + 0.5638042092323303, + 446.5377502441406, + 195.55078125, + 0.6212522983551025, + 93.39971923828125, + 33.29816436767578, + 0.5206308364868164, + 370.18359375, + 195.55078125, + 0.5644816160202026, + 379.7278747558594, + 329.17059326171875, + 0.6994752287864685, + 580.1575927734375, + 52.3867073059082, + 0.7272915244102478, + 694.6888427734375, + 252.81640625, + 0.9363347291946411, + 685.14453125, + 252.81640625, + 0.561576783657074, + 761.4987182617188, + 338.71484375, + 0.1339537650346756 + ], + "scale": [ + 4.581250190734863, + 6.108333587646484 + ], + "score": 0.6321488486395942 + }, + { + "category_id": 1, + "center": [ + 414.0, + 234.5 + ], + "image_id": 20503780200, + "keypoints": [ + 255.875, + -9.875, + 0.17830517888069153, + 207.9583282470703, + -76.95833587646484, + 0.002270928118377924, + 217.5416717529297, + 28.45833396911621, + 0.014840876683592796, + 524.2083129882812, + 229.7083282470703, + 0.0069823358207941055, + 102.54166412353516, + -9.875, + 0.12165766954421997, + 188.7916717529297, + 38.04166793823242, + 0.632516086101532, + 150.4583282470703, + 191.375, + 0.8119969367980957, + 332.5416564941406, + 124.29166412353516, + 0.3779376745223999, + 409.2083435058594, + 325.5416564941406, + 0.8352437615394592, + 457.125, + 85.95833587646484, + 0.36463242769241333, + 495.4583435058594, + 133.875, + 0.8495011329650879, + 370.875, + 248.875, + 0.685939371585846, + 361.2916564941406, + 383.0416564941406, + 0.7396879196166992, + 591.2916870117188, + 133.875, + 0.48247596621513367, + 696.7083129882812, + 248.875, + 0.9033913016319275, + 696.7083129882812, + 248.875, + 0.40054893493652344, + 725.4583129882812, + 411.7916564941406, + 0.25166401267051697 + ], + "scale": [ + 4.599999904632568, + 6.133333206176758 + ], + "score": 0.6112946271896362 + }, + { + "category_id": 1, + "center": [ + 431.0, + 218.5 + ], + "image_id": 20503780500, + "keypoints": [ + 203.1223907470703, + -9.377604484558105, + 0.02967054769396782, + 722.4713745117188, + 287.3932189941406, + 0.001499297795817256, + 128.9296875, + 22.41927146911621, + 0.009472710080444813, + 621.78125, + -295.5494689941406, + 0.004771073814481497, + 86.53385162353516, + 22.41927146911621, + 0.22969843447208405, + 171.3255157470703, + 22.41927146911621, + 0.5986433029174805, + 150.1276092529297, + 192.0026092529297, + 0.7807570099830627, + 319.7109375, + 128.4088592529297, + 0.5074866414070129, + 404.5025939941406, + 340.3880310058594, + 0.8092889785766602, + 425.7005310058594, + 170.8046875, + 0.7854544520378113, + 595.2838745117188, + 213.2005157470703, + 0.900178074836731, + 362.1067810058594, + 213.2005157470703, + 0.7529539465904236, + 372.7057189941406, + 372.1849060058594, + 0.6907033920288086, + 574.0859375, + 64.81510162353516, + 0.8649413585662842, + 690.6744995117188, + 255.5963592529297, + 0.9332311153411865, + 680.0755004882812, + 234.3984375, + 0.5410610437393188, + 722.4713745117188, + 425.1796875, + 0.2039884626865387 + ], + "scale": [ + 5.087500095367432, + 6.7833333015441895 + ], + "score": 0.661414324091031 + }, + { + "category_id": 1, + "center": [ + 396.5, + 240.5 + ], + "image_id": 20503810500, + "keypoints": [ + 250.1783905029297, + -0.22265625, + 0.15652668476104736, + 269.05859375, + 28.09765625, + 0.0030662473291158676, + 231.2981719970703, + 28.09765625, + 0.06692125648260117, + 514.5012817382812, + 235.7799530029297, + 0.008597022853791714, + 155.77734375, + 18.65755271911621, + 0.35094207525253296, + 184.09765625, + 28.09765625, + 0.6960269212722778, + 136.8971405029297, + 188.5794219970703, + 0.8393018245697021, + 297.37890625, + 103.61849212646484, + 0.8231253027915955, + 278.4986877441406, + 452.90234375, + 0.8934915065765381, + 420.1002502441406, + 75.29817962646484, + 0.8906660079956055, + 429.5403747558594, + 282.98046875, + 0.9290343523025513, + 363.4596252441406, + 226.33984375, + 0.7478910088539124, + 372.8997497558594, + 358.5013122558594, + 0.688248872756958, + 561.7018432617188, + 113.05859375, + 0.7710220217704773, + 674.9830932617188, + 226.33984375, + 0.9686704277992249, + 684.4231567382812, + 235.7799530029297, + 0.39263153076171875, + 693.86328125, + 358.5013122558594, + 0.23810887336730957 + ], + "scale": [ + 4.53125, + 6.0416669845581055 + ], + "score": 0.7099354404669541 + }, + { + "category_id": 1, + "center": [ + 445.0, + 239.5 + ], + "image_id": 20503813100, + "keypoints": [ + 567.34375, + 66.53123474121094, + 0.850356936454773, + 601.09375, + 15.906232833862305, + 0.008451009169220924, + 542.03125, + 24.343734741210938, + 0.8808448314666748, + 432.34375, + -60.031272888183594, + 0.002710691886022687, + 415.46875, + 7.4687323570251465, + 0.7504209280014038, + 364.84375, + 24.343734741210938, + 0.31224364042282104, + 272.03125, + 176.21875, + 0.7370358109474182, + 499.84375, + 100.28124237060547, + 0.06840884685516357, + 347.96875, + 463.0937805175781, + 0.7175706624984741, + 567.34375, + 58.09373474121094, + 0.22257757186889648, + 525.15625, + 344.96875, + 0.9220208525657654, + 423.90625, + 243.71875, + 0.5653120279312134, + 415.46875, + 361.84375, + 0.5224882364273071, + 601.09375, + 159.34375, + 0.3373815715312958, + 685.46875, + 252.15625, + 0.8549113273620605, + 693.90625, + 260.59375, + 0.3193064332008362, + 651.71875, + 404.03125, + 0.09621232748031616 + ], + "scale": [ + 4.050000190734863, + 5.400000095367432 + ], + "score": 0.6148054485137646 + }, + { + "category_id": 1, + "center": [ + 467.0, + 240.5 + ], + "image_id": 20503813900, + "keypoints": [ + 625.5546875, + 112.8828125, + 0.8812578320503235, + 648.7578125, + 74.2109375, + 0.05270521342754364, + 610.0859375, + 81.9453125, + 0.89671790599823, + 478.6015625, + -34.0703125, + 0.004314693622291088, + 486.3359375, + 35.5390625, + 0.9482412338256836, + 331.6484375, + 4.6015625, + 0.288348913192749, + 447.6640625, + 252.1015625, + 0.544362485408783, + 610.0859375, + 151.5546875, + 0.061070188879966736, + 610.0859375, + 468.6640625, + 0.5170360803604126, + 625.5546875, + 112.8828125, + 0.13409146666526794, + 780.2421875, + 631.0859375, + 0.05938122421503067, + 470.8671875, + 321.7109375, + 0.16757604479789734, + 432.1953125, + 429.9921875, + 0.18556839227676392, + 687.4296875, + 259.8359375, + 0.47439074516296387, + 695.1640625, + 244.3671875, + 0.28940629959106445, + 702.8984375, + 267.5703125, + 0.11801013350486755, + 741.5703125, + 360.3828125, + 0.025266941636800766 + ], + "scale": [ + 3.7125000953674316, + 4.949999809265137 + ], + "score": 0.6049701869487762 + }, + { + "category_id": 1, + "center": [ + 450.5, + 240.0 + ], + "image_id": 20503814200, + "keypoints": [ + 547.3424682617188, + 34.69401168823242, + 0.6709668636322021, + 562.8372192382812, + 11.451823234558105, + 0.15273915231227875, + 524.1002807617188, + 11.451823234558105, + 0.6301532983779907, + 586.0794067382812, + 11.451823234558105, + 0.00213035149499774, + 407.8893127441406, + 3.7044270038604736, + 0.19509607553482056, + 361.4049377441406, + 11.451823234558105, + 0.2459229826927185, + 291.6783752441406, + 150.9049530029297, + 0.6458477973937988, + 508.60546875, + 96.67317962646484, + 0.036049023270606995, + 268.4361877441406, + 437.55859375, + 0.8341062068939209, + 477.6158752441406, + 96.67317962646484, + 0.3747173249721527, + 516.3528442382812, + 460.80078125, + 0.8558419942855835, + 400.1419372558594, + 220.6315155029297, + 0.5605374574661255, + 392.39453125, + 329.0950622558594, + 0.6629658937454224, + 601.57421875, + 135.41015625, + 0.432888925075531, + 686.7955932617188, + 267.1158752441406, + 0.8992112874984741, + 679.0481567382812, + 267.1158752441406, + 0.4477384686470032, + 694.54296875, + 398.8216247558594, + 0.2500741481781006 + ], + "scale": [ + 3.71875, + 4.958333492279053 + ], + "score": 0.5777671268353095 + }, + { + "category_id": 1, + "center": [ + 400.5, + 241.5 + ], + "image_id": 20503820700, + "keypoints": [ + 312.51171875, + 39.64453125, + 0.8359122276306152, + 291.80859375, + -12.11328125, + 0.7256563901901245, + 229.69921875, + 29.29296875, + 0.9305579662322998, + 343.56640625, + 8.58984375, + 0.004015707410871983, + 115.83203125, + 122.45703125, + 0.9430326223373413, + 271.10546875, + 91.40234375, + 0.5896501541137695, + 136.53515625, + 308.78515625, + 0.710896372795105, + 374.62109375, + 91.40234375, + 0.7447723746299744, + 291.80859375, + 505.46484375, + 0.1951608806848526, + 519.54296875, + 101.75390625, + 0.650793731212616, + 457.43359375, + 495.11328125, + 0.6713418960571289, + 384.97265625, + 246.67578125, + 0.7529699802398682, + 374.62109375, + 391.59765625, + 0.6847996711730957, + 581.65234375, + 143.16015625, + 0.7330888509750366, + 664.46484375, + 246.67578125, + 0.9031493663787842, + 695.51953125, + 257.02734375, + 0.4376820921897888, + 685.16796875, + 401.94921875, + 0.18629232048988342 + ], + "scale": [ + 4.96875, + 6.625 + ], + "score": 0.7367359782968249 + }, + { + "category_id": 1, + "center": [ + 412.0, + 239.5 + ], + "image_id": 20503827100, + "keypoints": [ + 416.8697814941406, + -47.817726135253906, + 0.00833048950880766, + 611.6614990234375, + 215.1510467529297, + 0.00690630916506052, + 231.8177032470703, + 341.765625, + 0.00795366708189249, + 485.046875, + 117.75520324707031, + 0.009297061711549759, + 524.0051879882812, + 224.890625, + 0.007006720639765263, + 231.8177032470703, + 0.880192756652832, + 0.37868598103523254, + 144.16143798828125, + 146.9739532470703, + 0.7744989991188049, + 397.390625, + 30.09894561767578, + 0.4174085855484009, + 280.515625, + 419.68231201171875, + 0.8958527445793152, + 553.2239379882812, + 10.619776725769043, + 0.2114419937133789, + 553.2239379882812, + 419.68231201171875, + 0.8611491918563843, + 368.171875, + 205.4114532470703, + 0.7214903235435486, + 368.171875, + 341.765625, + 0.7687350511550903, + 592.1823120117188, + 98.27603149414062, + 0.8363661766052246, + 679.8385620117188, + 254.109375, + 0.9041972160339355, + 679.8385620117188, + 263.8489685058594, + 0.5334616899490356, + 738.2760620117188, + 419.68231201171875, + 0.25120487809181213 + ], + "scale": [ + 4.675000190734863, + 6.233333587646484 + ], + "score": 0.6295410692691803 + }, + { + "category_id": 1, + "center": [ + 442.0, + 241.0 + ], + "image_id": 20503828001, + "keypoints": [ + 530.984375, + 225.296875, + 0.008421511389315128, + 447.234375, + 57.796875, + 0.0033760108053684235, + 258.796875, + 340.453125, + 0.004022653680294752, + 248.328125, + 26.390625, + 0.0031235856004059315, + 122.703125, + 47.328125, + 0.012979356572031975, + 227.390625, + 5.453125, + 0.6399564743041992, + 133.171875, + 204.359375, + 0.7602732181549072, + 415.828125, + 36.859375, + 0.7929590940475464, + 321.609375, + 455.609375, + 0.894599437713623, + 656.609375, + 36.859375, + 0.8934780359268188, + 551.921875, + 455.609375, + 0.8804121017456055, + 373.953125, + 225.296875, + 0.756894588470459, + 373.953125, + 350.921875, + 0.8108301162719727, + 593.796875, + 141.546875, + 0.7624915838241577, + 688.015625, + 267.171875, + 0.9320410490036011, + 698.484375, + 267.171875, + 0.45432430505752563, + 771.765625, + 309.046875, + 0.18327507376670837 + ], + "scale": [ + 5.025000095367432, + 6.700000286102295 + ], + "score": 0.7798418185927651 + }, + { + "category_id": 1, + "center": [ + 401.5, + 240.0 + ], + "image_id": 20503828900, + "keypoints": [ + 387.14453125, + 474.47265625, + 0.006874283775687218, + 463.70703125, + -195.44921875, + 0.0015420414274558425, + 511.55859375, + -80.60546875, + 0.0032469050493091345, + 511.55859375, + 273.49609375, + 0.008842218667268753, + 157.45703125, + -32.75390625, + 0.007482952903956175, + 214.87890625, + 24.66796875, + 0.5822848081588745, + 138.31640625, + 187.36328125, + 0.7825579643249512, + 339.29296875, + 120.37109375, + 0.764011025428772, + 301.01171875, + 445.76171875, + 0.9005686044692993, + 482.84765625, + 120.37109375, + 0.8877781629562378, + 559.41015625, + 464.90234375, + 0.9663492441177368, + 368.00390625, + 235.21484375, + 0.7458136081695557, + 368.00390625, + 350.05859375, + 0.8241752982139587, + 597.69140625, + 149.08203125, + 0.7218492031097412, + 683.82421875, + 263.92578125, + 0.8728978633880615, + 702.96484375, + 263.92578125, + 0.4779186248779297, + 702.96484375, + 426.62109375, + 0.24506105482578278 + ], + "scale": [ + 4.59375, + 6.125 + ], + "score": 0.7309387885034084 + }, + { + "category_id": 1, + "center": [ + 400.5, + 239.5 + ], + "image_id": 20503829200, + "keypoints": [ + 322.47265625, + -31.30078125, + 0.036219000816345215, + 680.48046875, + 271.62890625, + 0.00442575803026557, + 258.21484375, + 5.41796875, + 0.0064290305599570274, + 469.34765625, + 124.75390625, + 0.004321909975260496, + 166.41796875, + -3.76171875, + 0.06558146327733994, + 221.49609375, + 14.59765625, + 0.5682239532470703, + 138.87890625, + 189.01171875, + 0.7304710149765015, + 368.37109375, + 32.95703125, + 0.7199493646621704, + 294.93359375, + 446.04296875, + 0.8951468467712402, + 506.06640625, + 14.59765625, + 0.591925859451294, + 542.78515625, + 455.22265625, + 0.9788916707038879, + 359.19140625, + 216.55078125, + 0.7632855772972107, + 359.19140625, + 335.88671875, + 0.8001583814620972, + 579.50390625, + 133.93359375, + 0.9312939643859863, + 680.48046875, + 262.44921875, + 0.867684006690979, + 680.48046875, + 262.44921875, + 0.5438817143440247, + 708.01953125, + 409.32421875, + 0.15355932712554932 + ], + "scale": [ + 4.40625, + 5.875 + ], + "score": 0.7628102139993147 + }, + { + "category_id": 1, + "center": [ + 417.5, + 239.5 + ], + "image_id": 20503829601, + "keypoints": [ + 249.70703125, + 10.69140625, + 0.6618326306343079, + 259.8763122558594, + 51.36848831176758, + 0.03969480097293854, + 198.8606719970703, + 20.86067771911621, + 0.11691301316022873, + 331.0611877441406, + 10.69140625, + 0.005956708453595638, + 127.67578125, + 20.86067771911621, + 0.22697913646697998, + 249.70703125, + 31.02994728088379, + 0.6052781343460083, + 127.67578125, + 173.3997344970703, + 0.7687684297561646, + 422.5846252441406, + 51.36848831176758, + 0.8471111059188843, + 270.0455627441406, + 458.1393127441406, + 0.7959957718849182, + 636.1393432617188, + 41.19921875, + 0.8805935382843018, + 463.26171875, + 397.1236877441406, + 0.8081897497177124, + 361.5690002441406, + 254.75390625, + 0.6953392028808594, + 320.8919372558594, + 397.1236877441406, + 0.6186057329177856, + 605.6315307617188, + 234.4153594970703, + 0.33003684878349304, + 666.6471557617188, + 275.0924377441406, + 0.5308901071548462, + 697.1549682617188, + 295.4309997558594, + 0.16388913989067078, + 697.1549682617188, + 397.1236877441406, + 0.06334369629621506 + ], + "scale": [ + 4.881249904632568, + 6.508333206176758 + ], + "score": 0.6474683657288551 + }, + { + "category_id": 1, + "center": [ + 436.0, + 241.0 + ], + "image_id": 20503830200, + "keypoints": [ + 400.0885314941406, + -41.161476135253906, + 0.019920552149415016, + 728.421875, + 297.4322814941406, + 0.00117041589692235, + 338.5260314941406, + 420.55731201171875, + 0.005205349065363407, + 471.9114685058594, + 235.8697967529297, + 0.0016222847625613213, + 184.61978149414062, + -20.640640258789062, + 0.024078048765659332, + 225.66143798828125, + 20.40102767944336, + 0.5027645826339722, + 143.57810974121094, + 174.30728149414062, + 0.7830633521080017, + 369.3072814941406, + 40.9218635559082, + 0.48094022274017334, + 266.703125, + 451.33856201171875, + 0.9062349796295166, + 482.171875, + 10.140610694885254, + 0.5246384739875793, + 461.6510314941406, + 328.21356201171875, + 0.9860826730728149, + 359.046875, + 215.3489532470703, + 0.7857850790023804, + 348.78643798828125, + 348.734375, + 0.7068353295326233, + 574.515625, + 123.00520324707031, + 0.9087767601013184, + 677.1198120117188, + 256.390625, + 0.8488487601280212, + 687.3802490234375, + 246.1302032470703, + 0.49977898597717285, + 759.203125, + 307.6927185058594, + 0.22155365347862244 + ], + "scale": [ + 4.925000190734863, + 6.566667079925537 + ], + "score": 0.679608571032683 + }, + { + "category_id": 1, + "center": [ + 410.5, + 240.5 + ], + "image_id": 20503830700, + "keypoints": [ + 405.83203125, + -25.574199676513672, + 0.014057064428925514, + 592.55078125, + 217.16015625, + 0.0069970134645700455, + 387.16015625, + -193.62106323242188, + 0.00319909630343318, + 480.51953125, + 123.80078887939453, + 0.0037561305798590183, + 181.76954650878906, + -6.902327060699463, + 0.020840652287006378, + 237.78517150878906, + 21.105484008789062, + 0.5225695371627808, + 144.42579650878906, + 179.81640625, + 0.7528356909751892, + 415.16796875, + 30.441421508789062, + 0.6837965250015259, + 256.45703125, + 459.89453125, + 0.8417249917984009, + 517.86328125, + -16.238264083862305, + 0.20556743443012238, + 443.17578125, + 338.52734375, + 0.9455671310424805, + 359.15234375, + 217.16015625, + 0.747064471244812, + 349.81640625, + 347.86328125, + 0.6491507291793823, + 583.21484375, + 114.46485137939453, + 0.8797430992126465, + 676.57421875, + 254.50390625, + 0.9076559543609619, + 676.57421875, + 263.83984375, + 0.5068037509918213, + 741.92578125, + 338.52734375, + 0.1353154480457306 + ], + "scale": [ + 4.481249809265137, + 5.975000381469727 + ], + "score": 0.6947708468545567 + }, + { + "category_id": 1, + "center": [ + 403.5, + 239.5 + ], + "image_id": 20503835700, + "keypoints": [ + 300.9283752441406, + 440.18359375, + 0.005338109564036131, + 300.9283752441406, + 440.18359375, + 0.001904181088320911, + 434.7174377441406, + 119.08984375, + 0.0025701934937387705, + 407.9596252441406, + 83.41275787353516, + 0.004201769828796387, + 372.2825622558594, + 368.8294372558594, + 0.01348509918898344, + 220.6549530029297, + 20.97786521911621, + 0.729232668876648, + 122.54296875, + 190.4440155029297, + 0.7086837291717529, + 354.4440002441406, + 110.17057037353516, + 0.8160715103149414, + 229.57421875, + 466.94140625, + 0.8548983335494995, + 497.15234375, + 119.08984375, + 0.8822615146636963, + 425.7981872558594, + 359.91015625, + 0.937775731086731, + 363.36328125, + 243.9596405029297, + 0.7301731109619141, + 354.4440002441406, + 359.91015625, + 0.6234064698219299, + 595.2643432617188, + 154.7669219970703, + 0.7541916370391846, + 684.45703125, + 252.87890625, + 0.8970788717269897, + 693.3762817382812, + 261.7981872558594, + 0.43881338834762573, + 764.73046875, + 333.15234375, + 0.11835452914237976 + ], + "scale": [ + 4.28125, + 5.7083330154418945 + ], + "score": 0.7611442695964467 + }, + { + "category_id": 1, + "center": [ + 397.0, + 240.0 + ], + "image_id": 20503836200, + "keypoints": [ + 291.8828125, + 473.0859069824219, + 0.002897413447499275, + 291.8828125, + 445.6640625, + 0.004256770480424166, + 428.9921875, + 107.46094512939453, + 0.004006984177976847, + 465.5546875, + 244.5703125, + 0.005099763162434101, + 365.0078125, + 372.5390625, + 0.013343434780836105, + 200.47657775878906, + 16.054702758789062, + 0.6958229541778564, + 109.0703353881836, + 180.5859375, + 0.7329439520835876, + 328.4453125, + 107.46094512939453, + 0.7939271926879883, + 218.75782775878906, + 454.8046875, + 0.8849246501922607, + 474.6953125, + 134.8828125, + 0.916499137878418, + 419.8515625, + 345.1171875, + 0.9854434728622437, + 355.8671875, + 235.4296875, + 0.7106505632400513, + 355.8671875, + 345.1171875, + 0.6841330528259277, + 593.5234375, + 153.1640625, + 0.6990588307380676, + 675.7890625, + 244.5703125, + 0.9615525603294373, + 694.0703125, + 253.7109375, + 0.46574658155441284, + 648.3671875, + 399.9609375, + 0.13629883527755737 + ], + "scale": [ + 4.387499809265137, + 5.849999904632568 + ], + "score": 0.7755184498700228 + }, + { + "category_id": 1, + "center": [ + 429.5, + 220.0 + ], + "image_id": 20503836500, + "keypoints": [ + 515.7174682617188, + 174.35546875, + 0.007214478217065334, + -37.08854293823242, + 848.8801879882812, + 0.0007298889686353505, + 241.8502655029297, + 367.0768127441406, + 0.0037183198146522045, + 505.57421875, + 184.4987030029297, + 0.005104169715195894, + 130.2747344970703, + -109.65494537353516, + 0.004364368971437216, + 201.27734375, + 12.063801765441895, + 0.5680103302001953, + 150.5612030029297, + 174.35546875, + 0.7877733707427979, + 363.5690002441406, + 83.06640625, + 0.7525113821029663, + 373.7122497558594, + 377.2200622558594, + 0.8046953678131104, + 505.57421875, + 52.63671875, + 0.8784142732620239, + 637.4362182617188, + 346.7903747558594, + 0.8760890960693359, + 373.7122497558594, + 214.9283905029297, + 0.7916347980499268, + 373.7122497558594, + 326.50390625, + 0.7089933753013611, + 586.7200317382812, + 143.92578125, + 0.6806107759475708, + 667.8659057617188, + 235.21484375, + 0.8953015208244324, + 678.0090942382812, + 235.21484375, + 0.45629242062568665, + 749.01171875, + 336.6471252441406, + 0.09113100171089172 + ], + "scale": [ + 4.868750095367432, + 6.491666316986084 + ], + "score": 0.745484246449037 + }, + { + "category_id": 1, + "center": [ + 388.5, + 232.5 + ], + "image_id": 20503838600, + "keypoints": [ + 449.3528747558594, + 293.3528747558594, + 0.009154923260211945, + 571.05859375, + 227.8190155029297, + 0.0036544252652674913, + 449.3528747558594, + -193.4700469970703, + 0.0033776648342609406, + 505.5247497558594, + 199.7330780029297, + 0.006467868108302355, + 505.5247497558594, + 190.37109375, + 0.008997148834168911, + 187.2174530029297, + 21.85546875, + 0.5677189826965332, + 131.0455780029297, + 181.0091094970703, + 0.7736817002296448, + 308.9231872558594, + 124.83724212646484, + 0.47665488719940186, + 337.0091247558594, + 377.6106872558594, + 0.8317420482635498, + 402.54296875, + 162.28515625, + 0.8108010292053223, + 458.71484375, + 218.45703125, + 0.8772943019866943, + 355.7330627441406, + 218.45703125, + 0.7868754863739014, + 374.45703125, + 340.1627502441406, + 0.6684926748275757, + 552.3346557617188, + 78.02734375, + 0.6818787455558777, + 664.6784057617188, + 237.1809844970703, + 0.9276171922683716, + 664.6784057617188, + 227.8190155029297, + 0.4585430324077606, + 711.48828125, + 386.97265625, + 0.27923697233200073 + ], + "scale": [ + 4.493750095367432, + 5.991666793823242 + ], + "score": 0.6783780877788862 + }, + { + "category_id": 1, + "center": [ + 393.5, + 228.5 + ], + "image_id": 20503838900, + "keypoints": [ + 444.41796875, + 288.67578125, + 0.007686690427362919, + 574.02734375, + 223.87109375, + 0.004039754159748554, + 435.16015625, + -155.69921875, + 0.004004038404673338, + 509.22265625, + 223.87109375, + 0.0061461362056434155, + 111.13671875, + -16.83203125, + 0.010377719067037106, + 194.45703125, + 10.94140625, + 0.5674346089363098, + 138.91015625, + 177.58203125, + 0.7980042099952698, + 324.06640625, + 131.29296875, + 0.5830904245376587, + 351.83984375, + 334.96484375, + 0.8229562044143677, + 435.16015625, + 186.83984375, + 0.8644403219223022, + 472.19140625, + 242.38671875, + 0.6791333556175232, + 351.83984375, + 214.61328125, + 0.7538245320320129, + 361.09765625, + 353.48046875, + 0.6252567172050476, + 536.99609375, + 75.74609375, + 0.7818999290466309, + 675.86328125, + 251.64453125, + 0.9187651872634888, + 666.60546875, + 233.12890625, + 0.5418757200241089, + 694.37890625, + 381.25390625, + 0.13974639773368835 + ], + "scale": [ + 4.443749904632568, + 5.924999713897705 + ], + "score": 0.7215164737267927 + }, + { + "category_id": 1, + "center": [ + 448.5, + 232.5 + ], + "image_id": 20503841000, + "keypoints": [ + 469.1705627441406, + 38.19661331176758, + 0.8527434468269348, + 510.51171875, + 21.66015625, + 0.045586951076984406, + 444.3658752441406, + 5.123697757720947, + 0.8627837300300598, + 551.8528442382812, + 261.4388122558594, + 0.00466090627014637, + 345.1471252441406, + -11.412760734558105, + 0.29762428998947144, + 295.5377502441406, + 29.92838478088379, + 0.47936180233955383, + 270.7330627441406, + 170.48828125, + 0.7472562193870544, + 378.2200622558594, + 145.68359375, + 0.21824991703033447, + 378.2200622558594, + 385.4622497558594, + 0.7935499548912048, + 436.09765625, + 162.2200469970703, + 0.5680609941482544, + 485.70703125, + 236.6341094970703, + 0.906667947769165, + 394.7565002441406, + 236.6341094970703, + 0.6336320638656616, + 394.7565002441406, + 352.3893127441406, + 0.6131154298782349, + 568.3893432617188, + 145.68359375, + 0.5179011821746826, + 675.8762817382812, + 261.4388122558594, + 0.90540611743927, + 675.8762817382812, + 253.1705780029297, + 0.38873255252838135, + 758.55859375, + 377.1940002441406, + 0.23996783792972565 + ], + "scale": [ + 3.96875, + 5.291666507720947 + ], + "score": 0.6016702324151992 + }, + { + "category_id": 1, + "center": [ + 374.5, + 237.0 + ], + "image_id": 20503855900, + "keypoints": [ + 18.529972076416016, + 66.32943725585938, + 0.2226967215538025, + 28.282573699951172, + 37.07162857055664, + 0.17733502388000488, + -0.9752359390258789, + 27.31902313232422, + 0.09011814743280411, + 155.06642150878906, + 27.31902313232422, + 0.04627173766493797, + 57.54038619995117, + 76.08203887939453, + 0.3086175322532654, + 262.3450622558594, + 7.813817024230957, + 0.4914328157901764, + 57.54038619995117, + 183.36068725585938, + 0.7672406435012817, + 447.64453125, + 37.07162857055664, + 0.7638645172119141, + 233.08724975585938, + 417.42315673828125, + 0.8332836627960205, + 613.4387817382812, + 27.31902313232422, + 0.8782251477241516, + 486.6549377441406, + 349.1549377441406, + 0.9524434804916382, + 369.6236877441406, + 193.11328125, + 0.7082846164703369, + 350.1184997558594, + 339.40234375, + 0.6896439790725708, + 564.67578125, + 105.33985137939453, + 0.5650169849395752, + 652.44921875, + 251.62890625, + 0.7708669900894165, + 662.2017822265625, + 241.8762969970703, + 0.3130680322647095, + 691.4595947265625, + 427.17578125, + 0.13312818109989166 + ], + "scale": [ + 4.681249618530273, + 6.241666793823242 + ], + "score": 0.6357450095506815 + }, + { + "category_id": 1, + "center": [ + 400.0, + 238.5 + ], + "image_id": 20503861800, + "keypoints": [ + 327.5390625, + 1.7942863702774048, + 0.07070624828338623, + 588.3984375, + 214.3463592529297, + 0.0065576061606407166, + 327.5390625, + -46.51300048828125, + 0.005387953016906977, + 520.7682495117188, + 195.0234375, + 0.005480190739035606, + 230.9244842529297, + -7.867171287536621, + 0.04545139893889427, + 172.95574951171875, + 21.117202758789062, + 0.3869747221469879, + 153.63282775878906, + 185.3619842529297, + 0.7742676734924316, + 356.5234375, + 69.42449188232422, + 0.09201577305793762, + 385.5078125, + 349.60675048828125, + 0.8259514570236206, + 346.8619689941406, + 11.455743789672852, + 0.12006622552871704, + 433.8150939941406, + 166.0390625, + 0.8310961723327637, + 337.2005310058594, + 214.3463592529297, + 0.6017704010009766, + 366.1849060058594, + 349.60675048828125, + 0.6575657725334167, + 540.0911254882812, + 88.74740600585938, + 0.7274298667907715, + 656.0286254882812, + 252.9921875, + 0.8823539018630981, + 636.7056884765625, + 252.9921875, + 0.4742380976676941, + 704.3359375, + 388.2525939941406, + 0.15416911244392395 + ], + "scale": [ + 4.637499809265137, + 6.183333396911621 + ], + "score": 0.6846275627613068 + }, + { + "category_id": 1, + "center": [ + 376.5, + 225.5 + ], + "image_id": 20503865600, + "keypoints": [ + 167.9387969970703, + 7.23828125, + 0.032709524035453796, + 720.8684692382812, + 278.8528747558594, + 0.0011040759272873402, + 100.03515625, + 46.04036331176758, + 0.006450250279158354, + 61.23307418823242, + 36.33984375, + 0.003419191110879183, + 119.43619537353516, + 36.33984375, + 0.13843409717082977, + 129.13671875, + 36.33984375, + 0.47050338983535767, + 119.43619537353516, + 220.6497344970703, + 0.7366788387298584, + 245.54296875, + 55.74088668823242, + 0.28970810770988464, + 371.6497497558594, + 307.9544372558594, + 0.8628153800964355, + 352.2486877441406, + 65.44140625, + 0.6018403768539429, + 371.6497497558594, + 113.94400787353516, + 0.7877882122993469, + 332.84765625, + 210.94921875, + 0.683793306350708, + 352.2486877441406, + 346.7565002441406, + 0.7184324264526367, + 575.3606567382812, + 133.3450469970703, + 0.7084097862243652, + 682.06640625, + 249.7512969970703, + 0.9419562220573425, + 682.06640625, + 249.7512969970703, + 0.589652955532074, + 691.7669067382812, + 375.8580627441406, + 0.0742691308259964 + ], + "scale": [ + 4.65625, + 6.208333492279053 + ], + "score": 0.6719617274674502 + }, + { + "category_id": 1, + "center": [ + 428.0, + 231.5 + ], + "image_id": 20503865900, + "keypoints": [ + 273.0, + 56.5000114440918, + 0.009413049556314945, + 633.0, + 216.5, + 0.006098550278693438, + 703.0, + 276.5, + 0.003214722964912653, + 143.00001525878906, + 166.5, + 0.0010954482713714242, + 123.0000228881836, + 16.50001335144043, + 0.01238375622779131, + 183.00001525878906, + 6.500014305114746, + 0.40673232078552246, + 143.00001525878906, + 156.5, + 0.7588160037994385, + 293.0, + 66.50000762939453, + 0.6780163049697876, + 393.0, + 226.5, + 0.547698438167572, + 423.0, + 106.50000762939453, + 0.8626341819763184, + 363.0, + 76.50000762939453, + 0.31702977418899536, + 353.0, + 186.5, + 0.7183268070220947, + 353.0, + 346.5, + 0.6892611980438232, + 563.0, + 106.50000762939453, + 0.7251558303833008, + 673.0, + 256.5, + 0.9154739379882812, + 673.0, + 246.5, + 0.6807456016540527, + 693.0, + 396.5, + 0.1330929398536682 + ], + "scale": [ + 4.799999713897705, + 6.399999618530273 + ], + "score": 0.6636263999071988 + }, + { + "category_id": 1, + "center": [ + 383.5, + 214.0 + ], + "image_id": 20503881000, + "keypoints": [ + 360.74609375, + -18.089828491210938, + 0.0021147392690181732, + 715.70703125, + 637.22265625, + 0.0017024764092639089, + 415.35546875, + 18.31641960144043, + 0.0026267122011631727, + 488.16796875, + 245.85546875, + 0.0012936281273141503, + 105.9023666381836, + -36.29294967651367, + 0.008272240869700909, + 187.81642150878906, + 18.31641960144043, + 0.49818480014801025, + 133.20704650878906, + 200.34765625, + 0.7470773458480835, + 324.33984375, + 91.12891387939453, + 0.5871741771697998, + 351.64453125, + 345.97265625, + 0.7363531589508057, + 451.76171875, + 72.92578887939453, + 0.8198131918907166, + 369.84765625, + 118.43360137939453, + 0.6764792203903198, + 351.64453125, + 218.55078125, + 0.7221609354019165, + 360.74609375, + 355.07421875, + 0.7437881231307983, + 570.08203125, + 118.43360137939453, + 0.7656567692756653, + 661.09765625, + 236.75390625, + 0.8978164196014404, + 661.09765625, + 245.85546875, + 0.43472063541412354, + 706.60546875, + 400.58203125, + 0.2275218963623047 + ], + "scale": [ + 4.368749618530273, + 5.824999809265137 + ], + "score": 0.654728889465332 + }, + { + "category_id": 1, + "center": [ + 384.5, + 219.5 + ], + "image_id": 20503882700, + "keypoints": [ + 534.24609375, + 205.88671875, + 0.008580231107771397, + 706.6809692382812, + 641.51171875, + 0.0015931809321045876, + 343.66015625, + 160.50912475585938, + 0.006231272593140602, + 216.60287475585938, + 69.75391387939453, + 0.0014704086352139711, + 153.07423400878906, + -21.001285552978516, + 0.02755431830883026, + 171.22528076171875, + 33.45183563232422, + 0.6277029514312744, + 171.22528076171875, + 151.43359375, + 0.8068608045578003, + 289.20703125, + 96.98047637939453, + 0.7727181911468506, + 452.56640625, + 187.7356719970703, + 0.9328033924102783, + 398.11328125, + 87.90496063232422, + 0.8778576254844666, + 516.0950317382812, + 42.5273551940918, + 0.7883872985839844, + 343.66015625, + 224.0377655029297, + 0.6823619604110718, + 343.66015625, + 342.01953125, + 0.713680624961853, + 561.47265625, + 169.5846405029297, + 0.5202285647392273, + 661.3033447265625, + 251.2643280029297, + 0.9106383323669434, + 652.2278442382812, + 251.2643280029297, + 0.34269553422927856, + 706.6809692382812, + 423.69921875, + 0.3091393709182739 + ], + "scale": [ + 4.356249809265137, + 5.808333396911621 + ], + "score": 0.6904228876034418 + }, + { + "category_id": 1, + "center": [ + 404.5, + 240.5 + ], + "image_id": 20503883000, + "keypoints": [ + 460.4440002441406, + -39.22005081176758, + 0.003205724526196718, + 8.588541984558105, + 774.1198120117188, + 0.002240573987364769, + 391.58984375, + -159.71484375, + 0.0036539167631417513, + 408.8033752441406, + 21.02734375, + 0.0014754802687093616, + 219.4544219970703, + -4.79296875, + 0.006522497162222862, + 133.38671875, + 21.02734375, + 0.22333170473575592, + 288.30859375, + 107.09505462646484, + 0.7339297533035278, + 331.3424377441406, + 72.66796875, + 0.10931725054979324, + 529.2981567382812, + 132.9153594970703, + 0.8682715892791748, + 443.23046875, + 72.66796875, + 0.4325357675552368, + 563.7252807617188, + 3.8138020038604736, + 0.7045719623565674, + 374.3763122558594, + 227.58984375, + 0.4858431816101074, + 365.76953125, + 339.4778747558594, + 0.6556727886199951, + 589.5455932617188, + 167.3424530029297, + 0.4158937931060791, + 675.61328125, + 244.8033905029297, + 0.8954378366470337, + 667.0065307617188, + 244.8033905029297, + 0.2616603970527649, + 692.8268432617188, + 391.1184997558594, + 0.18986624479293823 + ], + "scale": [ + 4.131249904632568, + 5.508333206176758 + ], + "score": 0.5677148774266243 + }, + { + "category_id": 1, + "center": [ + 438.5, + 228.0 + ], + "image_id": 20503883700, + "keypoints": [ + 487.9856872558594, + -19.42838478088379, + 0.01207994855940342, + 712.9205932617188, + 187.51171875, + 0.0015440993010997772, + 487.9856872558594, + -55.41796875, + 0.0043518212623894215, + 407.0091247558594, + -1.43359375, + 0.0024542980827391148, + 371.01953125, + 34.55598831176758, + 0.027649445459246635, + 236.05859375, + 16.56119728088379, + 0.32122015953063965, + 281.0455627441406, + 115.53255462646484, + 0.7713766694068909, + 335.0299377441406, + 106.53515625, + 0.40545085072517395, + 442.9986877441406, + 295.48046875, + 0.9246591329574585, + 407.0091247558594, + 97.53775787353516, + 0.6381522417068481, + 523.9752807617188, + 88.54036712646484, + 0.7505694031715393, + 380.0169372558594, + 223.5012969970703, + 0.5699020624160767, + 371.01953125, + 367.4596252441406, + 0.7029870748519897, + 568.9622192382812, + 142.5247344970703, + 0.5362278819084167, + 676.9309692382812, + 250.4934844970703, + 0.9544341564178467, + 676.9309692382812, + 250.4934844970703, + 0.45552578568458557, + 658.9362182617188, + 439.4388122558594, + 0.19678199291229248 + ], + "scale": [ + 4.318749904632568, + 5.758333206176758 + ], + "score": 0.6391368562524969 + }, + { + "category_id": 1, + "center": [ + 425.0, + 239.5 + ], + "image_id": 20503885201, + "keypoints": [ + 263.8671875, + 19.7734375, + 0.011473589576780796, + 429.8828125, + 107.6640625, + 0.002290679607540369, + 244.3359375, + 332.2734375, + 0.0031096735037863255, + 244.3359375, + 39.3046875, + 0.0018049257341772318, + 117.3828125, + -9.5234375, + 0.01578133925795555, + 224.8046875, + 0.2421875, + 0.5783685445785522, + 127.1484375, + 195.5546875, + 0.728427529335022, + 390.8203125, + 39.3046875, + 0.8592246770858765, + 302.9296875, + 449.4609375, + 0.8379266262054443, + 625.1953125, + 68.6015625, + 0.8913290500640869, + 537.3046875, + 459.2265625, + 0.8913331031799316, + 361.5234375, + 224.8515625, + 0.7656071186065674, + 361.5234375, + 342.0390625, + 0.7900460958480835, + 605.6640625, + 117.4296875, + 0.5310776233673096, + 674.0234375, + 263.9140625, + 0.8923110961914062, + 683.7890625, + 263.9140625, + 0.3616364598274231, + 703.3203125, + 439.6953125, + 0.15041927993297577 + ], + "scale": [ + 4.6875, + 6.25 + ], + "score": 0.7388443567536094 + }, + { + "category_id": 1, + "center": [ + 384.0, + 240.5 + ], + "image_id": 20503885800, + "keypoints": [ + 369.9375, + 470.1875, + 0.005981814581900835, + 454.3125, + -186.0625, + 0.0008682817569933832, + 388.6875, + 367.0625, + 0.0017513377824798226, + 463.6875, + 245.1875, + 0.006321207620203495, + 98.0625, + -73.5625, + 0.007766416762024164, + 201.1875, + 10.8125, + 0.6634413003921509, + 135.5625, + 170.1875, + 0.7607057094573975, + 341.8125, + 104.5625, + 0.8226217031478882, + 304.3125, + 432.6875, + 0.7992980480194092, + 491.8125, + 160.8125, + 0.9345550537109375, + 548.0625, + 460.8125, + 0.8926976919174194, + 369.9375, + 235.8125, + 0.7249289751052856, + 360.5625, + 348.3125, + 0.7669409513473511, + 604.3125, + 160.8125, + 0.45534372329711914, + 669.9375, + 254.5625, + 0.8677985668182373, + 688.6875, + 273.3125, + 0.3220641613006592, + 791.8125, + 395.1875, + 0.22509896755218506 + ], + "scale": [ + 4.5, + 6.0 + ], + "score": 0.68629123767217 + }, + { + "category_id": 1, + "center": [ + 412.5, + 240.5 + ], + "image_id": 20503886400, + "keypoints": [ + 398.14453125, + 474.97265625, + 0.008764847181737423, + 599.12109375, + 226.14453125, + 0.0042113931849598885, + 245.01953125, + 340.98828125, + 0.002912202849984169, + 522.55859375, + 388.83984375, + 0.006011510733515024, + 120.60546875, + -13.11328125, + 0.005968132056295872, + 216.30859375, + 15.59765625, + 0.6911060810089111, + 139.74609375, + 168.72265625, + 0.7891621589660645, + 350.29296875, + 111.30078125, + 0.8422528505325317, + 321.58203125, + 427.12109375, + 0.8436108827590942, + 503.41796875, + 168.72265625, + 0.9397698640823364, + 551.26953125, + 455.83203125, + 0.9323216676712036, + 379.00390625, + 245.28515625, + 0.673588752746582, + 369.43359375, + 350.55859375, + 0.6831678152084351, + 608.69140625, + 168.72265625, + 0.4829833507537842, + 685.25390625, + 254.85546875, + 0.8912427425384521, + 704.39453125, + 273.99609375, + 0.41514840722084045, + 771.38671875, + 340.98828125, + 0.1334892213344574 + ], + "scale": [ + 4.59375, + 6.125 + ], + "score": 0.744032233953476 + }, + { + "category_id": 1, + "center": [ + 425.0, + 240.0 + ], + "image_id": 20503886700, + "keypoints": [ + 410.390625, + 478.61981201171875, + 0.0035347002558410168, + -23.020862579345703, + 843.8541870117188, + 0.001393871963955462, + 254.55728149414062, + 332.52606201171875, + 0.005091639701277018, + 498.046875, + 254.609375, + 0.004598343279212713, + 420.1302185058594, + 79.29686737060547, + 0.011213068850338459, + 215.59893798828125, + 20.859359741210938, + 0.7009989023208618, + 137.68226623535156, + 166.953125, + 0.7837472558021545, + 342.2135314941406, + 108.51561737060547, + 0.8314913511276245, + 312.9947814941406, + 429.921875, + 0.9246847629547119, + 488.3072814941406, + 118.25520324707031, + 0.933950662612915, + 546.7448120117188, + 468.8802185058594, + 0.9165568351745605, + 371.4322814941406, + 235.1302032470703, + 0.758110761642456, + 371.4322814941406, + 342.265625, + 0.7458475232124329, + 575.9635620117188, + 176.6927032470703, + 0.6351492404937744, + 663.6198120117188, + 254.609375, + 0.7063445448875427, + 683.0989990234375, + 274.0885314941406, + 0.5728448629379272, + 712.3177490234375, + 410.4427185058594, + 0.24334979057312012 + ], + "scale": [ + 4.675000190734863, + 6.233333587646484 + ], + "score": 0.7294230411450068 + }, + { + "category_id": 1, + "center": [ + 411.0, + 240.0 + ], + "image_id": 20503887400, + "keypoints": [ + 309.28125, + 2.65625, + 0.0593339204788208, + 599.90625, + 215.78125, + 0.006044663488864899, + 270.53125, + 22.03125, + 0.011003188788890839, + 483.65625, + 118.90625, + 0.002369872760027647, + 183.34375, + -7.03125, + 0.19444511830806732, + 212.40625, + 12.34375, + 0.5495539903640747, + 134.90625, + 196.40625, + 0.7578401565551758, + 415.84375, + 22.03125, + 0.5914802551269531, + 309.28125, + 448.28125, + 0.84505295753479, + 628.96875, + 2.65625, + 0.6852508783340454, + 541.78125, + 467.65625, + 0.9179153442382812, + 367.40625, + 215.78125, + 0.7748360633850098, + 367.40625, + 341.71875, + 0.8550311326980591, + 590.21875, + 118.90625, + 0.9158484935760498, + 677.40625, + 244.84375, + 0.8940324783325195, + 677.40625, + 264.21875, + 0.5198221206665039, + 706.46875, + 409.53125, + 0.1389586627483368 + ], + "scale": [ + 4.650000095367432, + 6.199999809265137 + ], + "score": 0.7551512609828602 + }, + { + "category_id": 1, + "center": [ + 448.5, + 222.5 + ], + "image_id": 20503919200, + "keypoints": [ + 111.546875, + -345.0, + 0.0023826139513403177, + 630.27734375, + 218.06640625, + 0.0032732957042753696, + 692.34765625, + 262.40234375, + 0.004466464277356863, + 390.86328125, + 14.12109375, + 0.001298357849009335, + 337.66015625, + -39.08203125, + 0.002098433207720518, + 204.65234375, + -3.61328125, + 0.06288754194974899, + 381.99609375, + 22.98828125, + 0.6888951063156128, + 550.47265625, + 40.72265625, + 0.008370663970708847, + 621.41015625, + 93.92578125, + 0.8181368112564087, + 594.80859375, + 31.85546875, + 0.01964089460670948, + 683.48046875, + 5.25390625, + 0.04209975153207779, + 373.12890625, + 155.99609375, + 0.18033525347709656, + 373.12890625, + 324.47265625, + 0.5572249889373779, + 594.80859375, + 138.26171875, + 0.2343197613954544, + 683.48046875, + 244.66796875, + 0.7857515215873718, + 683.48046875, + 244.66796875, + 0.2500947415828705, + 727.81640625, + 359.94140625, + 0.07175528258085251 + ], + "scale": [ + 4.256249904632568, + 5.675000190734863 + ], + "score": 0.5557371551791827 + }, + { + "category_id": 1, + "center": [ + 404.5, + 230.5 + ], + "image_id": 20503902000, + "keypoints": [ + 226.00390625, + 109.89453125, + 0.004052042495459318, + 592.64453125, + 244.97265625, + 0.0029000602662563324, + 303.19140625, + 322.16015625, + 0.007750239688903093, + 486.51171875, + 225.67578125, + 0.001719681080430746, + 110.22265625, + -15.53515625, + 0.0074308100156486034, + 177.76171875, + 13.41015625, + 0.5803189277648926, + 148.81640625, + 167.78515625, + 0.8207777738571167, + 293.54296875, + 109.89453125, + 0.792549192905426, + 332.13671875, + 408.99609375, + 0.8387583494186401, + 428.62109375, + 90.59765625, + 0.9303816556930542, + 592.64453125, + 331.80859375, + 0.9099657535552979, + 351.43359375, + 206.37890625, + 0.7827725410461426, + 361.08203125, + 331.80859375, + 0.6790832281112671, + 582.99609375, + 119.54296875, + 0.6876977682113647, + 660.18359375, + 235.32421875, + 0.8347768783569336, + 689.12890625, + 244.97265625, + 0.4050321578979492, + 718.07421875, + 418.64453125, + 0.2932479679584503 + ], + "scale": [ + 4.631249904632568, + 6.175000190734863 + ], + "score": 0.7129468495647112 + }, + { + "category_id": 1, + "center": [ + 383.0, + 226.5 + ], + "image_id": 20503933700, + "keypoints": [ + 464.4583435058594, + 20.45833396911621, + 0.012186745181679726, + 684.875, + 260.0416564941406, + 0.0020367365796118975, + 33.20833206176758, + 68.375, + 0.003488449612632394, + 493.2083435058594, + 221.7083282470703, + 0.005879951175302267, + 81.125, + -17.875, + 0.012795564718544483, + 176.9583282470703, + 1.2916666269302368, + 0.19610469043254852, + 90.70833587646484, + 135.4583282470703, + 0.7576729655265808, + 378.2083435058594, + 49.20833206176758, + 0.10156090557575226, + 301.5416564941406, + 231.2916717529297, + 0.6822509765625, + 406.9583435058594, + 183.375, + 0.8552131652832031, + 320.7083435058594, + 10.875, + 0.32807275652885437, + 349.4583435058594, + 202.5416717529297, + 0.5783365964889526, + 349.4583435058594, + 336.7083435058594, + 0.6657543182373047, + 531.5416870117188, + 58.79166793823242, + 0.8019779920578003, + 675.2916870117188, + 250.4583282470703, + 0.9268622994422913, + 665.7083129882812, + 240.875, + 0.5530973672866821, + 694.4583129882812, + 384.625, + 0.11090859025716782 + ], + "scale": [ + 4.599999904632568, + 6.133333206176758 + ], + "score": 0.683248715268241 + }, + { + "category_id": 1, + "center": [ + 386.0, + 238.5 + ], + "image_id": 20503935800, + "keypoints": [ + 262.953125, + -3.0364582538604736, + 0.03228956088423729, + 335.8697814941406, + 425.3489685058594, + 0.001665984746068716, + 244.7239532470703, + 6.078125, + 0.0055126771330833435, + 490.8177185058594, + 233.9427032470703, + 0.02203228883445263, + 144.4635467529297, + -3.0364582538604736, + 0.10311321169137955, + 180.921875, + 24.30729103088379, + 0.6039677858352661, + 126.234375, + 161.0260467529297, + 0.8224694132804871, + 281.1822814941406, + 106.33853912353516, + 0.60103839635849, + 244.7239532470703, + 434.4635314941406, + 0.8881103992462158, + 399.671875, + 151.9114532470703, + 0.9124636650085449, + 454.359375, + 288.6302185058594, + 0.8568985462188721, + 344.984375, + 206.5989532470703, + 0.7434076070785522, + 344.984375, + 352.4322814941406, + 0.6117187142372131, + 527.2760620117188, + 60.765625, + 0.7659890055656433, + 673.109375, + 252.171875, + 0.9215131998062134, + 645.765625, + 243.0572967529297, + 0.45143380761146545, + 709.5676879882812, + 379.7760314941406, + 0.13497823476791382 + ], + "scale": [ + 4.375, + 5.8333330154418945 + ], + "score": 0.743546412749724 + }, + { + "category_id": 1, + "center": [ + 379.0, + 217.5 + ], + "image_id": 20503936100, + "keypoints": [ + 280.015625, + -32.317691802978516, + 0.005238944198936224, + -54.64580535888672, + 801.9791259765625, + 0.0013198486994951963, + 411.9947814941406, + -183.15101623535156, + 0.001999516040086746, + 374.2864685058594, + 43.098968505859375, + 0.0014486510772258043, + 91.4739761352539, + -22.890609741210938, + 0.012888272292912006, + 157.46356201171875, + 14.81772232055664, + 0.6070297360420227, + 110.32814025878906, + 165.6510467529297, + 0.8204823136329651, + 298.86981201171875, + 80.80730438232422, + 0.7662109136581421, + 336.578125, + 335.3385314941406, + 0.8707430362701416, + 449.703125, + 71.38021850585938, + 0.9389165639877319, + 562.828125, + 250.4947967529297, + 0.9445706605911255, + 327.1510314941406, + 203.359375, + 0.7336311340332031, + 336.578125, + 344.765625, + 0.5652246475219727, + 534.546875, + 99.66146850585938, + 0.6944097876548767, + 647.671875, + 259.921875, + 0.4426172971725464, + 666.5260009765625, + 241.0677032470703, + 0.21288472414016724, + 713.6614379882812, + 316.484375, + 0.12072119861841202 + ], + "scale": [ + 4.524999618530273, + 6.033333778381348 + ], + "score": 0.6906109831549905 + }, + { + "category_id": 1, + "center": [ + 394.5, + 233.0 + ], + "image_id": 20503939800, + "keypoints": [ + 446.9934997558594, + 295.0377502441406, + 0.011499488726258278, + 590.1575927734375, + 228.2278594970703, + 0.005393664352595806, + 361.0950622558594, + 333.21484375, + 0.010125934146344662, + 475.6263122558594, + 123.24087524414062, + 0.005215002223849297, + 103.39971923828125, + -10.378922462463379, + 0.010289158672094345, + 170.20962524414062, + 18.253890991210938, + 0.5933287143707275, + 132.03253173828125, + 170.9622344970703, + 0.7970989346504211, + 284.7408752441406, + 104.15233612060547, + 0.5589892864227295, + 351.55078125, + 342.7591247558594, + 0.8462121486663818, + 399.2721252441406, + 170.9622344970703, + 0.8696416020393372, + 504.2591247558594, + 228.2278594970703, + 0.8010915517807007, + 342.0065002441406, + 209.1393280029297, + 0.7462582588195801, + 361.0950622558594, + 333.21484375, + 0.6245696544647217, + 542.4362182617188, + 65.97525024414062, + 0.7528570294380188, + 695.14453125, + 247.31640625, + 0.9540884494781494, + 676.0560302734375, + 237.7721405029297, + 0.4838481545448303, + 723.77734375, + 333.21484375, + 0.17349892854690552 + ], + "scale": [ + 4.581250190734863, + 6.108333587646484 + ], + "score": 0.7298167076977816 + }, + { + "category_id": 1, + "center": [ + 409.0, + 240.5 + ], + "image_id": 20503946300, + "keypoints": [ + 283.3489685058594, + 14.328139305114746, + 0.26359036564826965, + 615.0676879882812, + 225.421875, + 0.010472862981259823, + 233.0885467529297, + 24.38022232055664, + 0.03161080926656723, + 589.9375, + -236.9739227294922, + 0.0018310954328626394, + 162.72396850585938, + -15.828108787536621, + 0.07674223184585571, + 182.82814025878906, + 24.38022232055664, + 0.6459290981292725, + 112.46356201171875, + 165.109375, + 0.826980710029602, + 283.3489685058594, + 114.84896850585938, + 0.6184166669845581, + 202.93231201171875, + 456.6197814941406, + 0.914381742477417, + 403.9739685058594, + 134.953125, + 0.9184877872467041, + 403.9739685058594, + 386.25518798828125, + 0.896146297454834, + 353.7135314941406, + 225.421875, + 0.7601050138473511, + 363.765625, + 346.046875, + 0.7205827236175537, + 544.703125, + 104.79688262939453, + 0.5538995265960693, + 685.4322509765625, + 245.5260467529297, + 0.9165430665016174, + 675.3801879882812, + 245.5260467529297, + 0.45173728466033936, + 735.6926879882812, + 366.1510314941406, + 0.1493777185678482 + ], + "scale": [ + 4.824999809265137, + 6.433333396911621 + ], + "score": 0.707233356932799 + }, + { + "category_id": 1, + "center": [ + 373.5, + 241.0 + ], + "image_id": 20503957400, + "keypoints": [ + 240.0169219970703, + -2.9518396854400635, + 0.19168329238891602, + 221.60545349121094, + -12.157569885253906, + 0.003812065115198493, + 193.98826599121094, + 6.253890037536621, + 0.04020402207970619, + 175.57681274414062, + -12.157569885253906, + 0.0013538138009607792, + 120.3424301147461, + -2.9518396854400635, + 0.17056918144226074, + 184.78253173828125, + 24.66534996032715, + 0.5784450769424438, + 111.13670349121094, + 181.16275024414062, + 0.7731047868728638, + 368.8971252441406, + 43.07680892944336, + 0.1079077422618866, + 230.81118774414062, + 457.33465576171875, + 0.80550616979599, + 534.6002807617188, + 15.459619522094727, + 0.08327390998601913, + 442.54296875, + 273.2200622558594, + 0.8999606370925903, + 350.4856872558594, + 217.9856719970703, + 0.7370518445968628, + 359.69140625, + 356.0716247558594, + 0.5981696844100952, + 562.2174682617188, + 70.69400024414062, + 0.6413450241088867, + 681.8919677734375, + 245.6028594970703, + 0.9128646850585938, + 672.6862182617188, + 254.80859375, + 0.44168853759765625, + 727.9205932617188, + 337.66015625, + 0.2030235230922699 + ], + "scale": [ + 4.418750286102295, + 5.891666412353516 + ], + "score": 0.6591159969568252 + }, + { + "category_id": 1, + "center": [ + 439.5, + 225.5 + ], + "image_id": 20503958200, + "keypoints": [ + 281.47265625, + 128.64453125, + 0.006270837504416704, + -29.484403610229492, + 857.6094360351562, + 0.0017591399373486638, + 699.48046875, + 281.57421875, + 0.0016129282303154469, + 628.11328125, + -268.9726867675781, + 0.002124415710568428, + 118.3476333618164, + 6.300767421722412, + 0.00768702570348978, + 199.91014099121094, + 6.300767421722412, + 0.5405219793319702, + 148.93357849121094, + 179.62109375, + 0.7852383255958557, + 393.62109375, + 16.49608039855957, + 0.5567985773086548, + 393.62109375, + 363.13671875, + 0.8048046827316284, + 577.13671875, + -14.089859008789062, + 0.3164278268814087, + 648.50390625, + 332.55078125, + 0.9609116315841675, + 352.83984375, + 200.01171875, + 0.7659982442855835, + 363.03515625, + 332.55078125, + 0.6548320651054382, + 587.33203125, + 98.05858612060547, + 0.7157405614852905, + 679.08984375, + 230.59765625, + 0.8781986832618713, + 689.28515625, + 220.40234375, + 0.48006996512413025, + 750.45703125, + 383.52734375, + 0.1084926649928093 + ], + "scale": [ + 4.893750190734863, + 6.524999618530273 + ], + "score": 0.6781402311541818 + }, + { + "category_id": 1, + "center": [ + 415.0, + 241.0 + ], + "image_id": 20503958800, + "keypoints": [ + 352.890625, + -28.140625, + 0.0027606321964412928, + 667.578125, + 269.984375, + 0.003419800428673625, + 667.578125, + 228.578125, + 0.0017728955717757344, + 261.796875, + 46.390625, + 0.0010790647938847542, + 286.640625, + -36.421875, + 0.001663334434852004, + 178.984375, + 4.984375, + 0.09984146058559418, + 261.796875, + 54.671875, + 0.6791067123413086, + 427.421875, + 54.671875, + 0.024517491459846497, + 526.796875, + 87.796875, + 0.8818435668945312, + 543.359375, + 71.234375, + 0.06902492046356201, + 559.921875, + -11.578125, + 0.30604714155197144, + 352.890625, + 203.734375, + 0.4001384377479553, + 361.171875, + 327.953125, + 0.6397392749786377, + 576.484375, + 129.203125, + 0.6254875659942627, + 675.859375, + 245.140625, + 0.9333865642547607, + 675.859375, + 253.421875, + 0.4421520233154297, + 708.984375, + 344.515625, + 0.18018601834774017 + ], + "scale": [ + 3.9750001430511475, + 5.299999713897705 + ], + "score": 0.6134876608848572 + }, + { + "category_id": 1, + "center": [ + 396.0, + 239.0 + ], + "image_id": 20503978100, + "keypoints": [ + 237.015625, + -16.33854103088379, + 0.014536703005433083, + 583.890625, + 224.546875, + 0.0060653300024569035, + 227.3802032470703, + 330.5364685058594, + 0.0024672478903084993, + 516.4426879882812, + 234.1822967529297, + 0.006729330867528915, + 63.578125, + -35.609375, + 0.04810252785682678, + 179.203125, + 22.203125, + 0.6371268033981323, + 102.11978912353516, + 157.0989532470703, + 0.8075469732284546, + 314.0989685058594, + 137.828125, + 0.4133046865463257, + 256.2864685058594, + 426.890625, + 0.8356295824050903, + 429.7239685058594, + 166.734375, + 0.43588581681251526, + 429.7239685058594, + 263.0885314941406, + 0.9387068152427673, + 352.640625, + 214.9114532470703, + 0.6908369064331055, + 343.0052185058594, + 340.171875, + 0.5845961570739746, + 554.984375, + 70.38021087646484, + 0.7658529877662659, + 689.8801879882812, + 243.8177032470703, + 0.9385331869125366, + 680.2448120117188, + 243.8177032470703, + 0.4898352026939392, + 709.1510620117188, + 388.3489685058594, + 0.15185925364494324 + ], + "scale": [ + 4.625, + 6.1666669845581055 + ], + "score": 0.6852595562284644 + }, + { + "category_id": 1, + "center": [ + 388.5, + 242.0 + ], + "image_id": 20503978600, + "keypoints": [ + 412.3606872558594, + -192.2643585205078, + 0.0013601535465568304, + 574.61328125, + 237.2278594970703, + 0.0026551487389951944, + 813.2200927734375, + 661.9479370117188, + 0.002225944772362709, + 498.2591247558594, + 208.5950469970703, + 0.0033321259543299675, + 68.76690673828125, + -1.378922462463379, + 0.014348427765071392, + 173.75389099121094, + 27.253890991210938, + 0.5967110991477966, + 97.39971923828125, + 151.3294219970703, + 0.7715625166893005, + 307.3736877441406, + 94.06378936767578, + 0.1985834836959839, + 221.47525024414062, + 447.20184326171875, + 0.8105741143226624, + 421.9049377441406, + 179.9622344970703, + 0.4072701930999756, + 278.7408752441406, + 237.2278594970703, + 0.8518253564834595, + 345.55078125, + 246.7721405029297, + 0.5230985879898071, + 364.6393127441406, + 351.7591247558594, + 0.5566329956054688, + 555.5247802734375, + 74.97525024414062, + 0.5280575752258301, + 679.6002807617188, + 256.31640625, + 0.9149876832962036, + 679.6002807617188, + 246.7721405029297, + 0.5021936893463135, + 727.3216552734375, + 351.7591247558594, + 0.12905648350715637 + ], + "scale": [ + 4.581250190734863, + 6.108333587646484 + ], + "score": 0.6462913811206817 + }, + { + "category_id": 1, + "center": [ + 382.0, + 239.0 + ], + "image_id": 20503980400, + "keypoints": [ + 237.4947967529297, + 47.88020706176758, + 0.8910183310508728, + 256.140625, + 1.265625, + 0.8833498358726501, + 190.8802032470703, + 19.91145896911621, + 0.9550915956497192, + 284.109375, + 1.265625, + 0.19135074317455292, + 125.61978912353516, + 29.234375, + 0.8587915897369385, + 218.8489532470703, + 47.88020706176758, + 0.5475332736968994, + 116.296875, + 206.3697967529297, + 0.7487800121307373, + 321.4010314941406, + 94.49478912353516, + 0.8682921528816223, + 274.7864685058594, + 448.765625, + 0.8955745697021484, + 451.921875, + 75.84896087646484, + 0.9546451568603516, + 461.2447814941406, + 299.5989685058594, + 0.9092048406600952, + 368.015625, + 234.3385467529297, + 0.7996937036514282, + 368.015625, + 355.5364685058594, + 0.6659500598907471, + 554.4739379882812, + 103.81771087646484, + 0.7162183523178101, + 657.0260620117188, + 215.6927032470703, + 0.9275591373443604, + 666.3489379882812, + 206.3697967529297, + 0.3434368371963501, + 703.640625, + 364.859375, + 0.36364659667015076 + ], + "scale": [ + 4.474999904632568, + 5.966667175292969 + ], + "score": 0.7705491278320551 + }, + { + "category_id": 1, + "center": [ + 407.0, + 240.5 + ], + "image_id": 20503909500, + "keypoints": [ + 384.2135314941406, + 454.6927185058594, + 0.006616361439228058, + 584.734375, + 217.7135467529297, + 0.00395218376070261, + 448.015625, + -174.2135467529297, + 0.0015890788054093719, + 511.8177185058594, + 235.9427032470703, + 0.011509283445775509, + 101.66146087646484, + -37.49479293823242, + 0.013095231726765633, + 192.8072967529297, + 17.19270896911621, + 0.7099803686141968, + 138.1197967529297, + 172.140625, + 0.7911168336868286, + 293.0677185058594, + 126.56771087646484, + 0.6520152688026428, + 247.4947967529297, + 463.8072814941406, + 0.8455756902694702, + 411.5572814941406, + 172.140625, + 0.8903957605361938, + 493.5885314941406, + 445.578125, + 0.8792562484741211, + 356.8697814941406, + 217.7135467529297, + 0.7179962396621704, + 365.984375, + 336.203125, + 0.7468117475509644, + 548.2760620117188, + 71.88021087646484, + 0.8070816993713379, + 666.765625, + 235.9427032470703, + 0.9053581953048706, + 675.8801879882812, + 245.0572967529297, + 0.46103113889694214, + 721.453125, + 327.0885314941406, + 0.23612132668495178 + ], + "scale": [ + 4.375, + 5.8333330154418945 + ], + "score": 0.7202283764878908 + }, + { + "category_id": 1, + "center": [ + 561.0, + 241.0 + ], + "image_id": 20504013500, + "keypoints": [ + 527.1848754882812, + 120.23178100585938, + 0.9205331802368164, + 527.1848754882812, + 62.263031005859375, + 0.002834874205291271, + 507.8619689941406, + 81.58594512939453, + 0.9448192119598389, + 565.8307495117188, + 236.1692657470703, + 0.003493099706247449, + 401.5859375, + 81.58594512939453, + 0.941826581954956, + 314.6328430175781, + 120.23178100585938, + 0.6097022294998169, + 362.94012451171875, + 303.7994689941406, + 0.7257022857666016, + 411.2474060058594, + 236.1692657470703, + 0.39214348793029785, + 556.1692504882812, + 477.7057189941406, + 0.22875720262527466, + 507.8619689941406, + 284.4765625, + 0.9245060682296753, + 826.6900634765625, + 477.7057189941406, + 0.7001641988754272, + 478.87762451171875, + 361.7682189941406, + 0.659565806388855, + 488.5390625, + 448.7213439941406, + 0.37669917941093445, + 681.7682495117188, + 226.5078125, + 0.5871814489364624, + 778.3828125, + 332.7838439941406, + 0.856864333152771, + 788.0442504882812, + 342.4453125, + 0.4160403609275818, + 836.3515625, + 429.3984375, + 0.1606999635696411 + ], + "scale": [ + 4.637499809265137, + 6.183333396911621 + ], + "score": 0.6631789697068078 + }, + { + "category_id": 1, + "center": [ + 486.0, + 240.5 + ], + "image_id": 20504015200, + "keypoints": [ + 430.2838439941406, + 53.09113311767578, + 0.9015878438949585, + 440.4140625, + 83.48175811767578, + 0.0036151623353362083, + 410.0234375, + 22.70050811767578, + 0.8917194604873657, + 612.6276245117188, + 356.9974060058594, + 0.003862507874146104, + 318.8515625, + 53.09113311767578, + 0.9228973388671875, + 298.59112548828125, + 113.87239074707031, + 0.7440934181213379, + 227.67967224121094, + 265.8255310058594, + 0.8246303796768188, + 410.0234375, + 235.4348907470703, + 0.4005707800388336, + 369.5025939941406, + 488.69012451171875, + 0.6805641055107117, + 511.3255310058594, + 286.0859375, + 0.524552047252655, + 511.3255310058594, + 326.6067810058594, + 0.8116165399551392, + 450.5442810058594, + 346.8671875, + 0.65324866771698, + 460.6744689941406, + 438.0390625, + 0.6289597749710083, + 663.2786865234375, + 225.3046875, + 0.5359385013580322, + 764.5807495117188, + 336.73699951171875, + 0.9339181184768677, + 794.9713745117188, + 336.73699951171875, + 0.39771100878715515, + 805.1015625, + 448.1692810058594, + 0.3109981417655945 + ], + "scale": [ + 4.862500190734863, + 6.483333110809326 + ], + "score": 0.6775337417920431 + }, + { + "category_id": 1, + "center": [ + 472.0, + 240.0 + ], + "image_id": 20504026400, + "keypoints": [ + 365.359375, + 11.484375, + 0.09668676555156708, + 670.046875, + 316.171875, + 0.0032561528496444225, + 294.265625, + -8.828125, + 0.1973690688610077, + 213.015625, + 31.796875, + 0.02002491056919098, + 263.796875, + 31.796875, + 0.9317853450775146, + 263.796875, + 113.046875, + 0.7381905317306519, + 223.171875, + 265.390625, + 0.8262735605239868, + 395.828125, + 234.921875, + 0.7307225465774536, + 416.140625, + 458.359375, + 0.864908754825592, + 527.859375, + 265.390625, + 0.8851577043533325, + 568.484375, + 346.640625, + 0.9220840930938721, + 456.765625, + 326.328125, + 0.6577653884887695, + 466.921875, + 427.890625, + 0.7325106859207153, + 670.046875, + 245.078125, + 0.5499211549758911, + 771.609375, + 346.640625, + 0.9653877019882202, + 781.765625, + 326.328125, + 0.4335997700691223, + 832.546875, + 438.046875, + 0.2403140664100647 + ], + "scale": [ + 4.875, + 6.5 + ], + "score": 0.7291247156950144 + }, + { + "category_id": 1, + "center": [ + 527.5, + 242.0 + ], + "image_id": 20504003300, + "keypoints": [ + 391.97265625, + 56.27734375, + 0.9417115449905396, + 391.97265625, + 16.12109375, + 0.4504278302192688, + 351.81640625, + 36.19921875, + 0.9412155151367188, + 402.01171875, + -3.95703125, + 0.0026293774135410786, + 241.38671875, + 66.31640625, + 0.9300705194473267, + 291.58203125, + 126.55078125, + 0.7838977575302124, + 261.46484375, + 277.13671875, + 0.8665304780006409, + 402.01171875, + 226.94140625, + 0.7481108903884888, + 502.40234375, + 477.91796875, + 0.8205726146697998, + 512.44140625, + 287.17578125, + 0.996544599533081, + 763.41796875, + 357.44921875, + 0.8610066175460815, + 462.24609375, + 347.41015625, + 0.7068947553634644, + 472.28515625, + 457.83984375, + 0.4679984450340271, + 663.02734375, + 257.05859375, + 0.5976606011390686, + 743.33984375, + 317.29296875, + 0.4092172086238861, + 793.53515625, + 307.25390625, + 0.12108129262924194, + 843.73046875, + 377.52734375, + 0.04298122972249985 + ], + "scale": [ + 4.818749904632568, + 6.424999713897705 + ], + "score": 0.7515613841159003 + }, + { + "category_id": 1, + "center": [ + 486.0, + 241.0 + ], + "image_id": 20504003600, + "keypoints": [ + 350.6484375, + 75.5703125, + 0.9111679792404175, + 360.6744689941406, + 25.44010353088379, + 0.8892548084259033, + 300.5182189941406, + 55.51823043823242, + 0.947727382183075, + 380.7265625, + -4.638020992279053, + 0.019640320912003517, + 200.2578125, + 75.5703125, + 0.9168567657470703, + 290.4921875, + 135.7265625, + 0.7453304529190063, + 250.3880157470703, + 276.0911560058594, + 0.8200713396072388, + 400.7786560058594, + 235.9869842529297, + 0.7483946681022644, + 440.8828125, + 456.5599060058594, + 0.8474543690681458, + 521.0911254882812, + 276.0911560058594, + 0.9169591069221497, + 571.2213745117188, + 346.2734375, + 0.8720612525939941, + 460.9349060058594, + 326.2213439941406, + 0.7132660150527954, + 470.9609375, + 426.4817810058594, + 0.7286088466644287, + 651.4296875, + 225.9609375, + 0.6934866905212402, + 771.7421875, + 336.2474060058594, + 0.9398638010025024, + 781.7682495117188, + 326.2213439941406, + 0.4565209150314331, + 811.8463745117188, + 446.5338439941406, + 0.29807132482528687 + ], + "scale": [ + 4.8125, + 6.416666507720947 + ], + "score": 0.7778184823691845 + }, + { + "category_id": 1, + "center": [ + 508.5, + 238.0 + ], + "image_id": 20504064700, + "keypoints": [ + 386.59246826171875, + 8.813817024230957, + 0.8544403314590454, + 376.83984375, + -39.94919967651367, + 0.0074768103659152985, + 357.33465576171875, + -10.691390037536621, + 0.5799720287322998, + 298.81903076171875, + 8.813817024230957, + 0.004400159232318401, + 259.8086242675781, + 28.31902313232422, + 0.9587914943695068, + 250.05599975585938, + 106.33985137939453, + 0.6003839373588562, + 289.06640625, + 233.1237030029297, + 0.8415929079055786, + 376.83984375, + 223.37109375, + 0.38109517097473145, + 474.3658752441406, + 428.17578125, + 0.8922878503799438, + 484.1184997558594, + 223.37109375, + 0.8884721994400024, + 562.1393432617188, + 262.3815002441406, + 0.8325080871582031, + 454.8606872558594, + 320.8971252441406, + 0.6277174353599548, + 484.1184997558594, + 408.6705627441406, + 0.6917028427124023, + 659.6653442382812, + 223.37109375, + 0.6718740463256836, + 776.6965942382812, + 350.1549377441406, + 0.9142248034477234, + 776.6965942382812, + 340.40234375, + 0.4758174419403076, + 854.7174072265625, + 467.1861877441406, + 0.18989640474319458 + ], + "scale": [ + 4.681249618530273, + 6.241666793823242 + ], + "score": 0.72934861268316 + }, + { + "category_id": 1, + "center": [ + 470.0, + 239.5 + ], + "image_id": 20504068700, + "keypoints": [ + 312.5390625, + 16.8828125, + 0.9090563058853149, + 323.3984375, + -4.8359375, + 0.4713127017021179, + 269.1015625, + 6.0234375, + 0.6372572183609009, + 323.3984375, + -15.6953125, + 0.008684989996254444, + 182.2265625, + 27.7421875, + 0.8993052244186401, + 269.1015625, + 92.8984375, + 0.696861207485199, + 225.6640625, + 234.0703125, + 0.834069013595581, + 410.2734375, + 71.1796875, + 0.2702520191669464, + 464.5703125, + 353.5234375, + 0.8105171918869019, + 464.5703125, + 288.3671875, + 0.08324252814054489, + 692.6171875, + 353.5234375, + 0.8797760605812073, + 421.1328125, + 364.3828125, + 0.48275884985923767, + 388.5546875, + 440.3984375, + 0.4513086676597595, + 638.3203125, + 255.7890625, + 0.46354788541793823, + 736.0546875, + 320.9453125, + 0.3610379099845886, + 714.3359375, + 266.6484375, + 0.08700365573167801, + 812.0703125, + 386.1015625, + 0.04422082006931305 + ], + "scale": [ + 5.212500095367432, + 6.949999809265137 + ], + "score": 0.6282354043080256 + }, + { + "category_id": 1, + "center": [ + 471.5, + 239.5 + ], + "image_id": 20504071400, + "keypoints": [ + 306.28515625, + 24.22005271911621, + 0.19004914164543152, + 296.2721252441406, + 104.32421875, + 0.0056893713772296906, + 286.2591247558594, + 14.20703125, + 0.3192640542984009, + 306.28515625, + 4.194010257720947, + 0.019915606826543808, + 256.2200622558594, + 34.23307418823242, + 0.8855140209197998, + 246.20703125, + 104.32421875, + 0.7053298950195312, + 196.1419219970703, + 254.51953125, + 0.8017532229423523, + 366.36328125, + 64.27213287353516, + 0.46894586086273193, + 386.3893127441406, + 464.79296875, + 0.8116158843040466, + 426.44140625, + 64.27213287353516, + 0.8776583671569824, + 606.67578125, + 344.63671875, + 0.8562753796577454, + 446.4674377441406, + 294.5716247558594, + 0.6959069967269897, + 456.48046875, + 414.7278747558594, + 0.7779886722564697, + 666.75390625, + 214.4674530029297, + 0.582863450050354, + 776.8971557617188, + 354.6497497558594, + 0.893805980682373, + 766.8840942382812, + 334.6236877441406, + 0.32032617926597595, + 796.9231567382812, + 434.75390625, + 0.07171479612588882 + ], + "scale": [ + 4.806250095367432, + 6.4083333015441895 + ], + "score": 0.6920959972418271 + }, + { + "category_id": 1, + "center": [ + 505.0, + 240.0 + ], + "image_id": 20504071700, + "keypoints": [ + 373.59375, + 45.15625, + 0.11659003794193268, + 591.09375, + 344.21875, + 0.002120228251442313, + 346.40625, + -0.15625, + 0.20681600272655487, + 237.65625, + -18.28125, + 0.019285742193460464, + 292.03125, + 17.96875, + 0.8274034857749939, + 219.53125, + 81.40625, + 0.5827858448028564, + 301.09375, + 217.34375, + 0.8257122039794922, + 301.09375, + 8.90625, + 0.23913922905921936, + 554.84375, + 317.03125, + 0.732170820236206, + 373.59375, + 17.96875, + 0.6834171414375305, + 663.59375, + 307.96875, + 0.4266614317893982, + 427.96875, + 335.15625, + 0.5321648120880127, + 437.03125, + 434.84375, + 0.6091665625572205, + 654.53125, + 253.59375, + 0.5051237344741821, + 736.09375, + 344.21875, + 0.967278242111206, + 745.15625, + 335.15625, + 0.2750075161457062, + 781.40625, + 416.71875, + 0.0982058197259903 + ], + "scale": [ + 4.349999904632568, + 5.799999713897705 + ], + "score": 0.5702190020909677 + }, + { + "category_id": 1, + "center": [ + 511.5, + 241.0 + ], + "image_id": 20504111201, + "keypoints": [ + 361.1419372558594, + 90.64192962646484, + 0.9041425585746765, + 380.54296875, + 32.43880081176758, + 0.9671810865402222, + 312.6393127441406, + 51.83984375, + 0.9707783460617065, + 409.64453125, + 22.73828125, + 0.03231899440288544, + 225.3346405029297, + 61.54036331176758, + 0.9428421258926392, + 361.1419372558594, + 100.34244537353516, + 0.6641733646392822, + 235.03515625, + 265.2513122558594, + 0.7597317099571228, + 526.05078125, + 119.74349212646484, + 0.8737225532531738, + 380.54296875, + 498.0638122558594, + 0.0614582896232605, + 710.3606567382812, + 80.94140625, + 0.9183776378631592, + 710.3606567382812, + 449.5611877441406, + 0.0064405957236886024, + 458.1471252441406, + 313.75390625, + 0.7178423404693604, + 438.74609375, + 449.5611877441406, + 0.6638001203536987, + 661.8580932617188, + 226.44921875, + 0.8337666988372803, + 758.86328125, + 352.5559997558594, + 0.8624350428581238, + 778.2643432617188, + 362.2565002441406, + 0.3639509677886963, + 846.16796875, + 468.9622497558594, + 0.3474101424217224 + ], + "scale": [ + 4.65625, + 6.208333492279053 + ], + "score": 0.7707253353936332 + }, + { + "category_id": 1, + "center": [ + 482.0, + 240.0 + ], + "image_id": 20504111601, + "keypoints": [ + 359.60418701171875, + 78.43750762939453, + 0.9143218994140625, + 379.1875, + 29.47917938232422, + 0.9274393320083618, + 310.6458435058594, + 49.0625114440918, + 0.9490889310836792, + 388.97918701171875, + 9.895848274230957, + 0.024856872856616974, + 222.52084350585938, + 58.85417938232422, + 0.8627800345420837, + 349.8125, + 98.02084350585938, + 0.5580570697784424, + 232.31251525878906, + 274.2708435058594, + 0.7585842609405518, + 486.8958435058594, + 127.39584350585938, + 0.8873617649078369, + 486.8958435058594, + 421.14581298828125, + 0.01540872547775507, + 712.1041259765625, + 146.9791717529297, + 0.8167195916175842, + 790.4375, + 411.3541564941406, + 0.01819981262087822, + 457.5208435058594, + 303.6458435058594, + 0.7722054719924927, + 467.3125, + 421.14581298828125, + 0.6712615489959717, + 672.9375, + 215.5208282470703, + 0.7057876586914062, + 770.8541259765625, + 342.8125, + 0.8255858421325684, + 770.8541259765625, + 352.6041564941406, + 0.37260109186172485, + 790.4375, + 421.14581298828125, + 0.1307685822248459 + ], + "scale": [ + 4.699999809265137, + 6.266666412353516 + ], + "score": 0.7709072690743667 + }, + { + "category_id": 1, + "center": [ + 485.5, + 240.5 + ], + "image_id": 20504112200, + "keypoints": [ + 371.4049377441406, + 7.746077537536621, + 0.8603503704071045, + 371.4049377441406, + -10.509132385253906, + 0.28079643845558167, + 325.76690673828125, + -1.381527304649353, + 0.6067032217979431, + 599.5950317382812, + 299.8294372558594, + 0.0038623912259936333, + 207.10804748535156, + 44.25649642944336, + 0.96121746301651, + 344.0221252441406, + 89.89452362060547, + 0.7268129587173462, + 225.36326599121094, + 263.3190002441406, + 0.7521301507949829, + 499.19140625, + 126.40493774414062, + 0.8608922362327576, + 417.04296875, + 518.8919677734375, + 0.0247616209089756, + 690.87109375, + 126.40493774414062, + 0.7852877378463745, + 681.7435302734375, + 445.87109375, + 0.004953392315655947, + 453.5533752441406, + 308.95703125, + 0.7169685959815979, + 453.5533752441406, + 436.7434997558594, + 0.7550623416900635, + 663.48828125, + 226.80859375, + 0.6699823141098022, + 754.7643432617188, + 345.46746826171875, + 0.9337748289108276, + 773.01953125, + 345.46746826171875, + 0.3157340884208679, + 791.2747802734375, + 445.87109375, + 0.16350090503692627 + ], + "scale": [ + 4.381250381469727, + 5.841666221618652 + ], + "score": 0.7096702112601354 + }, + { + "category_id": 1, + "center": [ + 506.5, + 242.0 + ], + "image_id": 20504113100, + "keypoints": [ + 393.4466247558594, + 40.47005081176758, + 0.9043850302696228, + 383.6158752441406, + -18.51432228088379, + 0.06400446593761444, + 354.1236877441406, + 10.977864265441895, + 0.8638006448745728, + 295.1393127441406, + 30.63932228088379, + 0.0022956286557018757, + 245.9856719970703, + 60.13151168823242, + 0.9181665182113647, + 314.80078125, + 99.45442962646484, + 0.7498883605003357, + 226.32421875, + 266.5768127441406, + 0.764136791229248, + 481.9231872558594, + 128.9466094970703, + 0.9161406755447388, + 452.4309997558594, + 502.5143127441406, + 0.04023363068699837, + 688.3684692382812, + 99.45442962646484, + 0.8805631399154663, + 698.19921875, + 463.19140625, + 0.021622173488140106, + 452.4309997558594, + 315.73046875, + 0.7267445921897888, + 452.4309997558594, + 443.5299377441406, + 0.7367751598358154, + 658.8762817382812, + 217.4231719970703, + 0.8260079622268677, + 767.0143432617188, + 345.22265625, + 0.9228336811065674, + 767.0143432617188, + 345.22265625, + 0.407244473695755, + 835.8294067382812, + 453.3606872558594, + 0.18347692489624023 + ], + "scale": [ + 4.71875, + 6.291666507720947 + ], + "score": 0.801390585800012 + }, + { + "category_id": 1, + "center": [ + 514.5, + 241.5 + ], + "image_id": 20504113500, + "keypoints": [ + 391.29034423828125, + 29.57941436767578, + 0.8923928141593933, + 371.5768127441406, + -9.847672462463379, + 0.02115785889327526, + 361.72003173828125, + 19.722640991210938, + 0.854127049446106, + 302.57940673828125, + 59.14972686767578, + 0.002558597829192877, + 253.29556274414062, + 78.86327362060547, + 0.9206335544586182, + 312.4361877441406, + 108.43358612060547, + 0.7407222390174866, + 213.86846923828125, + 295.7122497558594, + 0.7852001190185547, + 499.71484375, + 98.57681274414062, + 0.8306268453598022, + 519.4284057617188, + 413.9934997558594, + 0.021858632564544678, + 706.70703125, + 88.72003936767578, + 0.8978102207183838, + 657.4231567382812, + 453.42059326171875, + 0.027239831164479256, + 450.4309997558594, + 315.42578125, + 0.7533690929412842, + 450.4309997558594, + 443.5638122558594, + 0.7070501446723938, + 657.4231567382812, + 216.8580780029297, + 0.8282188177108765, + 765.84765625, + 354.8528747558594, + 0.8528014421463013, + 765.84765625, + 354.8528747558594, + 0.4568506181240082, + 844.7018432617188, + 463.27734375, + 0.22511917352676392 + ], + "scale": [ + 4.731250286102295, + 6.308333396911621 + ], + "score": 0.7496093947153825 + }, + { + "category_id": 1, + "center": [ + 494.5, + 240.0 + ], + "image_id": 20504113800, + "keypoints": [ + 371.6158752441406, + 38.47005081176758, + 0.7463812828063965, + 696.0299682617188, + 382.5455627441406, + 0.007010981440544128, + 342.1236877441406, + 18.80859375, + 0.7481467723846436, + 607.5534057617188, + 392.3763122558594, + 0.0056008510291576385, + 253.6471405029297, + 67.96224212646484, + 0.9035918712615967, + 292.9700622558594, + 117.11588287353516, + 0.7571631073951721, + 204.4934844970703, + 294.0690002441406, + 0.773669958114624, + 469.9231872558594, + 107.28515625, + 0.92914879322052, + 322.4622497558594, + 500.5143127441406, + 0.012437799014151096, + 656.70703125, + 28.63932228088379, + 0.931648850440979, + 548.5690307617188, + 471.0221252441406, + 0.8237063884735107, + 450.26171875, + 323.5611877441406, + 0.7321990728378296, + 450.26171875, + 451.3606872558594, + 0.6022714376449585, + 656.70703125, + 215.4231719970703, + 0.846444845199585, + 764.8450317382812, + 353.0533752441406, + 0.900754451751709, + 764.8450317382812, + 353.0533752441406, + 0.3677040934562683, + 843.4909057617188, + 451.3606872558594, + 0.21003375947475433 + ], + "scale": [ + 4.71875, + 6.291666507720947 + ], + "score": 0.733776048890182 + }, + { + "category_id": 1, + "center": [ + 458.0, + 241.0 + ], + "image_id": 20504159200, + "keypoints": [ + 324.328125, + 33.57810974121094, + 0.887428879737854, + 315.109375, + -3.296891927719116, + 0.16205516457557678, + 287.453125, + 15.140609741210938, + 0.8491954803466797, + 527.140625, + 273.265625, + 0.014172718860208988, + 186.04685974121094, + 52.0156135559082, + 0.9186269640922546, + 259.796875, + 107.32811737060547, + 0.7079888582229614, + 222.92185974121094, + 282.484375, + 0.8153948187828064, + 379.640625, + 217.953125, + 0.43493640422821045, + 434.953125, + 476.0781555175781, + 0.7657696008682251, + 490.265625, + 282.484375, + 0.7337316274642944, + 637.765625, + 328.578125, + 0.8584455847740173, + 444.171875, + 310.140625, + 0.7912733554840088, + 471.828125, + 420.765625, + 0.6876324415206909, + 628.546875, + 171.859375, + 0.7757590413093567, + 757.609375, + 347.015625, + 0.9789707064628601, + 766.828125, + 337.796875, + 0.3375019431114197, + 831.359375, + 457.640625, + 0.08337979018688202 + ], + "scale": [ + 4.425000190734863, + 5.899999618530273 + ], + "score": 0.7530468361718314 + }, + { + "category_id": 1, + "center": [ + 466.0, + 239.5 + ], + "image_id": 20504164800, + "keypoints": [ + 284.4895935058594, + 49.13541793823242, + 0.8449164032936096, + 293.34375, + 4.864583492279053, + 0.896736741065979, + 231.3645782470703, + 31.42708396911621, + 0.9334812164306641, + 311.0520935058594, + 13.71875, + 0.026941929012537003, + 169.3854217529297, + 84.55208587646484, + 0.8304165601730347, + 275.6354064941406, + 119.96875, + 0.7090998888015747, + 195.9479217529297, + 288.1979064941406, + 0.8022829294204712, + 381.8854064941406, + 226.21875, + 0.6685863733291626, + 328.7604064941406, + 491.84375, + 0.16369077563285828, + 514.6979370117188, + 252.78125, + 0.8972924947738647, + 541.2604370117188, + 403.3020935058594, + 0.8401888608932495, + 435.0104064941406, + 314.7604064941406, + 0.6928083300590515, + 435.0104064941406, + 429.8645935058594, + 0.5660430192947388, + 620.9479370117188, + 181.9479217529297, + 0.6079806089401245, + 744.90625, + 341.3229064941406, + 0.8976023197174072, + 727.1979370117188, + 341.3229064941406, + 0.32907599210739136, + 815.7395629882812, + 456.4270935058594, + 0.14628030359745026 + ], + "scale": [ + 4.25, + 5.666666507720947 + ], + "score": 0.7511794098785946 + }, + { + "category_id": 1, + "center": [ + 436.5, + 238.5 + ], + "image_id": 20504165100, + "keypoints": [ + 276.8580627441406, + 37.66015625, + 0.8114653825759888, + 276.8580627441406, + 17.06119728088379, + 0.8251760005950928, + 225.3606719970703, + 27.36067771911621, + 0.8481733798980713, + 297.45703125, + 17.06119728088379, + 0.012485559098422527, + 163.5637969970703, + 89.15755462646484, + 0.8304800391197205, + 266.55859375, + 120.05599212646484, + 0.8085168600082397, + 204.76171875, + 284.84765625, + 0.8439363241195679, + 379.8528747558594, + 181.8528594970703, + 0.8998261094093323, + 451.94921875, + 449.6393127441406, + 0.7571844458580017, + 513.74609375, + 181.8528594970703, + 0.875302255153656, + 678.5377807617188, + 367.2434997558594, + 0.9313607215881348, + 431.3502502441406, + 305.4466247558594, + 0.7714086771011353, + 441.6497497558594, + 418.7408752441406, + 0.745873212814331, + 627.0403442382812, + 192.15234375, + 0.6425373554229736, + 699.13671875, + 346.64453125, + 0.30217987298965454, + 709.4362182617188, + 295.1471252441406, + 0.13613031804561615, + 771.2330932617188, + 356.9440002441406, + 0.05586017295718193 + ], + "scale": [ + 4.943749904632568, + 6.591667175292969 + ], + "score": 0.7781014740467072 + }, + { + "category_id": 1, + "center": [ + 466.0, + 241.0 + ], + "image_id": 20504165800, + "keypoints": [ + 323.265625, + 49.046875, + 0.92018723487854, + 313.421875, + 19.515625, + 0.5702348947525024, + 283.890625, + 19.515625, + 0.9027320146560669, + 579.203125, + 393.578125, + 0.009443296119570732, + 185.453125, + 58.890625, + 0.8842705488204956, + 274.046875, + 117.953125, + 0.78913813829422, + 185.453125, + 255.765625, + 0.8002590537071228, + 372.484375, + 216.390625, + 0.7678128480911255, + 283.890625, + 501.859375, + 0.14695961773395538, + 490.609375, + 206.546875, + 0.8672939538955688, + 510.296875, + 442.796875, + 0.9489765763282776, + 441.390625, + 314.828125, + 0.7714189291000366, + 441.390625, + 423.109375, + 0.6005880236625671, + 638.265625, + 206.546875, + 0.658284068107605, + 766.234375, + 334.515625, + 0.8914015293121338, + 766.234375, + 324.671875, + 0.40353137254714966, + 815.453125, + 432.953125, + 0.1808948814868927 + ], + "scale": [ + 4.724999904632568, + 6.300000190734863 + ], + "score": 0.7697235132966723 + }, + { + "category_id": 1, + "center": [ + 489.5, + 241.5 + ], + "image_id": 20504109400, + "keypoints": [ + 349.75390625, + 8.58984375, + 0.8164377212524414, + 339.40234375, + -43.16796875, + 0.018100345507264137, + 318.69921875, + -12.11328125, + 0.700837254524231, + 473.97265625, + 143.16015625, + 0.006753659341484308, + 225.53515625, + 29.29296875, + 0.9783746004104614, + 246.23828125, + 101.75390625, + 0.7426114082336426, + 235.88671875, + 267.37890625, + 0.8084021210670471, + 391.16015625, + 184.56640625, + 0.8404244184494019, + 411.86328125, + 505.46484375, + 0.2515796720981598, + 525.73046875, + 143.16015625, + 0.9466376304626465, + 681.00390625, + 484.76171875, + 0.8685268759727478, + 453.26953125, + 288.08203125, + 0.6872103810310364, + 473.97265625, + 412.30078125, + 0.795520007610321, + 639.59765625, + 184.56640625, + 0.712016224861145, + 763.81640625, + 339.83984375, + 0.8713303804397583, + 784.51953125, + 339.83984375, + 0.4081922173500061, + 867.33203125, + 443.35546875, + 0.26925575733184814 + ], + "scale": [ + 4.96875, + 6.625 + ], + "score": 0.7131571114063263 + }, + { + "category_id": 1, + "center": [ + 485.5, + 239.5 + ], + "image_id": 20504109700, + "keypoints": [ + 368.25390625, + -0.08985868841409683, + 0.791598916053772, + 347.86328125, + -40.87111282348633, + 0.007999171502888203, + 337.66796875, + -10.285171508789062, + 0.6310514211654663, + 602.74609375, + 275.18359375, + 0.007645361591130495, + 235.71482849121094, + 30.49608039855957, + 0.9747637510299683, + 286.69140625, + 91.66796112060547, + 0.769642174243927, + 225.51951599121094, + 234.40234375, + 0.8129265308380127, + 439.62109375, + 163.03515625, + 0.856992244720459, + 419.23046875, + 479.08984375, + 0.7750651240348816, + 612.94140625, + 122.25389862060547, + 0.8822827935218811, + 684.30859375, + 458.69921875, + 0.8876478672027588, + 460.01171875, + 295.57421875, + 0.6747429370880127, + 460.01171875, + 407.72265625, + 0.8249171376228333, + 674.11328125, + 224.20703125, + 0.7863516807556152, + 755.67578125, + 336.35546875, + 0.9078918695449829, + 776.06640625, + 346.55078125, + 0.4011012315750122, + 857.62890625, + 448.50390625, + 0.29965072870254517 + ], + "scale": [ + 4.893750190734863, + 6.524999618530273 + ], + "score": 0.7517750938733418 + }, + { + "category_id": 1, + "center": [ + 473.0, + 240.0 + ], + "image_id": 20505410500, + "keypoints": [ + 342.921875, + 42.47395706176758, + 0.9742758274078369, + 333.2864685058594, + 3.9322917461395264, + 0.0405392050743103, + 304.3802185058594, + 23.203125, + 0.9252556562423706, + 545.265625, + 273.7239685058594, + 0.007238431833684444, + 208.0260467529297, + 71.38021087646484, + 0.9336935877799988, + 265.8385314941406, + 129.1927032470703, + 0.792120099067688, + 208.0260467529297, + 302.6302185058594, + 0.8390610218048096, + 439.2760314941406, + 177.3697967529297, + 0.9128039479255676, + 477.8177185058594, + 485.703125, + 0.7477577924728394, + 603.078125, + 138.828125, + 0.8694841861724854, + 728.3385620117188, + 447.1614685058594, + 0.9050030708312988, + 439.2760314941406, + 341.171875, + 0.794008731842041, + 439.2760314941406, + 456.796875, + 0.550553560256958, + 660.890625, + 244.8177032470703, + 0.6605697870254517, + 747.609375, + 350.8072814941406, + 0.7931686043739319, + 776.515625, + 350.8072814941406, + 0.39502477645874023, + 834.328125, + 427.890625, + 0.07739566266536713 + ], + "scale": [ + 4.625, + 6.1666669845581055 + ], + "score": 0.7923414749758584 + }, + { + "category_id": 1, + "center": [ + 465.0, + 239.5 + ], + "image_id": 20505418001, + "keypoints": [ + 315.8984375, + 63.2890625, + 0.909996747970581, + 315.8984375, + 27.14322853088379, + 0.8931422233581543, + 270.7161560058594, + 45.21614456176758, + 0.9631869792938232, + 343.0078125, + 9.0703125, + 0.004590866155922413, + 180.3515625, + 90.3984375, + 0.9502593278884888, + 279.7525939941406, + 135.5807342529297, + 0.7594513297080994, + 207.4609375, + 298.2369689941406, + 0.8186068534851074, + 442.4088439941406, + 234.9817657470703, + 0.8725394606590271, + 433.3724060058594, + 488.0025939941406, + 0.7685802578926086, + 586.9921875, + 153.6536407470703, + 0.8385315537452698, + 605.0651245117188, + 379.5650939941406, + 0.9422798156738281, + 442.4088439941406, + 352.4557189941406, + 0.7688378691673279, + 460.4817810058594, + 460.8932189941406, + 0.5214269161224365, + 641.2109375, + 234.9817657470703, + 0.678257942199707, + 767.7213745117188, + 379.5650939941406, + 0.9273537993431091, + 776.7578125, + 379.5650939941406, + 0.34334030747413635, + 867.1223754882812, + 469.9296875, + 0.09116335213184357 + ], + "scale": [ + 4.337500095367432, + 5.7833333015441895 + ], + "score": 0.7970527589321137 + }, + { + "category_id": 1, + "center": [ + 466.5, + 240.5 + ], + "image_id": 20505403300, + "keypoints": [ + 306.05078125, + 38.64453125, + 0.8343032598495483, + 347.45703125, + 80.05078125, + 0.004075873177498579, + 285.34765625, + 28.29296875, + 0.889748215675354, + 595.89453125, + 400.94921875, + 0.004179768264293671, + 223.23828125, + 69.69921875, + 0.95276939868927, + 274.99609375, + 142.16015625, + 0.8540406227111816, + 181.83203125, + 318.13671875, + 0.8223278522491455, + 440.62109375, + 193.91796875, + 0.8895153999328613, + 399.21484375, + 556.22265625, + 0.020875748246908188, + 595.89453125, + 131.80859375, + 0.9333593249320984, + 554.48828125, + 442.35546875, + 0.9769442081451416, + 430.26953125, + 359.54296875, + 0.7648085355758667, + 430.26953125, + 463.05859375, + 0.548599123954773, + 637.30078125, + 245.67578125, + 0.6779757738113403, + 761.51953125, + 369.89453125, + 0.8469033241271973, + 771.87109375, + 359.54296875, + 0.3742155432701111, + 802.92578125, + 473.41015625, + 0.06981025636196136 + ], + "scale": [ + 4.96875, + 6.625 + ], + "score": 0.7973469679172223 + }, + { + "category_id": 1, + "center": [ + 456.5, + 240.0 + ], + "image_id": 20505446000, + "keypoints": [ + 321.67578125, + 35.26694107055664, + 0.9486064910888672, + 301.70184326171875, + 15.292983055114746, + 0.1932876706123352, + 281.7278747558594, + 25.27996063232422, + 0.958798885345459, + 571.3502807617188, + 394.79815673828125, + 0.00925917737185955, + 191.84506225585938, + 95.18881225585938, + 0.9395177960395813, + 291.71484375, + 125.14974975585938, + 0.7905241250991821, + 181.85809326171875, + 314.90234375, + 0.7604010105133057, + 451.5065002441406, + 135.13671875, + 0.8794993162155151, + 331.66278076171875, + 474.6940002441406, + 0.013647902756929398, + 641.2590942382812, + 55.24089813232422, + 0.9283626079559326, + 531.40234375, + 434.74609375, + 0.9429890513420105, + 441.51953125, + 354.8502502441406, + 0.7872554063796997, + 441.51953125, + 464.70703125, + 0.5265492796897888, + 651.24609375, + 225.01953125, + 0.6945136189460754, + 771.08984375, + 384.8111877441406, + 0.9301978945732117, + 751.1158447265625, + 364.83721923828125, + 0.3582589030265808, + 860.97265625, + 474.6940002441406, + 0.13539370894432068 + ], + "scale": [ + 4.793749809265137, + 6.391666412353516 + ], + "score": 0.8034980297088623 + }, + { + "category_id": 1, + "center": [ + 453.0, + 241.5 + ], + "image_id": 20505446400, + "keypoints": [ + 317.8177185058594, + 50.38020706176758, + 0.9374454617500305, + 299.171875, + 22.41145896911621, + 0.3805081248283386, + 271.203125, + 31.734375, + 0.8928422331809998, + 560.2135620117188, + 386.0052185058594, + 0.011253425851464272, + 187.296875, + 106.31771087646484, + 0.9034099578857422, + 299.171875, + 115.640625, + 0.7573970556259155, + 205.9427032470703, + 302.0989685058594, + 0.7708182334899902, + 457.6614685058594, + 143.609375, + 0.8508368730545044, + 336.4635314941406, + 516.5260620117188, + 0.0385412871837616, + 644.1198120117188, + 218.1927032470703, + 0.8636682629585266, + 522.921875, + 423.296875, + 0.9343565702438354, + 429.6927185058594, + 348.7135314941406, + 0.7255533933639526, + 429.6927185058594, + 460.5885314941406, + 0.5470600128173828, + 644.1198120117188, + 264.8072814941406, + 0.538675844669342, + 755.9948120117188, + 367.359375, + 0.9118805527687073, + 765.3176879882812, + 376.6822814941406, + 0.2979985475540161, + 881.8541870117188, + 483.8958435058594, + 0.22938382625579834 + ], + "scale": [ + 4.474999904632568, + 5.966667175292969 + ], + "score": 0.7027889966964722 + }, + { + "category_id": 1, + "center": [ + 440.0, + 241.5 + ], + "image_id": 20505446700, + "keypoints": [ + 315.3255310058594, + 47.0078125, + 0.9223064184188843, + 285.4036560058594, + 17.0859375, + 0.1962476372718811, + 275.4296875, + 37.03385543823242, + 0.8817057013511658, + 554.7005004882812, + 396.0963439941406, + 0.01131399068981409, + 185.6640625, + 106.8515625, + 0.934241771697998, + 275.4296875, + 116.82552337646484, + 0.7696990966796875, + 205.6119842529297, + 306.3307189941406, + 0.8165078163146973, + 435.0130310058594, + 136.7734375, + 0.9082918167114258, + 355.2213439941406, + 525.7578125, + 0.03786130249500275, + 654.4401245117188, + 126.79947662353516, + 0.826423704624176, + 524.7786254882812, + 416.0442810058594, + 0.9605050086975098, + 425.0390625, + 336.2525939941406, + 0.7403277158737183, + 425.0390625, + 445.9661560058594, + 0.6568230390548706, + 634.4921875, + 226.5390625, + 0.6506537199020386, + 754.1796875, + 376.1484375, + 0.8836212158203125, + 744.2057495117188, + 366.1744689941406, + 0.3804427683353424, + 873.8671875, + 475.8880310058594, + 0.1359328031539917 + ], + "scale": [ + 4.787499904632568, + 6.383333206176758 + ], + "score": 0.794734599498602 + }, + { + "category_id": 1, + "center": [ + 468.0, + 240.0 + ], + "image_id": 20505404800, + "keypoints": [ + 326.671875, + 46.328125, + 0.9253822565078735, + 305.734375, + -37.421875, + 0.008117254823446274, + 284.796875, + 25.390625, + 0.9177287817001343, + 242.921875, + 56.796875, + 0.0027205743826925755, + 201.046875, + 88.203125, + 0.9452790021896362, + 274.328125, + 140.546875, + 0.8137559294700623, + 190.578125, + 318.515625, + 0.8151293992996216, + 441.828125, + 213.828125, + 0.8967368006706238, + 337.140625, + 548.828125, + 0.018387336283922195, + 588.390625, + 140.546875, + 0.9407723546028137, + 556.984375, + 433.671875, + 1.0063979625701904, + 431.359375, + 349.921875, + 0.7585859298706055, + 420.890625, + 465.078125, + 0.487501859664917, + 609.328125, + 255.703125, + 0.6630566120147705, + 755.890625, + 381.328125, + 0.4955599904060364, + 766.359375, + 381.328125, + 0.32933878898620605, + 808.234375, + 465.078125, + 0.22009757161140442 + ], + "scale": [ + 5.025000095367432, + 6.700000286102295 + ], + "score": 0.7296659456832069 + }, + { + "category_id": 1, + "center": [ + 467.0, + 241.0 + ], + "image_id": 20505455700, + "keypoints": [ + 322.0, + 36.0000114440918, + 0.9468010663986206, + 322.0, + 6.000014781951904, + 0.26620811223983765, + 282.0, + 16.000015258789062, + 0.9126110076904297, + 542.0, + 286.0, + 0.004087420180439949, + 182.00001525878906, + 76.00000762939453, + 0.9342913031578064, + 282.0, + 116.00000762939453, + 0.7940975427627563, + 222.00001525878906, + 286.0, + 0.8104299306869507, + 452.0, + 166.0, + 0.8690414428710938, + 432.0, + 505.9999694824219, + 0.24580702185630798, + 652.0, + 186.0, + 0.8580159544944763, + 702.0, + 446.0, + 0.8567368984222412, + 432.0, + 326.0, + 0.6822929382324219, + 442.0, + 436.0, + 0.7271687388420105, + 642.0, + 236.0, + 0.6852355003356934, + 742.0, + 356.0, + 0.7888487577438354, + 782.0, + 346.0, + 0.4934712052345276, + 822.0, + 426.0, + 0.08900171518325806 + ], + "scale": [ + 4.799999713897705, + 6.399999618530273 + ], + "score": 0.724737161397934 + }, + { + "category_id": 1, + "center": [ + 471.5, + 241.0 + ], + "image_id": 20505456700, + "keypoints": [ + 338.78515625, + 49.30078125, + 0.9136946201324463, + 319.1236877441406, + 0.1471354216337204, + 0.048975203186273575, + 299.4622497558594, + 39.47005081176758, + 0.8782928586006165, + 456.75390625, + 147.6080780029297, + 0.0037790751084685326, + 210.9856719970703, + 98.45442962646484, + 0.9130030870437622, + 279.80078125, + 127.94661712646484, + 0.7854278683662415, + 210.9856719970703, + 314.73046875, + 0.8284682035446167, + 446.9231872558594, + 147.6080780029297, + 0.9087896347045898, + 505.9075622558594, + 462.19140625, + 0.8584033846855164, + 623.8762817382812, + 78.79296875, + 0.899000883102417, + 712.3528442382812, + 363.8841247558594, + 0.9086828827857971, + 446.9231872558594, + 334.3919372558594, + 0.72332763671875, + 456.75390625, + 462.19140625, + 0.5154630541801453, + 633.70703125, + 226.25390625, + 0.8726983070373535, + 741.8450317382812, + 344.22265625, + 0.42071589827537537, + 761.5065307617188, + 344.22265625, + 0.17711332440376282, + 790.9987182617188, + 363.8841247558594, + 0.05120343714952469 + ], + "scale": [ + 4.71875, + 6.291666507720947 + ], + "score": 0.8019975630136637 + }, + { + "category_id": 1, + "center": [ + 470.5, + 240.0 + ], + "image_id": 20505406000, + "keypoints": [ + 333.21484375, + 21.36067771911621, + 0.9385586977005005, + 312.8763122558594, + -9.147135734558105, + 0.02872866578400135, + 292.5377502441406, + 11.19140625, + 0.8480954170227051, + 556.9387817382812, + 41.69921875, + 0.0032964840065687895, + 201.0143280029297, + 72.20703125, + 0.9486218094825745, + 272.19921875, + 123.05338287353516, + 0.7413049936294556, + 211.18359375, + 306.1002502441406, + 0.823910117149353, + 445.0768127441406, + 163.73046875, + 0.910755455493927, + 475.5846252441406, + 489.1471252441406, + 0.31327441334724426, + 628.1237182617188, + 92.54557037353516, + 0.9121127128601074, + 729.81640625, + 489.1471252441406, + 0.794905424118042, + 445.0768127441406, + 356.9466247558594, + 0.7074057459831238, + 455.24609375, + 448.4700622558594, + 0.6423360109329224, + 638.29296875, + 245.0846405029297, + 0.716302216053009, + 760.32421875, + 356.9466247558594, + 0.9224612712860107, + 780.6627807617188, + 367.1158752441406, + 0.4688083529472351, + 790.83203125, + 448.4700622558594, + 0.09818209707736969 + ], + "scale": [ + 4.881249904632568, + 6.508333206176758 + ], + "score": 0.7634894741433007 + }, + { + "category_id": 1, + "center": [ + 450.0, + 241.5 + ], + "image_id": 20505463800, + "keypoints": [ + 310.78125, + 50.7187614440918, + 0.9370545148849487, + 290.15625, + 30.09376335144043, + 0.06490135937929153, + 269.53125, + 30.09376335144043, + 0.939093828201294, + 568.59375, + 411.65625, + 0.004737361334264278, + 187.03126525878906, + 102.28125762939453, + 0.9424479007720947, + 269.53125, + 143.53125, + 0.7588895559310913, + 187.03126525878906, + 318.84375, + 0.829495906829834, + 434.53125, + 133.21875, + 0.8697396516799927, + 362.34375, + 535.40625, + 0.025336645543575287, + 630.46875, + 91.96875762939453, + 0.9294828176498413, + 506.71875, + 432.28125, + 0.9509096145629883, + 424.21875, + 339.46875, + 0.7548344135284424, + 434.53125, + 452.90625, + 0.6709458231925964, + 630.46875, + 236.34375, + 0.7500317096710205, + 774.84375, + 370.40625, + 0.8682546615600586, + 764.53125, + 360.09375, + 0.49754440784454346, + 857.34375, + 442.59375, + 0.0796031653881073 + ], + "scale": [ + 4.949999809265137, + 6.600000381469727 + ], + "score": 0.822978831254519 + }, + { + "category_id": 1, + "center": [ + 466.0, + 243.0 + ], + "image_id": 20505469900, + "keypoints": [ + 279.60675048828125, + 77.90884399414062, + 0.8963969945907593, + 279.60675048828125, + 45.955718994140625, + 0.933616042137146, + 226.35154724121094, + 56.60675811767578, + 0.9686306715011597, + 322.2109375, + 45.955718994140625, + 0.04795656353235245, + 162.44529724121094, + 99.21092987060547, + 0.9698604941368103, + 268.9557189941406, + 120.51301574707031, + 0.7862883806228638, + 194.39842224121094, + 301.5807189941406, + 0.799121618270874, + 396.7682189941406, + 99.21092987060547, + 0.9539755582809448, + 300.9088439941406, + 493.29949951171875, + 0.012257300317287445, + 545.8828125, + 131.1640625, + 0.950997531414032, + 481.9765625, + 471.9974060058594, + 0.9457669258117676, + 418.0703125, + 333.53387451171875, + 0.7498252987861633, + 439.3724060058594, + 440.0442810058594, + 0.6679185628890991, + 641.7421875, + 227.0234375, + 0.7972949743270874, + 758.9036865234375, + 376.1380310058594, + 0.8959977626800537, + 780.2057495117188, + 365.48699951171875, + 0.5147688984870911, + 865.4140625, + 429.39324951171875, + 0.17368166148662567 + ], + "scale": [ + 5.112500190734863, + 6.816666603088379 + ], + "score": 0.8450328367097037 + }, + { + "category_id": 1, + "center": [ + 482.0, + 243.0 + ], + "image_id": 20505407100, + "keypoints": [ + 351.140625, + 38.859375, + 0.993212103843689, + 319.734375, + 28.390625, + 0.007325715385377407, + 319.734375, + 17.921875, + 0.9046465158462524, + 256.921875, + 28.390625, + 0.0020244449842721224, + 215.046875, + 70.265625, + 0.9235492944717407, + 277.859375, + 133.078125, + 0.7441795468330383, + 225.515625, + 279.640625, + 0.8564785122871399, + 455.828125, + 133.078125, + 0.8549007773399353, + 466.296875, + 457.609375, + 0.8697199821472168, + 644.265625, + 80.734375, + 0.9512583613395691, + 434.890625, + 216.828125, + 0.8416352272033691, + 445.359375, + 342.453125, + 0.5208959579467773, + 466.296875, + 436.671875, + 0.7351043224334717, + 644.265625, + 237.765625, + 0.8316742181777954, + 759.421875, + 352.921875, + 0.8889274001121521, + 759.421875, + 363.390625, + 0.4723623991012573, + 811.765625, + 478.546875, + 0.2554575204849243 + ], + "scale": [ + 5.025000095367432, + 6.700000286102295 + ], + "score": 0.7762668093045553 + }, + { + "category_id": 1, + "center": [ + 460.5, + 240.0 + ], + "image_id": 20505474401, + "keypoints": [ + 328.48828125, + 29.75910186767578, + 0.9191068410873413, + 328.48828125, + -28.912776947021484, + 0.03973362594842911, + 279.59503173828125, + 10.201807975769043, + 0.898411750793457, + 543.6184692382812, + 274.2252502441406, + 0.004854733590036631, + 191.58721923828125, + 68.87368774414062, + 0.933619499206543, + 269.81640625, + 127.54556274414062, + 0.8114076852798462, + 201.36587524414062, + 313.33984375, + 0.8026217222213745, + 416.49609375, + 215.5533905029297, + 0.9281195402145386, + 308.93096923828125, + 479.57684326171875, + 0.008503623306751251, + 572.9544067382812, + 176.4387969970703, + 0.9190367460250854, + 621.84765625, + 479.57684326171875, + 0.43239641189575195, + 445.83203125, + 352.4544372558594, + 0.7596142888069153, + 436.0533752441406, + 450.24090576171875, + 0.5873334407806396, + 660.9622802734375, + 254.66796875, + 0.7135401964187622, + 758.7487182617188, + 372.01171875, + 0.9563488960266113, + 778.3060302734375, + 381.7903747558594, + 0.42323172092437744, + 876.0924682617188, + 499.1341247558594, + 0.1969982385635376 + ], + "scale": [ + 4.693750381469727, + 6.258333206176758 + ], + "score": 0.7757529799754803 + }, + { + "category_id": 1, + "center": [ + 485.0, + 241.0 + ], + "image_id": 20505475000, + "keypoints": [ + 357.0703125, + 51.6640625, + 0.9030294418334961, + 336.6015625, + 0.4921875, + 0.025938931852579117, + 316.1328125, + 41.4296875, + 0.8966913223266602, + 469.6484375, + 143.7734375, + 0.005819923244416714, + 213.7890625, + 113.0703125, + 0.9179172515869141, + 275.1953125, + 123.3046875, + 0.7369551658630371, + 213.7890625, + 307.5234375, + 0.8331544995307922, + 449.1796875, + 133.5390625, + 0.9485224485397339, + 377.5390625, + 522.4453125, + 0.09284308552742004, + 664.1015625, + 113.0703125, + 0.9151740670204163, + 541.2890625, + 409.8671875, + 0.9551973342895508, + 428.7109375, + 338.2265625, + 0.7591654062271118, + 449.1796875, + 461.0390625, + 0.6675385236740112, + 643.6328125, + 246.1171875, + 0.7320544123649597, + 756.2109375, + 368.9296875, + 0.9128849506378174, + 756.2109375, + 358.6953125, + 0.459336519241333, + 838.0859375, + 471.2734375, + 0.15521793067455292 + ], + "scale": [ + 4.912499904632568, + 6.549999713897705 + ], + "score": 0.8182785648566026 + }, + { + "category_id": 1, + "center": [ + 465.5, + 240.5 + ], + "image_id": 20505475900, + "keypoints": [ + 349.4518127441406, + 43.72265625, + 0.9842687845230103, + 339.3606872558594, + 84.08724212646484, + 0.005438393913209438, + 319.1783752441406, + 23.54036521911621, + 0.910818338394165, + 278.8138122558594, + 53.81380081176758, + 0.0035298026632517576, + 228.3580780029297, + 84.08724212646484, + 0.9587974548339844, + 268.72265625, + 144.6341094970703, + 0.8085495233535767, + 218.2669219970703, + 316.18359375, + 0.8482797145843506, + 430.1809997558594, + 184.9987030029297, + 0.9299091696739197, + 450.36328125, + 487.7330627441406, + 0.8121224045753479, + 601.73046875, + 114.36067962646484, + 0.9173206090927124, + 571.45703125, + 306.0924377441406, + 0.815272331237793, + 440.2721252441406, + 356.5481872558594, + 0.7180753946304321, + 460.4544372558594, + 467.55078125, + 0.6350619196891785, + 662.27734375, + 265.7278747558594, + 0.5574346780776978, + 773.2799682617188, + 376.73046875, + 0.9171135425567627, + 773.2799682617188, + 386.8216247558594, + 0.40157920122146606, + 823.7356567382812, + 467.55078125, + 0.2029697299003601 + ], + "scale": [ + 4.84375, + 6.4583330154418945 + ], + "score": 0.7611715197563171 + }, + { + "category_id": 1, + "center": [ + 491.5, + 239.5 + ], + "image_id": 20505477700, + "keypoints": [ + 323.27734375, + 20.30076789855957, + 0.8985469341278076, + 313.08203125, + -10.285171508789062, + 0.020696356892585754, + 282.49609375, + 10.105454444885254, + 0.8661455512046814, + 231.51951599121094, + 30.49608039855957, + 0.004556691274046898, + 190.73826599121094, + 71.27733612060547, + 0.9212843775749207, + 282.49609375, + 132.44921875, + 0.7924513220787048, + 211.12889099121094, + 305.76953125, + 0.8551324009895325, + 486.40234375, + 132.44921875, + 0.8224544525146484, + 486.40234375, + 448.50390625, + 0.8602746725082397, + 680.11328125, + 81.47264862060547, + 0.8988606929779053, + 537.37890625, + 275.18359375, + 0.7766544818878174, + 455.81640625, + 346.55078125, + 0.642332911491394, + 466.01171875, + 458.69921875, + 0.6112121343612671, + 639.33203125, + 254.79296875, + 0.653233528137207, + 761.67578125, + 377.13671875, + 0.9742408394813538, + 771.87109375, + 377.13671875, + 0.39384523034095764, + 863.62890625, + 489.2851867675781, + 0.18541625142097473 + ], + "scale": [ + 4.893750190734863, + 6.524999618530273 + ], + "score": 0.7833335378340313 + }, + { + "category_id": 1, + "center": [ + 497.5, + 244.5 + ], + "image_id": 20505478000, + "keypoints": [ + 313.37890625, + 26.90234375, + 0.8918377161026001, + 291.0611877441406, + 15.743489265441895, + 0.26973986625671387, + 268.7434997558594, + 15.743489265441895, + 0.938166081905365, + 525.3971557617188, + -285.5455627441406, + 0.003860573284327984, + 190.6315155029297, + 82.69661712646484, + 0.9239436388015747, + 279.90234375, + 116.17317962646484, + 0.8034863471984863, + 224.1080780029297, + 283.5559997558594, + 0.8648344278335571, + 424.9674377441406, + 171.9674530029297, + 0.711074709892273, + 536.5559692382812, + 383.9856872558594, + 0.9100719690322876, + 536.5559692382812, + 227.76171875, + 0.8061235547065735, + 726.2565307617188, + 216.6028594970703, + 0.875690758228302, + 447.28515625, + 317.0325622558594, + 0.6444549560546875, + 436.1263122558594, + 450.9388122558594, + 0.7153897285461426, + 648.14453125, + 272.3971252441406, + 0.47595325112342834, + 748.57421875, + 372.8268127441406, + 0.8740575313568115, + 770.8919067382812, + 395.14453125, + 0.3074016571044922, + 815.52734375, + 462.09765625, + 0.12172925472259521 + ], + "scale": [ + 5.356249809265137, + 7.141666412353516 + ], + "score": 0.7341484129428864 + }, + { + "category_id": 1, + "center": [ + 498.0, + 242.5 + ], + "image_id": 20505478400, + "keypoints": [ + 341.59375, + 29.218734741210938, + 0.9108624458312988, + 332.11456298828125, + 0.7812337875366211, + 0.0442773774266243, + 303.67706298828125, + 10.260400772094727, + 0.9052402973175049, + 483.78125, + 152.44790649414062, + 0.004945860709995031, + 208.88539123535156, + 76.61457061767578, + 0.9170901775360107, + 284.71875, + 124.01040649414062, + 0.8078770041465759, + 237.32290649414062, + 304.1145935058594, + 0.8141684532165527, + 464.8229064941406, + 161.9270782470703, + 0.8573462963104248, + 436.3854064941406, + 512.65625, + 0.12060068547725677, + 635.4479370117188, + 105.05207061767578, + 0.8810662627220154, + 682.84375, + 446.3020935058594, + 0.9178036451339722, + 445.8645935058594, + 332.5520935058594, + 0.6635299921035767, + 455.34375, + 446.3020935058594, + 0.6359949707984924, + 644.9270629882812, + 228.28125, + 0.7565255761146545, + 758.6771240234375, + 360.9895935058594, + 0.772781252861023, + 768.15625, + 360.9895935058594, + 0.34070390462875366, + 862.9479370117188, + 455.78125, + 0.0463905856013298 + ], + "scale": [ + 4.550000190734863, + 6.066666603088379 + ], + "score": 0.7831530983631427 + }, + { + "category_id": 1, + "center": [ + 471.0, + 240.0 + ], + "image_id": 20505517200, + "keypoints": [ + 354.80206298828125, + 164.21875, + 0.7849897146224976, + 364.90625, + 133.90625, + 0.3027254641056061, + 324.48956298828125, + 144.01040649414062, + 0.859148383140564, + 465.9479064941406, + 42.9687385559082, + 0.007868069224059582, + 223.44790649414062, + 113.69790649414062, + 0.886229395866394, + 243.65623474121094, + 113.69790649414062, + 0.6311336755752563, + 193.13540649414062, + 295.5729064941406, + 0.7881873846054077, + 405.3229064941406, + 93.48957061767578, + 0.798255443572998, + 304.28125, + 538.0729370117188, + 0.016443345695734024, + 556.8854370117188, + 83.38540649414062, + 0.9673739671707153, + 496.2604064941406, + 457.2395935058594, + 0.9793220162391663, + 435.6354064941406, + 325.88543701171875, + 0.7808046340942383, + 425.53125, + 447.13543701171875, + 0.6233442425727844, + 627.6145629882812, + 214.7395782470703, + 0.7335938215255737, + 758.96875, + 366.3020935058594, + 0.8468419313430786, + 758.96875, + 366.3020935058594, + 0.5042499303817749, + 809.4896240234375, + 457.2395935058594, + 0.16654132306575775 + ], + "scale": [ + 4.850000381469727, + 6.466666221618652 + ], + "score": 0.7490142860582897 + }, + { + "category_id": 1, + "center": [ + 473.0, + 240.0 + ], + "image_id": 20505522800, + "keypoints": [ + 301.0078125, + 49.4140625, + 0.8914119601249695, + 282.4140625, + 30.8203125, + 0.5003464818000793, + 263.8203125, + 30.8203125, + 0.8665177226066589, + 301.0078125, + 40.1171875, + 0.0039187208749353886, + 170.8515625, + 86.6015625, + 0.9157525897026062, + 254.5234375, + 133.0859375, + 0.8873049020767212, + 208.0390625, + 281.8359375, + 0.8297379016876221, + 375.3828125, + 216.7578125, + 0.8777307271957397, + 459.0546875, + 430.5859375, + 0.842605710029602, + 514.8359375, + 188.8671875, + 0.8359853625297546, + 672.8828125, + 300.4296875, + 0.9140939712524414, + 431.1640625, + 337.6171875, + 0.7231642007827759, + 440.4609375, + 439.8828125, + 0.585163414478302, + 607.8046875, + 216.7578125, + 0.5577203631401062, + 747.2578125, + 384.1015625, + 0.6623024940490723, + 756.5546875, + 374.8046875, + 0.17216822504997253, + 849.5234375, + 421.2890625, + 0.1542588770389557 + ], + "scale": [ + 4.462500095367432, + 5.950000286102295 + ], + "score": 0.7778455572468894 + }, + { + "category_id": 1, + "center": [ + 470.0, + 241.0 + ], + "image_id": 20505532400, + "keypoints": [ + 321.6015625, + 41.4296875, + 0.9180014133453369, + 311.3671875, + -19.9765625, + 0.013033920899033546, + 290.8984375, + 20.9609375, + 0.9072323441505432, + 495.5859375, + 92.6015625, + 0.006034897640347481, + 219.2578125, + 72.1328125, + 0.8722265958786011, + 260.1953125, + 102.8359375, + 0.7751384973526001, + 209.0234375, + 297.2890625, + 0.8348383903503418, + 383.0078125, + 92.6015625, + 0.8904678821563721, + 413.7109375, + 501.9765625, + 0.45201796293258667, + 546.7578125, + 102.8359375, + 0.924096941947937, + 659.3359375, + 440.5703125, + 0.9695180654525757, + 423.9453125, + 317.7578125, + 0.7105904817581177, + 434.1796875, + 430.3359375, + 0.7757669687271118, + 638.8671875, + 235.8828125, + 0.8404922485351562, + 751.4453125, + 379.1640625, + 0.7620760202407837, + 751.4453125, + 379.1640625, + 0.3511996269226074, + 843.5546875, + 471.2734375, + 0.12478098273277283 + ], + "scale": [ + 4.912499904632568, + 6.549999713897705 + ], + "score": 0.7845473885536194 + }, + { + "category_id": 1, + "center": [ + 458.5, + 239.5 + ], + "image_id": 20505535400, + "keypoints": [ + 319.80859375, + 28.89453125, + 0.7652716636657715, + 319.80859375, + -12.19921875, + 0.022347843274474144, + 288.98828125, + 18.62109375, + 0.7216168642044067, + 494.45703125, + 100.80859375, + 0.004785556346178055, + 206.80078125, + 69.98828125, + 0.8747662305831909, + 268.44140625, + 90.53515625, + 0.7049702405929565, + 217.07421875, + 296.00390625, + 0.8244006633758545, + 391.72265625, + 90.53515625, + 0.8218803405761719, + 463.63671875, + 450.10546875, + 0.8321981430053711, + 545.82421875, + 121.35546875, + 0.9168729782104492, + 741.01953125, + 429.55859375, + 0.9204726219177246, + 422.54296875, + 306.27734375, + 0.6976563334465027, + 432.81640625, + 439.83203125, + 0.679457426071167, + 628.01171875, + 244.63671875, + 0.7983391880989075, + 741.01953125, + 378.19140625, + 0.5951180458068848, + 751.29296875, + 347.37109375, + 0.24964696168899536, + 843.75390625, + 450.10546875, + 0.05084924399852753 + ], + "scale": [ + 4.931250095367432, + 6.575000286102295 + ], + "score": 0.7430476929460254 + }, + { + "category_id": 1, + "center": [ + 479.5, + 239.5 + ], + "image_id": 20505536400, + "keypoints": [ + 316.5768127441406, + 39.33723831176758, + 0.911751389503479, + 316.5768127441406, + -7.212239742279053, + 0.029975946992635727, + 288.6471252441406, + 11.407551765441895, + 0.9321102499961853, + 474.8450622558594, + 160.3658905029297, + 0.0036781153175979853, + 204.8580780029297, + 76.57682037353516, + 0.9112048149108887, + 270.02734375, + 104.50650787353516, + 0.7812471985816956, + 214.16796875, + 300.0143127441406, + 0.8195490837097168, + 391.0559997558594, + 95.19661712646484, + 0.9077862501144409, + 484.1549377441406, + 458.2825622558594, + 0.8757226467132568, + 540.0143432617188, + 132.4362030029297, + 0.953181266784668, + 735.5221557617188, + 421.04296875, + 0.9262595176696777, + 428.2955627441406, + 309.32421875, + 0.6680452823638916, + 437.60546875, + 439.6627502441406, + 0.520280122756958, + 633.11328125, + 244.1549530029297, + 0.7181516885757446, + 726.2122192382812, + 383.8033752441406, + 0.5128546953201294, + 726.2122192382812, + 346.5638122558594, + 0.22464266419410706, + 837.9309692382812, + 411.7330627441406, + 0.0400020033121109 + ], + "scale": [ + 4.46875, + 5.958333492279053 + ], + "score": 0.7616276336567742 + }, + { + "category_id": 1, + "center": [ + 472.5, + 239.5 + ], + "image_id": 20505541200, + "keypoints": [ + 322.0247497558594, + 37.1367301940918, + 0.8936699628829956, + 290.8919372558594, + 6.003920555114746, + 0.06496911495923996, + 280.51434326171875, + 26.75912857055664, + 0.8950694799423218, + 249.38153076171875, + 57.891937255859375, + 0.002418103627860546, + 197.49349975585938, + 89.02474975585938, + 0.9493438005447388, + 280.51434326171875, + 140.9127655029297, + 0.8240034580230713, + 207.87110900878906, + 306.9544372558594, + 0.8364263772964478, + 415.4231872558594, + 203.1783905029297, + 0.8891527652740479, + 342.77996826171875, + 524.8840942382812, + 0.07560276985168457, + 591.8424682617188, + 161.66796875, + 0.9284721612930298, + 550.33203125, + 431.48565673828125, + 1.0150856971740723, + 446.5559997558594, + 348.46484375, + 0.7363135814666748, + 425.80078125, + 472.99609375, + 0.4719066023826599, + 622.9752807617188, + 265.4440002441406, + 0.4941100478172302, + 747.5064697265625, + 358.8424377441406, + 0.5612442493438721, + 778.6392822265625, + 358.8424377441406, + 0.27085772156715393, + 840.9049072265625, + 431.48565673828125, + 0.09811921417713165 + ], + "scale": [ + 4.981249809265137, + 6.641666889190674 + ], + "score": 0.7512043003852551 + }, + { + "category_id": 1, + "center": [ + 461.5, + 241.0 + ], + "image_id": 20505550400, + "keypoints": [ + 314.4231872558594, + 43.20703125, + 0.7280742526054382, + 294.13671875, + 33.06380081176758, + 0.046310655772686005, + 283.9934997558594, + 22.92057228088379, + 0.8106220960617065, + 243.4205780029297, + 33.06380081176758, + 0.0032785222865641117, + 192.7044219970703, + 63.49348831176758, + 0.9548525810241699, + 243.4205780029297, + 154.7825469970703, + 0.7110055685043335, + 212.9908905029297, + 276.5013122558594, + 0.7954466342926025, + 405.7122497558594, + 235.9283905029297, + 0.6775609850883484, + 456.4283752441406, + 388.0768127441406, + 0.8759146332740784, + 547.7174682617188, + 225.78515625, + 0.825076699256897, + 354.99609375, + 164.92578125, + 0.948013424873352, + 436.1419372558594, + 347.50390625, + 0.6608037948608398, + 446.28515625, + 438.79296875, + 0.7341880798339844, + 639.0065307617188, + 256.21484375, + 0.7022645473480225, + 760.7252807617188, + 367.7903747558594, + 0.7915172576904297, + 770.8684692382812, + 357.6471252441406, + 0.4138767123222351, + 841.87109375, + 428.6497497558594, + 0.09689640998840332 + ], + "scale": [ + 4.868750095367432, + 6.491666316986084 + ], + "score": 0.759229804788317 + }, + { + "category_id": 1, + "center": [ + 466.5, + 241.0 + ], + "image_id": 20505559800, + "keypoints": [ + 349.25390625, + 52.3867073059082, + 0.9776073694229126, + 308.47265625, + 31.99608039855957, + 0.020552201196551323, + 308.47265625, + 31.99608039855957, + 0.9393002986907959, + 247.30076599121094, + 62.5820198059082, + 0.002098491881042719, + 216.71482849121094, + 103.36327362060547, + 0.9291132688522339, + 277.88671875, + 133.94921875, + 0.78376305103302, + 206.51951599121094, + 307.26953125, + 0.8402853012084961, + 441.01171875, + 164.53515625, + 0.9153585433959961, + 430.81640625, + 531.56640625, + 0.04220717400312424, + 624.52734375, + 113.55858612060547, + 0.8860570192337036, + 624.52734375, + 429.61328125, + 1.0375912189483643, + 441.01171875, + 348.05078125, + 0.7329630851745605, + 451.20703125, + 460.19921875, + 0.5429552793502808, + 624.52734375, + 276.68359375, + 0.706425130367279, + 736.67578125, + 378.63671875, + 0.5896944403648376, + 746.87109375, + 378.63671875, + 0.2572771906852722, + 899.80078125, + 460.19921875, + 0.09532570838928223 + ], + "scale": [ + 4.893750190734863, + 6.524999618530273 + ], + "score": 0.7798762459021348 + }, + { + "category_id": 1, + "center": [ + 467.0, + 241.5 + ], + "image_id": 20505562200, + "keypoints": [ + 353.796875, + 49.546875, + 0.9376208782196045, + 343.953125, + 0.328125, + 0.035791777074337006, + 324.265625, + 29.859375, + 0.9285308122634888, + 619.578125, + 364.546875, + 0.00444268062710762, + 215.984375, + 88.921875, + 0.9420103430747986, + 275.046875, + 138.140625, + 0.7777662873268127, + 225.828125, + 295.640625, + 0.8286947011947632, + 432.546875, + 197.203125, + 0.8905408382415771, + 452.234375, + 472.828125, + 0.8469028472900391, + 580.203125, + 128.296875, + 0.9091068506240845, + 619.578125, + 344.859375, + 0.8919925689697266, + 442.390625, + 325.171875, + 0.7119483351707458, + 442.390625, + 433.453125, + 0.6392842531204224, + 629.421875, + 207.046875, + 0.6421386003494263, + 767.234375, + 374.390625, + 0.7208172082901001, + 767.234375, + 354.703125, + 0.3350873291492462, + 826.296875, + 423.609375, + 0.10747317969799042 + ], + "scale": [ + 4.724999904632568, + 6.300000190734863 + ], + "score": 0.7858887038060597 + }, + { + "category_id": 1, + "center": [ + 479.0, + 240.5 + ], + "image_id": 20505570801, + "keypoints": [ + 350.4192810058594, + 39.9140625, + 0.9494048357009888, + 360.7057189941406, + 81.05989837646484, + 0.007906156592071056, + 309.2734375, + 29.62760353088379, + 0.8927302360534668, + 268.1275939941406, + 60.48698043823242, + 0.0026780238840729, + 216.6953125, + 91.34635162353516, + 0.935199499130249, + 288.7005310058594, + 122.20572662353516, + 0.765110969543457, + 226.9817657470703, + 307.3619689941406, + 0.856524646282196, + 463.5703125, + 111.91927337646484, + 0.8858291506767273, + 453.2838439941406, + 482.2317810058594, + 0.8066091537475586, + 638.4401245117188, + 39.9140625, + 0.9150494933128357, + 628.1536254882812, + 348.5078125, + 0.90399169921875, + 442.9974060058594, + 348.5078125, + 0.6765584945678711, + 463.5703125, + 451.3724060058594, + 0.6744407415390015, + 648.7265625, + 225.0703125, + 0.7074539661407471, + 772.1640625, + 389.6536560058594, + 0.9192118644714355, + 782.4505004882812, + 399.9400939941406, + 0.41681477427482605, + 844.1692504882812, + 471.9453125, + 0.2461201548576355 + ], + "scale": [ + 4.9375, + 6.583333492279053 + ], + "score": 0.7700699786345164 + }, + { + "category_id": 1, + "center": [ + 463.5, + 242.0 + ], + "image_id": 20505572300, + "keypoints": [ + 348.94921875, + 47.76171875, + 0.8919763565063477, + 338.98828125, + 87.60546875, + 0.0032477527856826782, + 329.02734375, + 17.87890625, + 0.9213080406188965, + 259.30078125, + 57.72265625, + 0.005666958633810282, + 269.26171875, + 57.72265625, + 0.9885034561157227, + 259.30078125, + 137.41015625, + 0.8019223213195801, + 239.37890625, + 286.82421875, + 0.8549418449401855, + 388.79296875, + 246.98046875, + 0.8578510284423828, + 498.36328125, + 436.23828125, + 0.8413434028625488, + 528.24609375, + 256.94140625, + 0.9878522157669067, + 637.81640625, + 296.78515625, + 0.6476999521255493, + 438.59765625, + 366.51171875, + 0.7047673463821411, + 468.48046875, + 466.12109375, + 0.6154977679252625, + 667.69921875, + 266.90234375, + 0.6218429803848267, + 767.30859375, + 376.47265625, + 1.0025157928466797, + 777.26953125, + 376.47265625, + 0.2550261318683624, + 837.03515625, + 456.16015625, + 0.06735404580831528 + ], + "scale": [ + 4.78125, + 6.375 + ], + "score": 0.7852177598646709 + }, + { + "category_id": 1, + "center": [ + 473.5, + 240.5 + ], + "image_id": 20505572700, + "keypoints": [ + 347.03515625, + 33.0976676940918, + 0.988516092300415, + 316.68359375, + -17.488265991210938, + 0.012760217301547527, + 306.56640625, + 22.98048210144043, + 0.9341616630554199, + 255.98048400878906, + 33.0976676940918, + 0.002666768152266741, + 215.51173400878906, + 63.4492301940918, + 0.9347492456436157, + 276.21484375, + 134.26953125, + 0.8151829242706299, + 215.51173400878906, + 306.26171875, + 0.838057279586792, + 468.44140625, + 134.26953125, + 0.8763419389724731, + 468.44140625, + 468.13671875, + 0.8206143379211426, + 640.43359375, + 73.56641387939453, + 0.8931925892829895, + 559.49609375, + 296.14453125, + 0.901691198348999, + 438.08984375, + 366.96484375, + 0.6495471000671387, + 458.32421875, + 468.13671875, + 0.5377963781356812, + 630.31640625, + 255.67578125, + 0.6358340382575989, + 751.72265625, + 366.96484375, + 0.9533276557922363, + 751.72265625, + 377.08203125, + 0.3923714756965637, + 863.01171875, + 498.4882507324219, + 0.23170900344848633 + ], + "scale": [ + 4.856249809265137, + 6.474999904632568 + ], + "score": 0.7602061947186788 + }, + { + "category_id": 1, + "center": [ + 458.0, + 241.5 + ], + "image_id": 20505573601, + "keypoints": [ + 317.53125, + 33.21875, + 0.8862506151199341, + 317.53125, + 4.15625, + 0.16077925264835358, + 269.09375, + 23.53125, + 0.8147446513175964, + 632.375, + -228.34375, + 0.0037414338439702988, + 181.90625, + 81.65625, + 0.9002926349639893, + 259.40625, + 120.40625, + 0.8119446039199829, + 230.34375, + 285.09375, + 0.814926028251648, + 424.09375, + 178.53125, + 0.8250763416290283, + 462.84375, + 449.78125, + 0.8410730361938477, + 559.71875, + 188.21875, + 0.9081692099571228, + 656.59375, + 275.40625, + 0.8417100310325623, + 424.09375, + 352.90625, + 0.5899079442024231, + 443.46875, + 449.78125, + 0.6491023898124695, + 656.59375, + 256.03125, + 0.4395393133163452, + 743.78125, + 372.28125, + 0.9511868357658386, + 772.84375, + 372.28125, + 0.22895598411560059, + 889.09375, + 469.15625, + 0.16500258445739746 + ], + "scale": [ + 4.650000095367432, + 6.199999809265137 + ], + "score": 0.7502056871141706 + }, + { + "category_id": 1, + "center": [ + 473.0, + 243.0 + ], + "image_id": 20505574000, + "keypoints": [ + 301.8541564941406, + 5.604166507720947, + 0.8750284910202026, + 290.8125, + -16.47916603088379, + 0.12171350419521332, + 257.6875, + 5.604166507720947, + 0.7970450520515442, + 456.4375, + 138.1041717529297, + 0.006188251078128815, + 191.4375, + 82.89583587646484, + 0.9085426330566406, + 268.7291564941406, + 116.02083587646484, + 0.7769041061401367, + 224.5625, + 303.7291564941406, + 0.8046306371688843, + 434.3541564941406, + 138.1041717529297, + 0.9273172616958618, + 434.3541564941406, + 513.5208129882812, + 0.05727458745241165, + 633.1041870117188, + 82.89583587646484, + 0.9297708868980408, + 666.2291870117188, + 458.3125, + 0.8925489187240601, + 434.3541564941406, + 336.8541564941406, + 0.7256319522857666, + 456.4375, + 447.2708435058594, + 0.7546813488006592, + 644.1458129882812, + 248.5208282470703, + 0.6356272101402283, + 743.5208129882812, + 369.9791564941406, + 0.8435882329940796, + 754.5625, + 381.0208435058594, + 0.503665566444397, + 831.8541870117188, + 469.3541564941406, + 0.07151471078395844 + ], + "scale": [ + 5.299999713897705, + 7.066666603088379 + ], + "score": 0.7980755613400385 + }, + { + "category_id": 1, + "center": [ + 498.0, + 240.5 + ], + "image_id": 20505574401, + "keypoints": [ + 311.1510314941406, + 21.61979103088379, + 0.9156973361968994, + 300.4739685058594, + 0.265625, + 0.1513654738664627, + 279.1197814941406, + 10.942708015441895, + 0.9128344058990479, + 481.984375, + 139.0677032470703, + 0.008324755355715752, + 193.703125, + 85.68228912353516, + 0.8923618793487549, + 279.1197814941406, + 117.71353912353516, + 0.825884222984314, + 247.0885467529297, + 299.2239685058594, + 0.8154244422912598, + 439.2760314941406, + 149.7447967529297, + 0.8840487599372864, + 514.015625, + 459.3802185058594, + 0.891787052154541, + 631.4635620117188, + 96.359375, + 0.8917391300201416, + 759.5885620117188, + 438.0260314941406, + 0.9629956483840942, + 428.5989685058594, + 320.578125, + 0.691206693649292, + 449.953125, + 448.703125, + 0.5454751253128052, + 642.140625, + 245.8385467529297, + 0.7558355927467346, + 770.265625, + 363.2864685058594, + 0.7686841487884521, + 780.9426879882812, + 352.609375, + 0.3295437693595886, + 834.328125, + 459.3802185058594, + 0.08663357049226761 + ], + "scale": [ + 5.125, + 6.833333492279053 + ], + "score": 0.7916798719338008 + }, + { + "category_id": 1, + "center": [ + 481.5, + 242.0 + ], + "image_id": 20505576001, + "keypoints": [ + 302.53515625, + 8.803385734558105, + 0.9145885109901428, + 291.6888122558594, + -2.04296875, + 0.19116830825805664, + 259.1497497558594, + 8.803385734558105, + 0.8601902723312378, + 465.23046875, + 138.9596405029297, + 0.005080672912299633, + 183.2252655029297, + 84.72786712646484, + 0.9013173580169678, + 269.99609375, + 117.26692962646484, + 0.819444477558136, + 248.3033905029297, + 290.80859375, + 0.8478867411613464, + 432.69140625, + 138.9596405029297, + 0.9322954416275024, + 519.4622192382812, + 431.8111877441406, + 0.8331241607666016, + 627.92578125, + 95.57421875, + 0.9207456707954407, + 714.6965942382812, + 269.1158752441406, + 0.8776702880859375, + 443.5377502441406, + 345.0403747558594, + 0.6196305751800537, + 465.23046875, + 442.6575622558594, + 0.5960404872894287, + 649.6184692382812, + 182.3450469970703, + 0.6062271595001221, + 758.08203125, + 355.88671875, + 0.7819170951843262, + 768.9284057617188, + 355.88671875, + 0.18507647514343262, + 834.0065307617188, + 442.6575622558594, + 0.06905455142259598 + ], + "scale": [ + 5.206250190734863, + 6.941666603088379 + ], + "score": 0.8085444798836341 + }, + { + "category_id": 1, + "center": [ + 480.5, + 239.5 + ], + "image_id": 20505580400, + "keypoints": [ + 336.8216247558594, + 26.45963478088379, + 0.9187955856323242, + 317.00390625, + -3.2669270038604736, + 0.06274747848510742, + 287.27734375, + 16.55078125, + 0.9047811627388, + 554.81640625, + 284.08984375, + 0.002974090399220586, + 208.0065155029297, + 105.73046875, + 0.9447242617607117, + 297.1861877441406, + 115.63932037353516, + 0.7467495203018188, + 217.9153594970703, + 303.9075622558594, + 0.8173696994781494, + 465.63671875, + 115.63932037353516, + 0.9239153265953064, + 445.8190002441406, + 502.0846252441406, + 0.14256435632705688, + 634.0872192382812, + 46.27734375, + 0.9396945238113403, + 683.6315307617188, + 452.5403747558594, + 0.6945528984069824, + 445.8190002441406, + 333.6341247558594, + 0.721399188041687, + 455.7278747558594, + 442.6315002441406, + 0.6512291431427002, + 643.99609375, + 224.63671875, + 0.7972813844680786, + 762.90234375, + 373.26953125, + 0.7989565134048462, + 762.90234375, + 373.26953125, + 0.4767281413078308, + 782.7200317382812, + 472.3580627441406, + 0.0732979103922844 + ], + "scale": [ + 4.756249904632568, + 6.3416666984558105 + ], + "score": 0.7950905653146597 + }, + { + "category_id": 1, + "center": [ + 471.5, + 239.5 + ], + "image_id": 20505582801, + "keypoints": [ + 304.99609375, + 22.54036521911621, + 0.8946547508239746, + 294.9049377441406, + 2.3580729961395264, + 0.19223879277706146, + 264.6315002441406, + 22.54036521911621, + 0.8774971961975098, + 597.6393432617188, + 385.8216247558594, + 0.004834374878555536, + 183.90234375, + 93.17838287353516, + 0.9022784233093262, + 274.72265625, + 123.45182037353516, + 0.7642213106155396, + 204.0846405029297, + 315.18359375, + 0.8351733684539795, + 456.36328125, + 143.6341094970703, + 0.8648519515991211, + 415.9986877441406, + 506.9153747558594, + 0.2390640676021576, + 668.27734375, + 103.26953125, + 0.8695336580276489, + 668.27734375, + 456.4596252441406, + 0.853417694568634, + 436.1809997558594, + 325.2747497558594, + 0.7035051584243774, + 446.2721252441406, + 446.3684997558594, + 0.704805850982666, + 648.0950317382812, + 244.5455780029297, + 0.6602795124053955, + 759.09765625, + 365.6393127441406, + 0.8885726928710938, + 749.0065307617188, + 375.73046875, + 0.4155222177505493, + 779.2799682617188, + 466.55078125, + 0.07400137186050415 + ], + "scale": [ + 4.84375, + 6.4583330154418945 + ], + "score": 0.7480984181165695 + }, + { + "category_id": 1, + "center": [ + 472.0, + 242.5 + ], + "image_id": 20505584300, + "keypoints": [ + 327.7552185058594, + 38.56770706176758, + 0.9408848285675049, + 317.8072814941406, + -1.2239583730697632, + 0.1575865000486374, + 287.9635314941406, + 18.671875, + 0.8991161584854126, + 546.609375, + 287.265625, + 0.00238124025054276, + 198.4322967529297, + 68.41146087646484, + 0.9429359436035156, + 278.015625, + 108.203125, + 0.7961474657058716, + 218.328125, + 297.2135314941406, + 0.8162126541137695, + 447.1302185058594, + 177.8385467529297, + 0.8861741423606873, + 427.234375, + 506.1197814941406, + 0.45587730407714844, + 656.0364379882812, + 187.7864532470703, + 0.897396445274353, + 675.9323120117188, + 446.4322814941406, + 0.9096070528030396, + 437.1822814941406, + 327.0572814941406, + 0.7163248062133789, + 437.1822814941406, + 446.4322814941406, + 0.6764997243881226, + 665.984375, + 237.5260467529297, + 0.5881036520004272, + 755.515625, + 366.8489685058594, + 0.819403886795044, + 785.359375, + 366.8489685058594, + 0.41208791732788086, + 929.6041870117188, + 461.3541564941406, + 0.06355203688144684 + ], + "scale": [ + 4.775000095367432, + 6.366666793823242 + ], + "score": 0.7683408558368683 + }, + { + "category_id": 1, + "center": [ + 488.5, + 241.0 + ], + "image_id": 20505588400, + "keypoints": [ + 312.97265625, + 33.5586051940918, + 0.930793046951294, + 291.6966247558594, + 1.644545555114746, + 0.08673544973134995, + 281.05859375, + 22.92058563232422, + 0.9529750347137451, + 472.54296875, + 139.93881225585938, + 0.005239394959062338, + 195.95443725585938, + 97.38672637939453, + 0.9458943605422974, + 281.05859375, + 139.93881225585938, + 0.8350522518157959, + 185.31642150878906, + 320.78515625, + 0.8010635375976562, + 451.2669372558594, + 171.85287475585938, + 0.9283265471458435, + 312.97265625, + 522.9075317382812, + 0.03641994297504425, + 610.8372192382812, + 97.38672637939453, + 0.8560872077941895, + 504.45703125, + 469.7174377441406, + 1.0069297552108765, + 451.2669372558594, + 352.69921875, + 0.7652788162231445, + 440.62890625, + 469.7174377441406, + 0.6122971773147583, + 642.7512817382812, + 256.95703125, + 0.7498471736907959, + 759.76953125, + 373.9752502441406, + 0.9026488065719604, + 770.4075317382812, + 373.9752502441406, + 0.4060378074645996, + 834.2356567382812, + 490.99346923828125, + 0.10072526335716248 + ], + "scale": [ + 5.106249809265137, + 6.808333396911621 + ], + "score": 0.8225562710028428 + }, + { + "category_id": 1, + "center": [ + 462.5, + 239.5 + ], + "image_id": 20505588700, + "keypoints": [ + 320.64453125, + 45.1054801940918, + 0.9141583442687988, + 289.12109375, + -7.433578968048096, + 0.04298172518610954, + 278.61328125, + 24.08985710144043, + 0.9103625416755676, + 583.33984375, + 402.37109375, + 0.003736353712156415, + 194.55079650878906, + 97.64453887939453, + 0.9398059844970703, + 289.12109375, + 139.67578125, + 0.838688850402832, + 194.55079650878906, + 307.80078125, + 0.8173460960388184, + 436.23046875, + 171.19921875, + 0.9234147071838379, + 310.13671875, + 507.4491882324219, + 0.05005029961466789, + 604.35546875, + 108.15235137939453, + 0.8734949231147766, + 499.27734375, + 475.92578125, + 0.9318170547485352, + 446.73828125, + 349.83203125, + 0.737143337726593, + 446.73828125, + 454.91015625, + 0.6715079545974731, + 656.89453125, + 255.26171875, + 0.7869138717651367, + 761.97265625, + 381.35546875, + 0.9013717174530029, + 761.97265625, + 381.35546875, + 0.35582345724105835, + 835.52734375, + 496.9413757324219, + 0.12318731844425201 + ], + "scale": [ + 5.043749809265137, + 6.725000381469727 + ], + "score": 0.8155268339010385 + }, + { + "category_id": 1, + "center": [ + 471.5, + 242.5 + ], + "image_id": 20505589000, + "keypoints": [ + 315.0872497558594, + 45.72265625, + 0.9341859817504883, + 304.99609375, + -14.82421875, + 0.017391959205269814, + 274.72265625, + 25.54036521911621, + 0.9119415879249573, + 587.5481567382812, + 398.9127502441406, + 0.01761080138385296, + 193.9934844970703, + 106.26953125, + 0.9398936033248901, + 274.72265625, + 146.6341094970703, + 0.7726173400878906, + 183.90234375, + 328.2747497558594, + 0.8074144721031189, + 446.2721252441406, + 166.81640625, + 0.8751507997512817, + 315.0872497558594, + 479.6419372558594, + 0.008841044269502163, + 617.8215942382812, + 106.26953125, + 0.8871215581893921, + 506.8190002441406, + 469.55078125, + 0.961688756942749, + 446.2721252441406, + 348.45703125, + 0.7304190993309021, + 456.36328125, + 469.55078125, + 0.5729397535324097, + 638.00390625, + 247.5455780029297, + 0.8152388334274292, + 769.1887817382812, + 378.73046875, + 0.8810232281684875, + 769.1887817382812, + 368.6393127441406, + 0.38221505284309387, + 809.5534057617188, + 469.55078125, + 0.11121292412281036 + ], + "scale": [ + 4.84375, + 6.4583330154418945 + ], + "score": 0.8055269282597762 + }, + { + "category_id": 1, + "center": [ + 470.5, + 242.0 + ], + "image_id": 20505612600, + "keypoints": [ + 324.1783752441406, + 39.03776168823242, + 0.9284646511077881, + 314.73828125, + -8.162760734558105, + 0.013897212222218513, + 286.41796875, + 10.717448234558105, + 0.9074630737304688, + 229.77734375, + 57.91796875, + 0.002807407174259424, + 201.45703125, + 76.79817962646484, + 0.9276492595672607, + 258.09765625, + 133.4387969970703, + 0.7875012159347534, + 220.3372344970703, + 293.9205627441406, + 0.8319376707077026, + 409.1393127441406, + 227.83984375, + 0.8867751955986023, + 446.8997497558594, + 463.8424377441406, + 0.8962504267692566, + 550.7409057617188, + 180.6393280029297, + 0.8880791664123535, + 635.7018432617188, + 331.6809997558594, + 0.9252862930297852, + 437.4596252441406, + 331.6809997558594, + 0.7706701755523682, + 456.33984375, + 426.08203125, + 0.6092342138290405, + 645.1419067382812, + 227.83984375, + 0.6513562202453613, + 777.3034057617188, + 369.44140625, + 0.8966360092163086, + 786.7434692382812, + 360.0013122558594, + 0.3679136633872986, + 824.50390625, + 454.40234375, + 0.33041876554489136 + ], + "scale": [ + 4.53125, + 6.0416669845581055 + ], + "score": 0.7737090667088826 + }, + { + "category_id": 1, + "center": [ + 464.0, + 239.5 + ], + "image_id": 20505614800, + "keypoints": [ + 318.765625, + 50.25519561767578, + 0.8564045429229736, + 706.0573120117188, + 367.1302185058594, + 0.0043543861247599125, + 301.16143798828125, + 32.65102767944336, + 0.8916981816291809, + 538.8176879882812, + 270.3072814941406, + 0.0054405550472438335, + 248.34893798828125, + 85.46353149414062, + 0.9475061893463135, + 248.34893798828125, + 155.8802032470703, + 0.7509102821350098, + 213.14060974121094, + 305.515625, + 0.8726558089256287, + 389.1822814941406, + 243.9010467529297, + 0.7754417657852173, + 424.390625, + 472.7552185058594, + 0.8383584022521973, + 503.609375, + 296.7135314941406, + 0.7968252897262573, + 565.2239379882812, + 358.328125, + 0.9319316148757935, + 433.1927185058594, + 340.7239685058594, + 0.7019352912902832, + 459.5989685058594, + 437.546875, + 0.6163629293441772, + 626.8385620117188, + 199.890625, + 0.5319652557373047, + 767.671875, + 375.93231201171875, + 0.8922725915908813, + 776.4739990234375, + 367.1302185058594, + 0.3293510675430298, + 811.6823120117188, + 463.9531555175781, + 0.20651361346244812 + ], + "scale": [ + 4.225000381469727, + 5.633333206176758 + ], + "score": 0.7293421884377798 + }, + { + "category_id": 1, + "center": [ + 479.0, + 242.0 + ], + "image_id": 20505601800, + "keypoints": [ + 321.3046875, + 46.07551956176758, + 0.9329699277877808, + 321.3046875, + -11.268229484558105, + 0.014582524076104164, + 283.0755310058594, + 26.9609375, + 0.903044581413269, + 464.6640625, + 151.2057342529297, + 0.004963994491845369, + 187.5026092529297, + 93.86197662353516, + 0.9290391206741333, + 273.5182189941406, + 141.6484375, + 0.7880467772483826, + 187.5026092529297, + 313.6796875, + 0.7874191999435425, + 426.4349060058594, + 189.4348907470703, + 0.9218424558639526, + 321.3046875, + 476.1536560058594, + 0.008999066427350044, + 598.4661254882812, + 141.6484375, + 0.9115166068077087, + 512.4505004882812, + 476.1536560058594, + 0.8907290697097778, + 445.5494689941406, + 351.9088439941406, + 0.7535622119903564, + 445.5494689941406, + 457.0390625, + 0.6324406266212463, + 655.8098754882812, + 256.3359375, + 0.728855550289154, + 780.0546875, + 380.5807189941406, + 0.8975613117218018, + 770.4973754882812, + 390.1380310058594, + 0.3553450405597687, + 846.9557495117188, + 457.0390625, + 0.35735341906547546 + ], + "scale": [ + 4.587500095367432, + 6.116666793823242 + ], + "score": 0.7706947071211678 + }, + { + "category_id": 1, + "center": [ + 475.5, + 240.5 + ], + "image_id": 20505623200, + "keypoints": [ + 302.55078125, + 37.90234375, + 0.9319985508918762, + 282.78515625, + 18.13671875, + 0.05927939713001251, + 263.01953125, + 28.01953125, + 0.9760283827781677, + 223.48828125, + 77.43359375, + 0.002332870149984956, + 183.95703125, + 107.08203125, + 0.8973045349121094, + 243.25390625, + 146.61328125, + 0.8090004920959473, + 233.37109375, + 294.85546875, + 0.822197675704956, + 361.84765625, + 235.55859375, + 0.7599608302116394, + 480.44140625, + 443.09765625, + 0.9247779846191406, + 480.44140625, + 225.67578125, + 0.9856281876564026, + 678.09765625, + 314.62109375, + 0.9335052371025085, + 431.02734375, + 334.38671875, + 0.6839042901992798, + 460.67578125, + 423.33203125, + 0.6620495915412903, + 618.80078125, + 205.91015625, + 0.6480841636657715, + 767.04296875, + 383.80078125, + 0.7966026663780212, + 767.04296875, + 364.03515625, + 0.27238136529922485, + 806.57421875, + 452.98046875, + 0.1454152762889862 + ], + "scale": [ + 4.743750095367432, + 6.324999809265137 + ], + "score": 0.7931017109325954 + }, + { + "category_id": 1, + "center": [ + 527.5, + 241.0 + ], + "image_id": 20505625300, + "keypoints": [ + 306.7513122558594, + 52.55598831176758, + 0.8747764825820923, + 285.21484375, + 31.01953125, + 0.665656566619873, + 263.6783752441406, + 41.78776168823242, + 0.925859808921814, + 317.51953125, + 9.483073234558105, + 0.0031965216621756554, + 177.5325469970703, + 117.16536712646484, + 0.9588843584060669, + 263.6783752441406, + 149.4700469970703, + 0.7748176455497742, + 231.3737030029297, + 300.2252502441406, + 0.8668159246444702, + 349.82421875, + 224.84765625, + 0.7601032853126526, + 522.1159057617188, + 440.2122497558594, + 0.8554247617721558, + 479.04296875, + 224.84765625, + 0.9853858947753906, + 769.78515625, + 343.2981872558594, + 0.8712486624717712, + 435.9700622558594, + 332.5299377441406, + 0.5864384174346924, + 457.5065002441406, + 440.2122497558594, + 0.5403599143028259, + 619.0299682617188, + 224.84765625, + 0.5858243703842163, + 737.48046875, + 321.76171875, + 0.4036165475845337, + 812.8580932617188, + 300.2252502441406, + 0.10813458263874054, + 866.69921875, + 386.37109375, + 0.060690224170684814 + ], + "scale": [ + 5.168750286102295, + 6.891666412353516 + ], + "score": 0.7610866171973092 + }, + { + "category_id": 1, + "center": [ + 447.5, + 241.0 + ], + "image_id": 20505641400, + "keypoints": [ + 311.7513122558594, + 30.35546875, + 0.9499115943908691, + 311.7513122558594, + -7.092447757720947, + 0.028130318969488144, + 274.3033752441406, + 11.631510734558105, + 0.8492096066474915, + 555.1627807617188, + 283.12890625, + 0.00686680618673563, + 190.0455780029297, + 58.44140625, + 0.9516105055809021, + 246.2174530029297, + 133.3372344970703, + 0.7385834455490112, + 218.1315155029297, + 292.4908752441406, + 0.8298699855804443, + 349.19921875, + 86.52734375, + 0.31662774085998535, + 442.8190002441406, + 517.1784057617188, + 0.05768037587404251, + 349.19921875, + 20.99349021911621, + 0.06701869517564774, + 667.5065307617188, + 470.3684997558594, + 0.8575527667999268, + 433.45703125, + 339.30078125, + 0.785336434841156, + 442.8190002441406, + 442.2825622558594, + 0.6350784301757812, + 648.7825317382812, + 255.04296875, + 0.7999593019485474, + 733.0403442382812, + 339.30078125, + 0.8226794004440308, + 742.40234375, + 348.6627502441406, + 0.35772842168807983, + 798.57421875, + 414.1966247558594, + 0.048263829201459885 + ], + "scale": [ + 4.493750095367432, + 5.991666793823242 + ], + "score": 0.7411789695421854 + }, + { + "category_id": 1, + "center": [ + 484.5, + 242.0 + ], + "image_id": 20505642401, + "keypoints": [ + 316.70703125, + 33.52994918823242, + 0.94805908203125, + 692.9700317382812, + 389.4544372558594, + 0.005370862782001495, + 296.3684997558594, + 23.36067771911621, + 0.8946238160133362, + 479.4153747558594, + 155.5612030029297, + 0.008835631422698498, + 215.0143280029297, + 84.37630462646484, + 0.9449488520622253, + 255.69140625, + 125.05338287353516, + 0.8076379299163818, + 215.0143280029297, + 308.1002502441406, + 0.8177470564842224, + 408.23046875, + 135.22265625, + 0.9006602168083191, + 367.5533752441406, + 450.4700622558594, + 0.019507722929120064, + 581.1080932617188, + 94.54557037353516, + 0.8765376806259155, + 662.4622192382812, + 460.6393127441406, + 0.009374944493174553, + 438.73828125, + 318.26953125, + 0.7624518275260925, + 438.73828125, + 450.4700622558594, + 0.7498042583465576, + 642.1237182617188, + 236.9153594970703, + 0.8351792097091675, + 764.1549682617188, + 358.9466247558594, + 0.8541198968887329, + 784.4934692382812, + 358.9466247558594, + 0.40672290325164795, + 835.33984375, + 450.4700622558594, + 0.16513784229755402 + ], + "scale": [ + 4.881249904632568, + 6.508333206176758 + ], + "score": 0.8165410608053207 + }, + { + "category_id": 1, + "center": [ + 487.5, + 241.5 + ], + "image_id": 20505643400, + "keypoints": [ + 323.57421875, + 27.89972686767578, + 0.9670717120170593, + 323.57421875, + 47.7695198059082, + 0.006577181629836559, + 293.76953125, + 8.029932975769043, + 0.8340352177619934, + 611.6862182617188, + 385.5559997558594, + 0.008320864289999008, + 204.35545349121094, + 67.63931274414062, + 0.9267335534095764, + 263.96484375, + 127.24868774414062, + 0.8447554111480713, + 234.16014099121094, + 296.1419372558594, + 0.8368735313415527, + 422.9231872558594, + 186.85806274414062, + 0.9122018814086914, + 462.6627502441406, + 494.8398742675781, + 0.5594658851623535, + 581.8815307617188, + 166.98828125, + 0.891568660736084, + 720.9700927734375, + 445.1653747558594, + 0.9349687695503235, + 442.79296875, + 335.88153076171875, + 0.7656850814819336, + 452.7278747558594, + 455.10028076171875, + 0.581427812576294, + 651.42578125, + 246.4674530029297, + 0.6435960531234741, + 750.7747802734375, + 345.81640625, + 0.7568131685256958, + 780.5794677734375, + 355.7513122558594, + 0.4035639762878418, + 869.9935302734375, + 435.23046875, + 0.10769650340080261 + ], + "scale": [ + 4.768750190734863, + 6.358333110809326 + ], + "score": 0.7756257653236389 + }, + { + "category_id": 1, + "center": [ + 482.0, + 239.5 + ], + "image_id": 20505644401, + "keypoints": [ + 317.859375, + 55.46354293823242, + 0.5842457413673401, + 337.7552185058594, + 105.203125, + 0.003983641974627972, + 297.9635314941406, + 35.56770706176758, + 0.7718461751937866, + 606.3489379882812, + 373.796875, + 0.008388781920075417, + 248.2239532470703, + 65.41146087646484, + 0.9555356502532959, + 248.2239532470703, + 144.9947967529297, + 0.8102227449417114, + 228.328125, + 304.1614685058594, + 0.8513714671134949, + 387.4947814941406, + 224.578125, + 0.8324558138847351, + 437.234375, + 503.1197814941406, + 0.11453305184841156, + 526.765625, + 234.5260467529297, + 0.9362146854400635, + 695.8801879882812, + 473.2760314941406, + 0.8850170373916626, + 447.1822814941406, + 343.953125, + 0.7116975784301758, + 457.1302185058594, + 443.4322814941406, + 0.638214111328125, + 636.1926879882812, + 244.4739532470703, + 0.5959392786026001, + 765.515625, + 363.8489685058594, + 0.9283358454704285, + 785.4114379882812, + 353.9010314941406, + 0.5216290950775146, + 785.4114379882812, + 473.2760314941406, + 0.11142449826002121 + ], + "scale": [ + 4.775000095367432, + 6.366666793823242 + ], + "score": 0.7709788634226873 + }, + { + "category_id": 1, + "center": [ + 480.5, + 240.0 + ], + "image_id": 20505647700, + "keypoints": [ + 328.17578125, + 32.28515625, + 0.9180949926376343, + 309.7122497558594, + 4.58984375, + 0.022102121263742447, + 291.2486877441406, + 4.58984375, + 0.8540298938751221, + 245.08984375, + 41.51692581176758, + 0.0033001494593918324, + 198.9309844970703, + 69.21224212646484, + 0.9200304746627808, + 254.3216094970703, + 143.06640625, + 0.7516733407974243, + 226.6262969970703, + 300.0065002441406, + 0.8467421531677246, + 374.3346252441406, + 244.6158905029297, + 0.8103234767913818, + 503.5794372558594, + 438.4830627441406, + 0.7091788053512573, + 494.34765625, + 300.0065002441406, + 0.8882893323898315, + 752.8372192382812, + 401.5559997558594, + 0.8258105516433716, + 438.95703125, + 336.93359375, + 0.6486731767654419, + 448.1888122558594, + 456.9466247558594, + 0.45349371433258057, + 642.0559692382812, + 253.84765625, + 0.5744719505310059, + 734.3737182617188, + 355.3971252441406, + 0.46520358324050903, + 752.8372192382812, + 336.93359375, + 0.13143354654312134, + 826.69140625, + 438.4830627441406, + 0.09874488413333893 + ], + "scale": [ + 4.431250095367432, + 5.908332824707031 + ], + "score": 0.7435396497066205 + }, + { + "category_id": 1, + "center": [ + 472.5, + 240.5 + ], + "image_id": 20505658401, + "keypoints": [ + 373.41796875, + 99.69921112060547, + 0.8917635083198547, + 394.27734375, + 47.5507698059082, + 0.052951663732528687, + 331.69921875, + 68.41014862060547, + 0.9246901273727417, + 592.44140625, + 402.16015625, + 0.0033098654821515083, + 227.40232849121094, + 110.12889862060547, + 0.9691011905670166, + 258.69140625, + 162.27734375, + 0.7285450100898743, + 196.11326599121094, + 308.29296875, + 0.8228796124458313, + 383.84765625, + 203.99609375, + 0.5630711317062378, + 477.71484375, + 433.44921875, + 0.019883722066879272, + 435.99609375, + 110.12889862060547, + 0.7691993713378906, + 582.01171875, + 475.16796875, + 0.020790301263332367, + 446.42578125, + 339.58203125, + 0.6883659958839417, + 446.42578125, + 454.30859375, + 0.7062855958938599, + 634.16015625, + 224.85546875, + 0.8788717985153198, + 759.31640625, + 360.44140625, + 0.9627591371536255, + 759.31640625, + 350.01171875, + 0.4321941137313843, + 832.32421875, + 475.16796875, + 0.13392814993858337 + ], + "scale": [ + 5.006250381469727, + 6.675000190734863 + ], + "score": 0.7781438827514648 + }, + { + "category_id": 1, + "center": [ + 497.0, + 241.0 + ], + "image_id": 20505658700, + "keypoints": [ + 433.3541564941406, + 89.22917938232422, + 0.6212347745895386, + 452.9375, + 167.5625, + 0.002849748358130455, + 423.5625, + 89.22917938232422, + 0.9078636765480042, + 286.47918701171875, + 69.64584350585938, + 0.004713928792625666, + 345.22918701171875, + 128.39584350585938, + 0.9535198211669922, + 296.2708435058594, + 157.77084350585938, + 0.6575896739959717, + 237.52084350585938, + 343.8125, + 0.804013729095459, + 413.7708435058594, + 206.7291717529297, + 0.8277884721755981, + 492.1041564941406, + 480.89581298828125, + 0.06804782152175903, + 521.4791870117188, + 177.3541717529297, + 0.9141080975532532, + 648.7708129882812, + 382.9791564941406, + 0.9166998863220215, + 462.7291564941406, + 373.1875, + 0.7535780668258667, + 462.7291564941406, + 461.3125, + 0.4103116989135742, + 629.1875, + 216.5208282470703, + 0.8628735542297363, + 776.0625, + 373.1875, + 0.8120886087417603, + 766.2708129882812, + 363.39581298828125, + 0.3885212540626526, + 815.2291259765625, + 461.3125, + 0.16591790318489075 + ], + "scale": [ + 4.699999809265137, + 6.266666412353516 + ], + "score": 0.7561685626323407 + }, + { + "category_id": 1, + "center": [ + 520.0, + 241.5 + ], + "image_id": 20505659000, + "keypoints": [ + 457.890625, + 22.046875, + 0.866829514503479, + 366.796875, + 22.046875, + 0.0022161477245390415, + 441.328125, + -2.796875, + 0.8004598617553711, + 391.640625, + 5.484375, + 0.004256132990121841, + 366.796875, + 22.046875, + 0.9707450866699219, + 317.109375, + 80.015625, + 0.5217841863632202, + 350.234375, + 137.984375, + 0.7352930307388306, + 515.859375, + 171.109375, + 0.26687103509902954, + 598.671875, + 187.671875, + 0.8917213082313538, + 615.234375, + 171.109375, + 0.2583346664905548, + 673.203125, + 46.890625, + 0.8574023842811584, + 457.890625, + 320.171875, + 0.5088293552398682, + 466.171875, + 427.828125, + 0.6387394666671753, + 656.640625, + 262.203125, + 0.6882095336914062, + 739.453125, + 353.296875, + 0.8656659722328186, + 764.296875, + 369.859375, + 0.274569571018219, + 813.984375, + 444.390625, + 0.2302737534046173 + ], + "scale": [ + 3.9750001430511475, + 5.299999713897705 + ], + "score": 0.6250485817591349 + }, + { + "category_id": 1, + "center": [ + 536.0, + 233.5 + ], + "image_id": 20505659600, + "keypoints": [ + 586.5859375, + -12.684895515441895, + 0.0031335020903497934, + 269.5807189941406, + 297.5755310058594, + 0.015386398881673813, + 256.0911560058594, + 304.3203125, + 0.005542834755033255, + 660.7786254882812, + 68.25260162353516, + 0.0022046698722988367, + 633.7994995117188, + 48.01823043823242, + 0.003066285280510783, + 465.1796875, + 7.549479007720947, + 0.022799940779805183, + 492.1588439941406, + 54.76301956176758, + 0.10026818513870239, + 451.6900939941406, + 263.8515625, + 0.21292106807231903, + 640.5442504882812, + 209.8932342529297, + 0.11464112997055054, + 593.3307495117188, + 68.25260162353516, + 0.2250014990568161, + 451.6900939941406, + 358.2786560058594, + 0.10980980098247528, + 377.4974060058594, + 122.2109375, + 0.43965810537338257, + 492.1588439941406, + 81.7421875, + 0.46764230728149414, + 451.6900939941406, + 250.3619842529297, + 0.2187405675649643, + 654.0338745117188, + 243.6171875, + 0.4224897027015686, + 451.6900939941406, + 358.2786560058594, + 0.12279326468706131, + 694.5026245117188, + 425.7265625, + 0.3309481739997864 + ], + "scale": [ + 3.237499952316284, + 4.316666603088379 + ], + "score": 0.33105734629290445 + }, + { + "category_id": 1, + "center": [ + 472.0, + 240.0 + ], + "image_id": 20505660800, + "keypoints": [ + 337.88543701171875, + 41.510440826416016, + 0.9421062469482422, + 337.88543701171875, + -1.4062213897705078, + 0.015333575196564198, + 305.69793701171875, + 30.781274795532227, + 0.9476535320281982, + 455.90625, + 138.0729217529297, + 0.005952515173703432, + 209.1354522705078, + 95.15626525878906, + 0.9283955693244934, + 273.51043701171875, + 148.80209350585938, + 0.7863251566886902, + 198.40628051757812, + 320.46875, + 0.8374276161193848, + 445.1770935058594, + 148.80209350585938, + 0.8771195411682129, + 305.69793701171875, + 492.1353759765625, + 0.009187273681163788, + 627.5728759765625, + 95.15626525878906, + 0.9373838901519775, + 509.5520935058594, + 459.9478759765625, + 0.9794394969940186, + 423.71875, + 341.92706298828125, + 0.7647266387939453, + 412.9895935058594, + 449.2187194824219, + 0.5033971667289734, + 638.3020629882812, + 234.6354217529297, + 0.6097102165222168, + 767.0520629882812, + 406.30206298828125, + 0.36136430501937866, + 788.5103759765625, + 384.8437194824219, + 0.3217935860157013, + 809.9686889648438, + 427.7604064941406, + 0.24758100509643555 + ], + "scale": [ + 5.149999618530273, + 6.866666793823242 + ], + "score": 0.7174588548285621 + }, + { + "category_id": 1, + "center": [ + 471.0, + 240.5 + ], + "image_id": 20505609200, + "keypoints": [ + 340.140625, + 36.359375, + 0.9736368656158447, + 319.203125, + -5.515625, + 0.01057959720492363, + 308.734375, + 15.421875, + 0.9234379529953003, + 549.515625, + 277.140625, + 0.004715763498097658, + 204.046875, + 67.765625, + 0.9450410604476929, + 277.328125, + 141.046875, + 0.7944263219833374, + 214.515625, + 308.546875, + 0.8443373441696167, + 434.359375, + 172.453125, + 0.8670742511749268, + 465.765625, + 476.046875, + 0.11996760219335556, + 601.859375, + 120.109375, + 0.8600055575370789, + 675.140625, + 455.109375, + 0.8650708198547363, + 444.828125, + 329.484375, + 0.7277535200119019, + 455.296875, + 444.640625, + 0.7209252119064331, + 643.734375, + 235.265625, + 0.7126961946487427, + 769.359375, + 360.890625, + 0.8359061479568481, + 779.828125, + 360.890625, + 0.5232324600219727, + 800.765625, + 455.109375, + 0.08695824444293976 + ], + "scale": [ + 5.025000095367432, + 6.700000286102295 + ], + "score": 0.8148879775634179 + }, + { + "category_id": 1, + "center": [ + 468.0, + 243.5 + ], + "image_id": 20505701000, + "keypoints": [ + 309.8619689941406, + 58.25260543823242, + 0.9372376203536987, + 291.7890625, + 22.10677146911621, + 0.13401257991790771, + 264.6796875, + 40.1796875, + 0.9233531951904297, + 571.9192504882812, + 338.3828125, + 0.006625772919505835, + 174.3151092529297, + 103.43489837646484, + 0.9422693252563477, + 255.6432342529297, + 157.6536407470703, + 0.7314896583557129, + 201.4244842529297, + 302.2369689941406, + 0.7841842174530029, + 382.1536560058594, + 248.0182342529297, + 0.6360735893249512, + 373.1171875, + 473.9296875, + 0.49249422550201416, + 517.7005004882812, + 302.2369689941406, + 0.6921277046203613, + 526.7369995117188, + 365.4921875, + 0.9373084902763367, + 445.4088439941406, + 320.3099060058594, + 0.7661365866661072, + 463.4817810058594, + 419.7109375, + 0.7461980581283569, + 626.1380004882812, + 202.8359375, + 0.6675038933753967, + 770.7213745117188, + 338.3828125, + 0.88426673412323, + 779.7578125, + 338.3828125, + 0.3434133529663086, + 779.7578125, + 482.9661560058594, + 0.13516274094581604 + ], + "scale": [ + 4.337500095367432, + 5.7833333015441895 + ], + "score": 0.7488611893994468 + }, + { + "category_id": 1, + "center": [ + 480.5, + 242.0 + ], + "image_id": 20505700200, + "keypoints": [ + 352.3033752441406, + 96.12109375, + 0.9092857837677002, + 343.4622497558594, + 43.07421875, + 0.3481951653957367, + 316.9388122558594, + 69.59765625, + 0.9320770502090454, + 378.8268127441406, + 34.23307418823242, + 0.002665687585249543, + 202.00390625, + 113.80338287353516, + 0.9152768850326538, + 281.57421875, + 149.16796875, + 0.7086458802223206, + 219.6862030029297, + 299.4674377441406, + 0.772042989730835, + 414.19140625, + 219.8971405029297, + 0.6834365129470825, + 405.3502502441406, + 467.44921875, + 0.7860969305038452, + 511.4440002441406, + 264.1028747558594, + 0.7771398425102234, + 537.9674682617188, + 308.30859375, + 0.9357209801673889, + 449.5559997558594, + 343.6731872558594, + 0.625386655330658, + 458.3971252441406, + 440.92578125, + 0.6132789254188538, + 644.0612182617188, + 228.73828125, + 0.4291244447231293, + 750.1549682617188, + 325.9908752441406, + 0.8843177556991577, + 750.1549682617188, + 317.1497497558594, + 0.37871676683425903, + 776.6784057617188, + 440.92578125, + 0.3799499273300171 + ], + "scale": [ + 4.243750095367432, + 5.6583333015441895 + ], + "score": 0.6924182809889317 + }, + { + "category_id": 1, + "center": [ + 509.5, + 241.0 + ], + "image_id": 20505733400, + "keypoints": [ + 325.1575622558594, + 77.72525787353516, + 0.8972501754760742, + 314.6236877441406, + 35.58984375, + 0.6377161145210266, + 283.0221252441406, + 56.65755081176758, + 0.9397718906402588, + 588.50390625, + 288.40234375, + 0.0038713894318789244, + 177.68359375, + 109.32682037353516, + 0.9423484802246094, + 261.9544372558594, + 161.99609375, + 0.7720065116882324, + 219.8190155029297, + 309.4700622558594, + 0.8328350782394409, + 377.8268127441406, + 235.7330780029297, + 0.6192363500595093, + 504.2330627441406, + 499.0794372558594, + 0.7239271402359009, + 483.1653747558594, + 298.9361877441406, + 0.9030328989028931, + 767.5794067382812, + 383.20703125, + 0.9204471707344055, + 441.0299377441406, + 330.5377502441406, + 0.7313896417617798, + 472.6315002441406, + 446.41015625, + 0.6807539463043213, + 630.6393432617188, + 204.1315155029297, + 0.7486225366592407, + 735.9778442382812, + 330.5377502441406, + 0.5272188186645508, + 767.5794067382812, + 320.00390625, + 0.23012664914131165, + 851.8502807617188, + 372.6731872558594, + 0.09556986391544342 + ], + "scale": [ + 5.056250095367432, + 6.741666793823242 + ], + "score": 0.7404455602169037 + }, + { + "category_id": 1, + "center": [ + 446.5, + 240.0 + ], + "image_id": 20505736001, + "keypoints": [ + 333.74609375, + 97.83202362060547, + 0.8812234401702881, + 323.94140625, + 48.8085823059082, + 0.07148659974336624, + 294.52734375, + 78.22264862060547, + 0.9047020673751831, + 637.69140625, + 382.16796875, + 0.012476278468966484, + 196.48045349121094, + 137.05078125, + 0.922031819820404, + 265.11328125, + 186.07421875, + 0.7479391694068909, + 206.28514099121094, + 342.94921875, + 0.8141186833381653, + 392.57421875, + 244.90234375, + 0.6952255368232727, + 510.23046875, + 460.60546875, + 0.8202192783355713, + 480.81640625, + 274.31640625, + 0.7815172076225281, + 627.88671875, + 264.51171875, + 0.8929420113563538, + 451.40234375, + 342.94921875, + 0.7797939777374268, + 480.81640625, + 460.60546875, + 0.5427463054656982, + 618.08203125, + 215.48828125, + 0.616783618927002, + 765.15234375, + 352.75390625, + 0.9819480180740356, + 774.95703125, + 352.75390625, + 0.34026214480400085, + 784.76171875, + 460.60546875, + 0.09888678789138794 + ], + "scale": [ + 4.706250190734863, + 6.275000095367432 + ], + "score": 0.7658180913754872 + }, + { + "category_id": 1, + "center": [ + 454.5, + 241.5 + ], + "image_id": 20505741500, + "keypoints": [ + 364.0768127441406, + 122.52213287353516, + 0.9278193116188049, + 354.55859375, + 74.93099212646484, + 0.1253913789987564, + 326.00390625, + 103.48567962646484, + 0.9175588488578796, + 573.4778442382812, + 322.4049377441406, + 0.0017236338462680578, + 211.78515625, + 141.55859375, + 0.9569435119628906, + 259.3763122558594, + 179.6315155029297, + 0.6915972232818604, + 211.78515625, + 341.44140625, + 0.8134598731994629, + 383.11328125, + 246.2591094970703, + 0.7653789520263672, + 421.1861877441406, + 474.6966247558594, + 0.05264565721154213, + 497.33203125, + 293.8502502441406, + 0.8956462740898132, + 659.1419067382812, + 455.66015625, + 0.7234877347946167, + 459.2591247558594, + 341.44140625, + 0.7198406457901001, + 468.77734375, + 446.1419372558594, + 0.6829462051391602, + 640.10546875, + 189.1497344970703, + 0.5941383242607117, + 744.8059692382812, + 322.4049377441406, + 0.8850882053375244, + 754.32421875, + 322.4049377441406, + 0.38659799098968506, + 792.3971557617188, + 417.5872497558594, + 0.053749457001686096 + ], + "scale": [ + 4.568749904632568, + 6.0916666984558105 + ], + "score": 0.7661925462576059 + }, + { + "category_id": 1, + "center": [ + 518.0, + 241.0 + ], + "image_id": 20505752300, + "keypoints": [ + 398.5078125, + 79.94530487060547, + 0.8374754190444946, + 731.0078125, + 318.9296875, + 0.004147130064666271, + 377.7265625, + 59.1640510559082, + 0.9226654171943665, + 554.3671875, + 277.3671875, + 0.014783523976802826, + 304.9921875, + 100.72655487060547, + 0.9442269802093506, + 242.64842224121094, + 142.2890625, + 0.7417834997177124, + 232.25779724121094, + 318.9296875, + 0.8271251916885376, + 377.7265625, + 204.6328125, + 0.7331642508506775, + 450.4609375, + 505.9609680175781, + 0.2813633680343628, + 502.4140625, + 173.4609375, + 0.9403992891311646, + 575.1484375, + 360.4921875, + 0.906038761138916, + 440.0703125, + 329.3203125, + 0.7544358968734741, + 471.2421875, + 443.6171875, + 0.6876816749572754, + 627.1015625, + 215.0234375, + 0.8025782108306885, + 762.1796875, + 329.3203125, + 0.8750385046005249, + 762.1796875, + 308.5390625, + 0.527350664138794, + 803.7421875, + 443.6171875, + 0.465432733297348 + ], + "scale": [ + 4.987500190734863, + 6.650000095367432 + ], + "score": 0.7497839907805125 + }, + { + "category_id": 1, + "center": [ + 454.5, + 241.0 + ], + "image_id": 20505754300, + "keypoints": [ + 335.84765625, + 65.39453125, + 0.9137148261070251, + 335.84765625, + -10.54296875, + 0.008380543440580368, + 307.37109375, + 46.41015625, + 0.9206578135490417, + 639.59765625, + 369.14453125, + 0.004711438436061144, + 212.44921875, + 103.36328125, + 0.9168636798858643, + 250.41796875, + 150.82421875, + 0.7478922605514526, + 202.95703125, + 321.68359375, + 0.7826454639434814, + 354.83203125, + 198.28515625, + 0.5083835124969482, + 421.27734375, + 492.54296875, + 0.21900974214076996, + 392.80078125, + 141.33203125, + 0.8191642761230469, + 544.67578125, + 350.16015625, + 0.888520359992981, + 440.26171875, + 321.68359375, + 0.7489855289459229, + 459.24609375, + 435.58984375, + 0.788428783416748, + 620.61328125, + 188.79296875, + 0.6882404685020447, + 762.99609375, + 359.65234375, + 0.8366288542747498, + 744.01171875, + 350.16015625, + 0.3344407379627228, + 772.48828125, + 445.08203125, + 0.11727629601955414 + ], + "scale": [ + 4.556250095367432, + 6.075000286102295 + ], + "score": 0.7223983077066285 + }, + { + "category_id": 1, + "center": [ + 466.5, + 239.5 + ], + "image_id": 20505766100, + "keypoints": [ + 354.3450622558594, + 78.58203887939453, + 0.6624822616577148, + 656.67578125, + 390.66534423828125, + 0.005942058749496937, + 325.0872497558594, + 49.3242301940918, + 0.8082619905471802, + 276.32421875, + 78.58203887939453, + 0.0061011905781924725, + 256.81903076171875, + 88.33464813232422, + 0.9071269035339355, + 266.5716247558594, + 156.60287475585938, + 0.7110634446144104, + 208.05599975585938, + 322.3971252441406, + 0.7832006812095642, + 373.85028076171875, + 273.6341247558594, + 0.21244697272777557, + 422.61328125, + 488.1913757324219, + 0.24811938405036926, + 500.6341247558594, + 273.6341247558594, + 0.17632314562797546, + 539.64453125, + 341.90234375, + 0.9978703260421753, + 451.87109375, + 332.14971923828125, + 0.7613335847854614, + 461.6236877441406, + 429.67578125, + 0.7062410116195679, + 627.41796875, + 195.61328125, + 0.7122936248779297, + 763.9544067382812, + 371.16015625, + 0.8714478015899658, + 754.2017822265625, + 351.6549377441406, + 0.4028744697570801, + 793.2122192382812, + 458.93359375, + 0.15478020906448364 + ], + "scale": [ + 4.681249618530273, + 6.241666793823242 + ], + "score": 0.6757509582317792 + }, + { + "category_id": 1, + "center": [ + 469.5, + 240.0 + ], + "image_id": 20505807400, + "keypoints": [ + 408.30859375, + 65.83982849121094, + 0.014852086082100868, + 285.92578125, + 18.769515991210938, + 0.0016511991852894425, + 380.06640625, + 47.0117073059082, + 0.09374766796827316, + 191.78514099121094, + 84.66796112060547, + 0.20625613629817963, + 351.82421875, + 103.49608612060547, + 0.8652735948562622, + 220.02732849121094, + 159.98046875, + 0.4159499406814575, + 295.33984375, + 329.43359375, + 0.6964926719665527, + 427.13671875, + 216.46484375, + 0.14899945259094238, + 587.17578125, + 348.26171875, + 0.892023503780365, + 502.44921875, + 188.22265625, + 0.19832661747932434, + 493.03515625, + 159.98046875, + 0.8551192283630371, + 455.37890625, + 376.50390625, + 0.4533475637435913, + 483.62109375, + 461.23046875, + 0.4463363289833069, + 681.31640625, + 244.70703125, + 0.45439010858535767, + 728.38671875, + 338.84765625, + 0.8693945407867432, + 766.04296875, + 367.08984375, + 0.36197611689567566, + 784.87109375, + 451.81640625, + 0.2757761776447296 + ], + "scale": [ + 4.518750190734863, + 6.025000095367432 + ], + "score": 0.5660279927154382 + }, + { + "category_id": 1, + "center": [ + 509.5, + 240.0 + ], + "image_id": 20505911300, + "keypoints": [ + 339.36328125, + 47.91015625, + 0.9110256433486938, + 317.41015625, + 14.98046875, + 0.2305452525615692, + 295.45703125, + 25.95703125, + 0.9638186693191528, + 53.97265625, + 728.45703125, + 0.002415562281385064, + 196.66796875, + 69.86328125, + 0.9290661811828613, + 251.55078125, + 146.69921875, + 0.746151328086853, + 240.57421875, + 289.39453125, + 0.8089317083358765, + 372.29296875, + 245.48828125, + 0.7418891787528992, + 536.94140625, + 443.06640625, + 0.8082550764083862, + 482.05859375, + 300.37109375, + 0.988635778427124, + 789.40234375, + 311.34765625, + 0.9137391448020935, + 416.19921875, + 388.18359375, + 0.5082242488861084, + 438.15234375, + 486.97265625, + 0.15807503461837769, + 635.73046875, + 278.41796875, + 0.252379447221756, + 767.44921875, + 410.13671875, + 0.20275473594665527, + 756.47265625, + 234.51171875, + 0.04292742908000946, + 844.28515625, + 410.13671875, + 0.020301243290305138 + ], + "scale": [ + 5.268750190734863, + 7.024999618530273 + ], + "score": 0.6927243379446176 + }, + { + "category_id": 1, + "center": [ + 463.0, + 243.5 + ], + "image_id": 20505911600, + "keypoints": [ + 331.8671875, + 54.0859375, + 0.9110004901885986, + 322.1536560058594, + 24.9453125, + 0.5135699510574341, + 293.0130310058594, + 34.65885543823242, + 0.9500467777252197, + 341.5807189941406, + 5.518229007720947, + 0.0027455631643533707, + 195.8776092529297, + 83.2265625, + 0.9500250220298767, + 263.8724060058594, + 141.5078125, + 0.7565536499023438, + 215.3046875, + 277.4974060058594, + 0.8296406865119934, + 380.4349060058594, + 248.3567657470703, + 0.7285306453704834, + 409.5755310058594, + 491.1953125, + 0.4478612542152405, + 506.7109375, + 287.2109375, + 0.7950862050056458, + 545.5651245117188, + 355.2057189941406, + 0.9010207653045654, + 438.7161560058594, + 345.4921875, + 0.7610490322113037, + 448.4296875, + 442.6275939941406, + 0.5700739622116089, + 652.4140625, + 267.7838439941406, + 0.6123591661453247, + 759.2630004882812, + 374.6328125, + 0.9079549908638, + 759.2630004882812, + 364.9192810058594, + 0.36635124683380127, + 846.6848754882812, + 442.6275939941406, + 0.08241026848554611 + ], + "scale": [ + 4.662499904632568, + 6.2166666984558105 + ], + "score": 0.733408256371816 + }, + { + "category_id": 1, + "center": [ + 489.5, + 240.0 + ], + "image_id": 20505912100, + "keypoints": [ + 326.43359375, + 47.28515625, + 0.890901505947113, + 306.66796875, + 17.63671875, + 0.681795597076416, + 277.01953125, + 37.40234375, + 0.9614983201026917, + 365.96484375, + 37.40234375, + 0.003326627891510725, + 188.07421875, + 106.58203125, + 0.9323157072067261, + 267.13671875, + 146.11328125, + 0.7781293392181396, + 227.60546875, + 294.35546875, + 0.8079593777656555, + 375.84765625, + 244.94140625, + 0.8195171356201172, + 504.32421875, + 442.59765625, + 0.8827646970748901, + 494.44140625, + 294.35546875, + 0.9433883428573608, + 711.86328125, + 353.65234375, + 0.9244029521942139, + 415.37890625, + 343.76953125, + 0.6495954990386963, + 445.02734375, + 452.48046875, + 0.3708687722682953, + 613.03515625, + 244.94140625, + 0.7411208152770996, + 692.09765625, + 314.12109375, + 0.32527053356170654, + 751.39453125, + 294.35546875, + 0.10744303464889526, + 810.69140625, + 363.53515625, + 0.05174233764410019 + ], + "scale": [ + 4.743750095367432, + 6.324999809265137 + ], + "score": 0.764966328229223 + }, + { + "category_id": 1, + "center": [ + 529.5, + 239.5 + ], + "image_id": 20505901500, + "keypoints": [ + 422.44921875, + 122.25389862060547, + 0.9303693771362305, + 402.05859375, + 61.0820198059082, + 0.00898000318557024, + 391.86328125, + 91.66796112060547, + 0.9229686260223389, + 198.15232849121094, + 152.83984375, + 0.0017911482136696577, + 279.7148132324219, + 132.44921875, + 0.914958655834198, + 259.3241882324219, + 173.23046875, + 0.7027480602264404, + 269.5195007324219, + 315.96484375, + 0.8078804612159729, + 381.66796875, + 244.59765625, + 0.5331023335456848, + 544.79296875, + 448.50390625, + 0.7353354692459106, + 483.62109375, + 295.57421875, + 0.9903131723403931, + 779.28515625, + 448.50390625, + 0.9314433336257935, + 453.03515625, + 346.55078125, + 0.6459589004516602, + 483.62109375, + 458.69921875, + 0.5337471961975098, + 656.94140625, + 234.40234375, + 0.7950839996337891, + 748.69921875, + 326.16015625, + 0.9642819166183472, + 779.28515625, + 336.35546875, + 0.5422173738479614, + 840.45703125, + 438.30859375, + 0.26753970980644226 + ], + "scale": [ + 4.893750190734863, + 6.524999618530273 + ], + "score": 0.7478632390499115 + }, + { + "category_id": 1, + "center": [ + 453.5, + 239.5 + ], + "image_id": 20505901800, + "keypoints": [ + 348.91015625, + 35.30078125, + 0.930307149887085, + 338.94921875, + -4.54296875, + 0.014821922406554222, + 319.02734375, + 15.37890625, + 0.9272352457046509, + 578.01171875, + 344.08984375, + 0.0035417070612311363, + 219.41796875, + 65.18359375, + 0.9295248985290527, + 269.22265625, + 134.91015625, + 0.7744628190994263, + 229.37890625, + 274.36328125, + 0.8102215528488159, + 368.83203125, + 244.48046875, + 0.5769727826118469, + 378.79296875, + 493.50390625, + 0.3023383319377899, + 488.36328125, + 284.32421875, + 0.726444661617279, + 538.16796875, + 373.97265625, + 1.0169289112091064, + 428.59765625, + 334.12890625, + 0.7742627263069153, + 438.55859375, + 433.73828125, + 0.7113696336746216, + 627.81640625, + 224.55859375, + 0.7453268766403198, + 767.26953125, + 354.05078125, + 0.8649469017982483, + 757.30859375, + 354.05078125, + 0.3539859652519226, + 911.703125, + 458.640625, + 0.08651400357484818 + ], + "scale": [ + 4.78125, + 6.375 + ], + "score": 0.7460234612226486 + }, + { + "category_id": 1, + "center": [ + 509.0, + 239.5 + ], + "image_id": 20505939400, + "keypoints": [ + 348.5182189941406, + 56.8828125, + 0.9284367561340332, + 348.5182189941406, + 23.6796875, + 0.3554588854312897, + 304.2474060058594, + 34.74739456176758, + 0.9314789175987244, + 370.6536560058594, + 12.611979484558105, + 0.0021268355194479227, + 204.6380157470703, + 79.01822662353516, + 0.9575116634368896, + 271.0442810058594, + 156.4921875, + 0.780048131942749, + 226.7734375, + 300.3724060058594, + 0.850713849067688, + 381.7213439941406, + 245.0338592529297, + 0.6899800300598145, + 525.6015625, + 455.3203125, + 0.8760381937026978, + 492.3984375, + 300.3724060058594, + 0.9572476148605347, + 780.1588745117188, + 311.4400939941406, + 0.8732782602310181, + 459.1953125, + 355.7109375, + 0.6119412183761597, + 470.2630310058594, + 477.4557189941406, + 0.3520623445510864, + 658.4140625, + 222.8984375, + 0.5357756018638611, + 758.0234375, + 433.1849060058594, + 0.2784000337123871, + 758.0234375, + 233.9661407470703, + 0.07173978537321091, + 846.5651245117188, + 411.0494689941406, + 0.032559383660554886 + ], + "scale": [ + 5.3125, + 7.0833330154418945 + ], + "score": 0.712740821497781 + }, + { + "category_id": 1, + "center": [ + 475.0, + 240.5 + ], + "image_id": 20505947300, + "keypoints": [ + 336.8359375, + 61.3984375, + 0.6474298238754272, + 295.8984375, + 133.0390625, + 0.010487550869584084, + 326.6015625, + 40.9296875, + 0.8215174674987793, + 275.4296875, + 61.3984375, + 0.008637649938464165, + 285.6640625, + 81.8671875, + 0.9124144911766052, + 254.9609375, + 133.0390625, + 0.7353280782699585, + 224.2578125, + 296.7890625, + 0.8607838153839111, + 357.3046875, + 235.3828125, + 0.5822936296463013, + 469.8828125, + 440.0703125, + 0.9349942207336426, + 449.4140625, + 204.6796875, + 0.9115526676177979, + 664.3359375, + 317.2578125, + 0.9595342874526978, + 428.9453125, + 317.2578125, + 0.6798814535140991, + 449.4140625, + 429.8359375, + 0.7680549621582031, + 623.3984375, + 204.6796875, + 0.8005923628807068, + 746.2109375, + 368.4296875, + 0.7900486588478088, + 756.4453125, + 347.9609375, + 0.25207385420799255, + 828.0859375, + 429.8359375, + 0.12068386375904083 + ], + "scale": [ + 4.912499904632568, + 6.549999713897705 + ], + "score": 0.7611785552331379 + }, + { + "category_id": 1, + "center": [ + 524.5, + 242.0 + ], + "image_id": 20505976600, + "keypoints": [ + 338.23046875, + 55.73046875, + 0.9101756811141968, + 315.65234375, + 21.86328125, + 0.23408816754817963, + 293.07421875, + 33.15234375, + 0.9332592487335205, + 727.703125, + -294.23046875, + 0.0022355131804943085, + 202.76171875, + 100.88671875, + 0.9419644474983215, + 259.20703125, + 168.62109375, + 0.8097012042999268, + 236.62890625, + 304.08984375, + 0.8608080148696899, + 383.38671875, + 247.64453125, + 0.7219697833061218, + 530.14453125, + 473.42578125, + 0.8298685550689697, + 484.98828125, + 304.08984375, + 0.9821878671646118, + 801.08203125, + 360.53515625, + 0.8839573860168457, + 439.83203125, + 371.82421875, + 0.665185272693634, + 462.41015625, + 473.42578125, + 0.31358814239501953, + 665.61328125, + 270.22265625, + 0.4442410469055176, + 755.92578125, + 326.66796875, + 0.19177855551242828, + 778.50390625, + 247.64453125, + 0.05623439699411392, + 880.10546875, + 394.40234375, + 0.022645745426416397 + ], + "scale": [ + 5.418749809265137, + 7.225000381469727 + ], + "score": 0.733153447508812 + }, + { + "category_id": 1, + "center": [ + 481.5, + 243.5 + ], + "image_id": 20505977400, + "keypoints": [ + 346.67578125, + 58.74089813232422, + 0.9329376220703125, + 346.67578125, + 8.806004524230957, + 0.024027876555919647, + 306.7278747558594, + 38.76694107055664, + 0.9208573698997498, + 266.77996826171875, + 58.74089813232422, + 0.00385328009724617, + 216.84506225585938, + 78.71485137939453, + 0.9590927362442017, + 246.80599975585938, + 148.6237030029297, + 0.7709518671035767, + 226.83204650878906, + 288.44140625, + 0.8361906409263611, + 376.63671875, + 248.4934844970703, + 0.8342502117156982, + 536.4284057617188, + 418.2721252441406, + 0.8926960229873657, + 486.4934997558594, + 288.44140625, + 0.8830654621124268, + 766.12890625, + 298.4283752441406, + 0.9034641981124878, + 436.55859375, + 348.36328125, + 0.6622971296310425, + 446.5455627441406, + 458.22003173828125, + 0.4342910945415497, + 626.3112182617188, + 228.51953125, + 0.5654288530349731, + 766.12890625, + 378.32421875, + 0.49691763520240784, + 786.1028442382812, + 378.32421875, + 0.10015905648469925, + 836.0377197265625, + 428.25909423828125, + 0.07939609885215759 + ], + "scale": [ + 4.793749809265137, + 6.391666412353516 + ], + "score": 0.7763416033524734 + }, + { + "category_id": 1, + "center": [ + 449.0, + 239.5 + ], + "image_id": 20505979601, + "keypoints": [ + 277.6458435058594, + 77.93750762939453, + 0.8957414031028748, + 287.4375, + 28.97917938232422, + 0.9172512292861938, + 228.68751525878906, + 48.5625114440918, + 0.9573167562484741, + 307.0208435058594, + 9.395848274230957, + 0.022418342530727386, + 160.14585876464844, + 97.52084350585938, + 0.9547240734100342, + 267.85418701171875, + 146.4791717529297, + 0.7056100368499756, + 199.31251525878906, + 293.3541564941406, + 0.8084921836853027, + 375.5625, + 234.6041717529297, + 0.33547940850257874, + 336.3958435058594, + 479.39581298828125, + 0.025846470147371292, + 483.2708435058594, + 303.1458435058594, + 0.5235012769699097, + 542.0208129882812, + 440.2291564941406, + 0.832494854927063, + 434.3125, + 332.52081298828125, + 0.7987101078033447, + 434.3125, + 440.2291564941406, + 0.46343836188316345, + 610.5625, + 205.2291717529297, + 0.5211273431777954, + 757.4375, + 371.6875, + 0.8824125528335571, + 728.0625, + 381.4791564941406, + 0.33690983057022095, + 767.2291259765625, + 450.02081298828125, + 0.0732087567448616 + ], + "scale": [ + 4.699999809265137, + 6.266666412353516 + ], + "score": 0.709514958517892 + }, + { + "category_id": 1, + "center": [ + 470.5, + 240.5 + ], + "image_id": 20505980400, + "keypoints": [ + 355.05078125, + 44.73828125, + 0.9058647155761719, + 345.01171875, + 14.62109375, + 0.4638608694076538, + 304.85546875, + 24.66015625, + 0.9491451978683472, + 355.05078125, + -15.49609375, + 0.0026990417391061783, + 204.46484375, + 84.89453125, + 0.9670316576957703, + 264.69921875, + 145.12890625, + 0.7783999443054199, + 224.54296875, + 285.67578125, + 0.8016760349273682, + 375.12890625, + 245.51953125, + 0.8200525641441345, + 515.67578125, + 446.30078125, + 0.9092544913291931, + 485.55859375, + 295.71484375, + 0.9046927690505981, + 736.53515625, + 325.83203125, + 0.9495222568511963, + 435.36328125, + 345.91015625, + 0.7214403748512268, + 455.44140625, + 456.33984375, + 0.519450306892395, + 626.10546875, + 205.36328125, + 0.8023262023925781, + 776.69140625, + 386.06640625, + 0.48761308193206787, + 776.69140625, + 376.02734375, + 0.13353031873703003, + 826.88671875, + 426.22265625, + 0.0986877828836441 + ], + "scale": [ + 4.818749904632568, + 6.424999713897705 + ], + "score": 0.7843093190874372 + }, + { + "category_id": 1, + "center": [ + 479.0, + 241.0 + ], + "image_id": 20505988600, + "keypoints": [ + 402.4375, + 123.60416412353516, + 0.9320598840713501, + 392.2291564941406, + 72.5625, + 0.12165836989879608, + 371.8125, + 92.97916412353516, + 0.9640560746192932, + 239.1041717529297, + 164.4375, + 0.002214722102507949, + 259.5208435058594, + 103.1875, + 0.9491311311721802, + 300.3541564941406, + 154.2291717529297, + 0.7854554653167725, + 228.8958282470703, + 286.9375, + 0.8344643712043762, + 412.6458435058594, + 246.1041717529297, + 0.8811259269714355, + 402.4375, + 491.1041564941406, + 0.47690683603286743, + 524.9375, + 297.1458435058594, + 0.8640926480293274, + 565.7708129882812, + 378.8125, + 0.81151282787323, + 443.2708435058594, + 358.3958435058594, + 0.6885179281234741, + 443.2708435058594, + 460.4791564941406, + 0.5398393869400024, + 657.6458129882812, + 256.3125, + 0.5047261714935303, + 749.5208129882812, + 368.6041564941406, + 0.900672197341919, + 749.5208129882812, + 358.3958435058594, + 0.4507722556591034, + 841.3958129882812, + 491.1041564941406, + 0.09781906008720398 + ], + "scale": [ + 4.900000095367432, + 6.533332824707031 + ], + "score": 0.7559523646320615 + }, + { + "category_id": 1, + "center": [ + 482.5, + 240.5 + ], + "image_id": 20506012600, + "keypoints": [ + 312.7408752441406, + 31.93880271911621, + 0.09174323081970215, + 671.66015625, + 390.8580627441406, + 0.0050839148461818695, + 322.44140625, + 12.537760734558105, + 0.36753469705581665, + 264.23828125, + 70.74088287353516, + 0.028327422216534615, + 283.6393127441406, + 61.04036331176758, + 0.9701359272003174, + 283.6393127441406, + 138.64453125, + 0.7930802702903748, + 225.4362030029297, + 284.15234375, + 0.8568233847618103, + 400.0455627441406, + 255.05078125, + 0.8426786661148071, + 409.74609375, + 487.86328125, + 0.6503307819366455, + 526.15234375, + 303.5533752441406, + 0.783970832824707, + 555.25390625, + 352.0559997558594, + 0.8966444134712219, + 448.5481872558594, + 332.6549377441406, + 0.7471115589141846, + 458.2486877441406, + 439.3606872558594, + 0.6080689430236816, + 671.66015625, + 255.05078125, + 0.5432455539703369, + 749.2643432617188, + 361.7565002441406, + 0.9512717723846436, + 739.5637817382812, + 361.7565002441406, + 0.41366255283355713, + 807.4674682617188, + 458.76171875, + 0.17457030713558197 + ], + "scale": [ + 4.65625, + 6.208333492279053 + ], + "score": 0.7249661042140081 + }, + { + "category_id": 1, + "center": [ + 451.0, + 241.5 + ], + "image_id": 20506013200, + "keypoints": [ + 337.49737548828125, + 39.16925811767578, + 0.5182267427444458, + 643.4609375, + 394.4817810058594, + 0.004293864592909813, + 307.88800048828125, + 9.559881210327148, + 0.7206457257270813, + 219.05987548828125, + 88.51821899414062, + 0.012494227848947048, + 258.5390625, + 58.908843994140625, + 0.9799299240112305, + 268.4088439941406, + 127.99739074707031, + 0.7616666555404663, + 228.92967224121094, + 285.9140625, + 0.8254501819610596, + 396.7161560058594, + 236.5651092529297, + 0.7595227360725403, + 406.5859375, + 493.1797180175781, + 0.5395523309707642, + 515.1536254882812, + 295.7838439941406, + 0.7602490186691284, + 544.7630004882812, + 364.8724060058594, + 0.8690048456192017, + 436.1953125, + 325.39324951171875, + 0.7070093154907227, + 446.0650939941406, + 443.83074951171875, + 0.7628270387649536, + 653.3307495117188, + 226.6953125, + 0.4656919240951538, + 752.0286865234375, + 364.8724060058594, + 0.915813684463501, + 742.1588745117188, + 355.00262451171875, + 0.384227454662323, + 850.7265625, + 473.44012451171875, + 0.1264529973268509 + ], + "scale": [ + 4.737500190734863, + 6.316666603088379 + ], + "score": 0.7121298270566123 + }, + { + "category_id": 1, + "center": [ + 449.5, + 241.0 + ], + "image_id": 20506028600, + "keypoints": [ + 316.43359375, + 38.93618392944336, + 0.928726315498352, + 286.86328125, + -20.204444885253906, + 0.021164793521165848, + 286.86328125, + 29.07941436767578, + 0.9077785015106201, + 237.57940673828125, + 68.50650024414062, + 0.0038377291057258844, + 198.15232849121094, + 107.93358612060547, + 0.9665247201919556, + 277.0065002441406, + 147.3606719970703, + 0.7917201519012451, + 198.15232849121094, + 324.7825622558594, + 0.8182680606842041, + 395.2877502441406, + 245.9283905029297, + 0.7968676090240479, + 336.1471252441406, + 472.6341247558594, + 0.007876678369939327, + 513.5690307617188, + 295.2122497558594, + 0.9052070379257202, + 533.2825317382812, + 452.92059326171875, + 0.8913041353225708, + 444.5716247558594, + 344.49609375, + 0.7729488611221313, + 444.5716247558594, + 452.92059326171875, + 0.5506743788719177, + 641.70703125, + 206.5012969970703, + 0.5446967482566833, + 759.98828125, + 364.20965576171875, + 0.9143726229667664, + 740.2747802734375, + 354.3528747558594, + 0.5039529204368591, + 838.8424682617188, + 472.6341247558594, + 0.19137004017829895 + ], + "scale": [ + 4.731250286102295, + 6.308333396911621 + ], + "score": 0.7917724664394672 + }, + { + "category_id": 1, + "center": [ + 452.0, + 242.5 + ], + "image_id": 20506030100, + "keypoints": [ + 305.8671875, + 45.9765739440918, + 0.9192429780960083, + 285.7109375, + 15.742201805114746, + 0.107017382979393, + 265.5546875, + 35.8984489440918, + 0.9284795522689819, + 678.7578125, + 428.9453125, + 0.0018583681667223573, + 174.85157775878906, + 96.36719512939453, + 0.9532808661460876, + 255.47657775878906, + 136.6796875, + 0.8266799449920654, + 195.00782775878906, + 318.0859375, + 0.7913179397583008, + 356.2578125, + 217.3046875, + 0.791593074798584, + 376.4140625, + 519.6484375, + 0.12033869326114655, + 487.2734375, + 237.4609375, + 0.9539227485656738, + 588.0546875, + 439.0234375, + 0.907733678817749, + 436.8828125, + 328.1640625, + 0.7395622730255127, + 436.8828125, + 439.0234375, + 0.7029873728752136, + 618.2890625, + 217.3046875, + 0.6619765758514404, + 769.4609375, + 348.3203125, + 0.7372061610221863, + 759.3828125, + 358.3984375, + 0.387762188911438, + 819.8515625, + 428.9453125, + 0.14081907272338867 + ], + "scale": [ + 4.837499618530273, + 6.449999809265137 + ], + "score": 0.7924419503945571 + }, + { + "category_id": 1, + "center": [ + 452.0, + 242.5 + ], + "image_id": 20506030400, + "keypoints": [ + 285.7109375, + 45.9765739440918, + 0.9316703677177429, + 265.5546875, + 15.742201805114746, + 0.13132035732269287, + 245.39845275878906, + 35.8984489440918, + 0.93848717212677, + 205.08595275878906, + 66.13282012939453, + 0.0023665509652346373, + 154.69532775878906, + 96.36719512939453, + 0.9267314076423645, + 245.39845275878906, + 126.60157012939453, + 0.8185863494873047, + 195.00782775878906, + 267.6953125, + 0.8147932291030884, + 386.4921875, + 146.7578125, + 0.9491254091262817, + 457.0390625, + 408.7890625, + 0.7724474668502808, + 547.7421875, + 176.9921875, + 0.984889030456543, + 688.8359375, + 368.4765625, + 0.917701005935669, + 426.8046875, + 297.9296875, + 0.675819993019104, + 416.7265625, + 418.8671875, + 0.6800734400749207, + 618.2890625, + 227.3828125, + 0.6828718185424805, + 719.0703125, + 338.2421875, + 0.24770882725715637, + 749.3046875, + 338.2421875, + 0.17604809999465942, + 779.5390625, + 368.4765625, + 0.11470276117324829 + ], + "scale": [ + 4.837499618530273, + 6.449999809265137 + ], + "score": 0.7954542705645928 + }, + { + "category_id": 1, + "center": [ + 452.5, + 242.0 + ], + "image_id": 20506031100, + "keypoints": [ + 304.2903747558594, + 42.68359375, + 0.9179691076278687, + 294.0690002441406, + -8.423176765441895, + 0.018627986311912537, + 273.6263122558594, + 32.46223831176758, + 0.928985595703125, + 570.0455932617188, + 277.7747497558594, + 0.004682695027440786, + 181.6341094970703, + 83.56900787353516, + 0.9268661737442017, + 253.18359375, + 134.67578125, + 0.8356748819351196, + 202.0768280029297, + 287.99609375, + 0.8280055522918701, + 375.83984375, + 185.7825469970703, + 0.8754045963287354, + 406.50390625, + 482.2018127441406, + 0.752281129360199, + 518.9387817382812, + 196.00390625, + 0.9646134376525879, + 651.81640625, + 379.98828125, + 0.936623215675354, + 437.16796875, + 308.4388122558594, + 0.7322953939437866, + 457.6106872558594, + 420.8736877441406, + 0.8135315179824829, + 631.3737182617188, + 206.2252655029297, + 0.6178945302963257, + 764.2512817382812, + 379.98828125, + 0.5600700378417969, + 764.2512817382812, + 359.5455627441406, + 0.2754061818122864, + 815.3580932617188, + 431.0950622558594, + 0.1940765678882599 + ], + "scale": [ + 4.90625, + 6.541666507720947 + ], + "score": 0.7832586680139814 + }, + { + "category_id": 1, + "center": [ + 466.5, + 241.0 + ], + "image_id": 20506032600, + "keypoints": [ + 331.67578125, + 56.24089813232422, + 0.9124352931976318, + 661.24609375, + 385.8111877441406, + 0.004832406993955374, + 301.71484375, + 36.26694107055664, + 0.9434107542037964, + 581.3502807617188, + 315.90234375, + 0.008675983175635338, + 231.80599975585938, + 96.18881225585938, + 0.9570954442024231, + 251.77996826171875, + 136.13671875, + 0.8554330468177795, + 181.87110900878906, + 295.9283752441406, + 0.8470910787582397, + 351.6497497558594, + 226.01953125, + 0.7413934469223022, + 381.6106872558594, + 475.6940002441406, + 0.022592397406697273, + 481.48046875, + 245.9934844970703, + 0.916467547416687, + 541.40234375, + 475.6940002441406, + 0.7257091999053955, + 421.55859375, + 325.8893127441406, + 0.8169315457344055, + 431.5455627441406, + 445.7330627441406, + 0.6331228613853455, + 621.2981567382812, + 216.0325469970703, + 0.6652621030807495, + 771.1028442382812, + 365.83721923828125, + 0.8884791135787964, + 761.1158447265625, + 355.8502502441406, + 0.4380706548690796, + 801.0637817382812, + 465.70703125, + 0.24997565150260925 + ], + "scale": [ + 4.793749809265137, + 6.391666412353516 + ], + "score": 0.7564912672553744 + }, + { + "category_id": 1, + "center": [ + 490.5, + 241.5 + ], + "image_id": 20506035100, + "keypoints": [ + 375.6497497558594, + 76.71485137939453, + 0.9102560877799988, + 365.66278076171875, + 16.792984008789062, + 0.01717548258602619, + 345.6888122558594, + 46.7539176940918, + 0.9264353513717651, + 565.40234375, + 276.4544372558594, + 0.005246520042419434, + 225.84506225585938, + 86.70183563232422, + 0.9066124558448792, + 285.7669372558594, + 136.63671875, + 0.724111020565033, + 215.85809326171875, + 306.4153747558594, + 0.8470315933227539, + 435.5716247558594, + 176.5846405029297, + 0.8497563600540161, + 495.4934997558594, + 486.18096923828125, + 0.8266046047210693, + 605.3502807617188, + 146.6237030029297, + 0.9210519790649414, + 765.1419067382812, + 406.28515625, + 0.941534161567688, + 445.55859375, + 336.37628173828125, + 0.8296288251876831, + 445.55859375, + 456.22003173828125, + 0.5195401906967163, + 655.28515625, + 246.4934844970703, + 0.807692289352417, + 755.1549072265625, + 366.33721923828125, + 0.5001052618026733, + 795.1028442382812, + 346.36328125, + 0.24365545809268951, + 949.9010009765625, + 421.265625, + 0.048667337745428085 + ], + "scale": [ + 4.793749809265137, + 6.391666412353516 + ], + "score": 0.7681439742445946 + }, + { + "category_id": 1, + "center": [ + 475.5, + 242.0 + ], + "image_id": 20506042300, + "keypoints": [ + 347.08203125, + 41.66796875, + 0.9559595584869385, + 264.89453125, + -71.33984375, + 0.005939518567174673, + 305.98828125, + 21.12109375, + 0.9322959184646606, + 593.64453125, + 401.23828125, + 0.005567451007664204, + 223.80078125, + 93.03515625, + 0.9423505067825317, + 285.44140625, + 144.40234375, + 0.8300336003303528, + 192.98046875, + 319.05078125, + 0.8410729169845581, + 429.26953125, + 195.76953125, + 0.9385271072387695, + 418.99609375, + 586.16015625, + 0.014157703146338463, + 603.91796875, + 154.67578125, + 0.9324114322662354, + 542.27734375, + 452.60546875, + 0.9711285829544067, + 449.81640625, + 339.59765625, + 0.820611834526062, + 439.54296875, + 462.87890625, + 0.6686582565307617, + 665.55859375, + 236.86328125, + 0.8335027694702148, + 778.56640625, + 370.41796875, + 0.9273016452789307, + 778.56640625, + 370.41796875, + 0.443359911441803, + 829.93359375, + 473.15234375, + 0.1809108704328537 + ], + "scale": [ + 4.931250095367432, + 6.575000286102295 + ], + "score": 0.8490164646735558 + }, + { + "category_id": 1, + "center": [ + 485.5, + 241.5 + ], + "image_id": 20506043601, + "keypoints": [ + 338.4231872558594, + 43.70703125, + 0.8837189674377441, + 318.13671875, + -7.009114742279053, + 0.013710344210267067, + 297.8502502441406, + 33.56380081176758, + 0.8846092224121094, + 612.2903442382812, + 398.7200622558594, + 0.008993844501674175, + 196.41796875, + 94.42317962646484, + 0.9601731896400452, + 277.5638122558594, + 124.85286712646484, + 0.7895021438598633, + 186.2747344970703, + 317.57421875, + 0.8201298713684082, + 439.85546875, + 155.2825469970703, + 0.8861613869667053, + 338.4231872558594, + 550.8684692382812, + 0.011201689019799232, + 622.43359375, + 104.56640625, + 0.9039541482925415, + 541.2877807617188, + 449.4361877441406, + 0.9622504711151123, + 460.1419372558594, + 337.8606872558594, + 0.7607024908065796, + 460.1419372558594, + 459.5794372558594, + 0.6089085340499878, + 673.1497192382812, + 236.4283905029297, + 0.7932626008987427, + 774.58203125, + 358.1471252441406, + 0.9456135034561157, + 784.7252807617188, + 368.2903747558594, + 0.4225465655326843, + 835.44140625, + 469.72265625, + 0.3226557672023773 + ], + "scale": [ + 4.868750095367432, + 6.491666316986084 + ], + "score": 0.7817277759313583 + }, + { + "category_id": 1, + "center": [ + 466.5, + 240.5 + ], + "image_id": 20506044401, + "keypoints": [ + 359.17578125, + 92.29036712646484, + 0.844897985458374, + 348.9544372558594, + 71.84765625, + 0.030041038990020752, + 328.51171875, + 82.06900787353516, + 0.8614667654037476, + 584.0455932617188, + 398.9309997558594, + 0.009317515417933464, + 226.2981719970703, + 143.3971405029297, + 0.9690055847167969, + 297.84765625, + 143.3971405029297, + 0.7855486869812012, + 195.6341094970703, + 306.9388122558594, + 0.8337361812591553, + 461.3893127441406, + 153.6184844970703, + 0.8922197818756104, + 338.7330627441406, + 531.80859375, + 0.03705944865942001, + 665.81640625, + 204.7252655029297, + 0.8629588484764099, + 532.9387817382812, + 439.81640625, + 0.9350323677062988, + 440.9466247558594, + 327.3815002441406, + 0.821880578994751, + 430.7252502441406, + 450.0377502441406, + 0.6729274392127991, + 645.3737182617188, + 235.3893280029297, + 0.6815205812454224, + 768.0299682617188, + 368.2669372558594, + 0.8765347599983215, + 778.2512817382812, + 368.2669372558594, + 0.4931566119194031, + 860.0221557617188, + 450.0377502441406, + 0.23019883036613464 + ], + "scale": [ + 4.90625, + 6.541666507720947 + ], + "score": 0.7686489288296018 + }, + { + "category_id": 1, + "center": [ + 507.5, + 240.5 + ], + "image_id": 20506044800, + "keypoints": [ + 341.3997497558594, + 63.68359375, + 0.6724311113357544, + 352.1158752441406, + 117.26432037353516, + 0.004955063574016094, + 319.9674377441406, + 42.25130081176758, + 0.7719202041625977, + 491.42578125, + 138.6966094970703, + 0.00927476305514574, + 266.38671875, + 85.11588287353516, + 0.9267017841339111, + 277.1028747558594, + 138.6966094970703, + 0.7993415594100952, + 191.3737030029297, + 320.87109375, + 0.8592708110809326, + 437.8450622558594, + 160.12890625, + 0.9205638766288757, + 341.3997497558594, + 567.3424682617188, + 0.01263046357780695, + 620.01953125, + 95.83203125, + 0.8929542303085327, + 523.57421875, + 449.46484375, + 1.0346496105194092, + 448.5611877441406, + 342.3033752441406, + 0.7867189645767212, + 448.5611877441406, + 460.1809997558594, + 0.6793290972709656, + 662.8840942382812, + 235.1419219970703, + 0.890423059463501, + 770.0455932617188, + 374.4518127441406, + 0.9336550235748291, + 780.76171875, + 374.4518127441406, + 0.4657118022441864, + 877.20703125, + 460.1809997558594, + 0.22824493050575256 + ], + "scale": [ + 5.143749713897705, + 6.858333587646484 + ], + "score": 0.7758511475154332 + }, + { + "category_id": 1, + "center": [ + 481.0, + 239.5 + ], + "image_id": 20506048801, + "keypoints": [ + 350.7916564941406, + 57.20833206176758, + 0.9300052523612976, + 329.9583435058594, + 25.95833396911621, + 0.03452545031905174, + 309.125, + 36.375, + 0.9511497616767883, + 465.375, + 140.5416717529297, + 0.004514674190431833, + 204.9583282470703, + 109.29166412353516, + 0.9455083608627319, + 298.7083435058594, + 140.5416717529297, + 0.7584023475646973, + 194.5416717529297, + 317.625, + 0.8378273248672485, + 444.5416564941406, + 161.375, + 0.8801645636558533, + 340.375, + 557.2083129882812, + 0.012073242105543613, + 611.2083129882812, + 109.29166412353516, + 0.9001966714859009, + 538.2916870117188, + 442.625, + 0.9919362664222717, + 444.5416564941406, + 348.875, + 0.7897758483886719, + 444.5416564941406, + 463.4583435058594, + 0.6343529224395752, + 652.875, + 244.7083282470703, + 0.7685911655426025, + 777.875, + 359.2916564941406, + 0.9203828573226929, + 788.2916870117188, + 359.2916564941406, + 0.48713529109954834, + 850.7916870117188, + 473.875, + 0.12281951308250427 + ], + "scale": [ + 5.0, + 6.6666669845581055 + ], + "score": 0.8304175872069138 + }, + { + "category_id": 1, + "center": [ + 497.5, + 241.5 + ], + "image_id": 20506049201, + "keypoints": [ + 335.0325622558594, + 47.58723831176758, + 0.8794218897819519, + 303.5872497558594, + 16.14192771911621, + 0.19178852438926697, + 293.10546875, + 37.10546875, + 0.9358658790588379, + 628.5221557617188, + 362.0403747558594, + 0.005117055959999561, + 198.76953125, + 99.99609375, + 0.9257035851478577, + 303.5872497558594, + 120.95963287353516, + 0.7776002883911133, + 198.76953125, + 299.1497497558594, + 0.7998966574668884, + 460.8138122558594, + 162.88671875, + 0.8093056678771973, + 335.0325622558594, + 550.7122192382812, + 0.07800506055355072, + 659.9674682617188, + 236.2591094970703, + 0.8382461667060852, + 534.1862182617188, + 435.4127502441406, + 0.9871372580528259, + 439.8502502441406, + 341.0768127441406, + 0.7658983469009399, + 429.3684997558594, + 456.3763122558594, + 0.6819480657577515, + 701.89453125, + 278.1861877441406, + 0.5084327459335327, + 785.7487182617188, + 372.5221252441406, + 0.9309720993041992, + 796.23046875, + 393.4856872558594, + 0.5394552946090698, + 848.6393432617188, + 466.8580627441406, + 0.2420664280653 + ], + "scale": [ + 5.03125, + 6.708333492279053 + ], + "score": 0.7587107409323964 + }, + { + "category_id": 1, + "center": [ + 491.0, + 242.0 + ], + "image_id": 20506049800, + "keypoints": [ + 347.1328125, + 38.6015739440918, + 0.9471710920333862, + 337.2109375, + -1.0859218835830688, + 0.0836884155869484, + 307.4453125, + 18.757827758789062, + 0.892132580280304, + 247.91407775878906, + 28.67970085144043, + 0.0018400639528408647, + 208.22657775878906, + 78.28907012939453, + 0.9189731478691101, + 297.5234375, + 117.97657012939453, + 0.7708079814910889, + 198.30470275878906, + 296.5703125, + 0.7498290538787842, + 476.1171875, + 147.7421875, + 0.8915568590164185, + 327.2890625, + 475.1640625, + 0.02571924403309822, + 694.3984375, + 137.8203125, + 0.8881140947341919, + 565.4140625, + 475.1640625, + 0.5092103481292725, + 446.3515625, + 336.2578125, + 0.749627947807312, + 416.5859375, + 445.3984375, + 0.6144589185714722, + 674.5546875, + 256.8828125, + 0.6139720678329468, + 763.8515625, + 366.0234375, + 0.8581645488739014, + 793.6171875, + 366.0234375, + 0.3820488452911377, + 833.3046875, + 475.1640625, + 0.14933057129383087 + ], + "scale": [ + 4.762499809265137, + 6.349999904632568 + ], + "score": 0.7527744219853327 + }, + { + "category_id": 1, + "center": [ + 485.5, + 239.5 + ], + "image_id": 20506051601, + "keypoints": [ + 366.84765625, + 44.91015625, + 0.9295340776443481, + 357.35546875, + 6.94140625, + 0.09725429117679596, + 328.87890625, + 16.43359375, + 0.8917828798294067, + 290.91015625, + 63.89453125, + 0.001830382039770484, + 224.46484375, + 63.89453125, + 0.9677839279174805, + 300.40234375, + 120.84765625, + 0.7695963978767395, + 224.46484375, + 301.19921875, + 0.8433675765991211, + 490.24609375, + 177.80078125, + 0.8533934354782104, + 509.23046875, + 481.55078125, + 0.8711698055267334, + 689.58203125, + 187.29296875, + 0.8757497668266296, + 746.53515625, + 434.08984375, + 0.9033641219139099, + 452.27734375, + 329.67578125, + 0.796678900718689, + 442.78515625, + 453.07421875, + 0.5515458583831787, + 661.10546875, + 253.73828125, + 0.6350065469741821, + 756.02734375, + 386.62890625, + 0.5859490036964417, + 746.53515625, + 377.13671875, + 0.25705331563949585, + 860.44140625, + 434.08984375, + 0.04350899159908295 + ], + "scale": [ + 4.556250095367432, + 6.075000286102295 + ], + "score": 0.7665696867874691 + }, + { + "category_id": 1, + "center": [ + 505.0, + 242.0 + ], + "image_id": 20506057700, + "keypoints": [ + 347.9166564941406, + 52.41666793823242, + 0.8945462703704834, + 315.4166564941406, + 19.91666603088379, + 0.15566375851631165, + 304.5833435058594, + 30.75, + 0.9184012413024902, + 163.75, + 149.9166717529297, + 0.0018893154338002205, + 196.25, + 84.91666412353516, + 0.9267398118972778, + 272.0833435058594, + 149.9166717529297, + 0.8124786615371704, + 228.75, + 301.5833435058594, + 0.863253116607666, + 380.4166564941406, + 247.4166717529297, + 0.7452777624130249, + 521.25, + 464.0833435058594, + 0.8595809936523438, + 477.9166564941406, + 301.5833435058594, + 0.9569669365882874, + 770.4166870117188, + 377.4166564941406, + 0.8944317102432251, + 434.5833435058594, + 377.4166564941406, + 0.6433498859405518, + 467.0833435058594, + 474.9166564941406, + 0.3387886881828308, + 651.25, + 258.25, + 0.5624263882637024, + 727.0833129882812, + 409.9166564941406, + 0.21585014462471008, + 835.4166870117188, + 344.9166564941406, + 0.07742215692996979, + 900.4166870117188, + 399.0833435058594, + 0.037781305611133575 + ], + "scale": [ + 5.199999809265137, + 6.933333396911621 + ], + "score": 0.7409301239710587 + }, + { + "category_id": 1, + "center": [ + 461.5, + 240.0 + ], + "image_id": 20506062801, + "keypoints": [ + 282.17059326171875, + -0.8137871623039246, + 0.569526731967926, + 271.9231872558594, + -52.05076217651367, + 0.009491394273936749, + 241.18099975585938, + -0.8137871623039246, + 0.4187260866165161, + 230.93360900878906, + 29.92839813232422, + 0.003110182471573353, + 169.44923400878906, + 60.67058563232422, + 0.8911793231964111, + 282.17059326171875, + 91.41277313232422, + 0.7923291325569153, + 189.94403076171875, + 275.8658752441406, + 0.8105250597000122, + 446.12890625, + 132.40234375, + 0.8922162652015686, + 364.1497497558594, + 501.3085632324219, + 0.0725722685456276, + 620.3346557617188, + 91.41277313232422, + 0.9160329103469849, + 630.58203125, + 470.56640625, + 0.7819722890853882, + 446.12890625, + 316.85546875, + 0.7970243692398071, + 456.3763122558594, + 429.5768127441406, + 0.7502232789993286, + 651.0767822265625, + 234.8762969970703, + 0.8103317022323608, + 763.7981567382812, + 378.33984375, + 0.8800588250160217, + 774.0455322265625, + 388.58721923828125, + 0.4007169008255005, + 876.51953125, + 480.81378173828125, + 0.11173787713050842 + ], + "scale": [ + 4.918749809265137, + 6.558332920074463 + ], + "score": 0.7469894519219031 + }, + { + "category_id": 1, + "center": [ + 435.0, + 240.0 + ], + "image_id": 20506071600, + "keypoints": [ + 300.57293701171875, + 12.864599227905273, + 0.927078127861023, + 309.84375, + -14.947898864746094, + 0.007744793780148029, + 254.21876525878906, + 3.593766212463379, + 0.7209035158157349, + 625.0520629882812, + 383.6979064941406, + 0.019660266116261482, + 180.05209350585938, + 68.48959350585938, + 0.9366557002067566, + 263.4895935058594, + 105.57292938232422, + 0.7949954271316528, + 198.59376525878906, + 300.2604064941406, + 0.8110859394073486, + 430.3645935058594, + 124.11459350585938, + 0.8852589130401611, + 402.5520935058594, + 532.03125, + 0.006674681790173054, + 643.59375, + 77.76042938232422, + 0.9551593065261841, + 569.4270629882812, + 448.59375, + 0.9690510034561157, + 439.6354064941406, + 337.34375, + 0.817570686340332, + 448.90625, + 457.86456298828125, + 0.5336610674858093, + 652.8645629882812, + 235.3645782470703, + 0.7986382246017456, + 764.1145629882812, + 355.8854064941406, + 0.8776530623435974, + 801.1978759765625, + 374.42706298828125, + 0.39784109592437744, + 847.5520629882812, + 457.86456298828125, + 0.11518020182847977 + ], + "scale": [ + 4.449999809265137, + 5.933332920074463 + ], + "score": 0.8019655438569876 + }, + { + "category_id": 1, + "center": [ + 481.0, + 243.5 + ], + "image_id": 20506076400, + "keypoints": [ + 386.4947814941406, + 59.46354293823242, + 0.9666935801506042, + 366.5989685058594, + 19.671875, + 0.01618664711713791, + 346.703125, + 29.61979103088379, + 0.9202473163604736, + 555.609375, + 278.3177185058594, + 0.005586228799074888, + 237.2760467529297, + 69.41146087646484, + 0.938690185546875, + 287.015625, + 148.9947967529297, + 0.7592514753341675, + 227.328125, + 308.1614685058594, + 0.829024076461792, + 446.1822814941406, + 218.6302032470703, + 0.8854132890701294, + 426.2864685058594, + 507.1197814941406, + 0.08420652151107788, + 595.4010620117188, + 158.9427032470703, + 0.9119982719421387, + 674.984375, + 477.2760314941406, + 0.756088376045227, + 446.1822814941406, + 338.0052185058594, + 0.6957374811172485, + 456.1302185058594, + 447.4322814941406, + 0.7369261384010315, + 655.0885620117188, + 248.4739532470703, + 0.6470239758491516, + 764.515625, + 347.953125, + 0.911367654800415, + 774.4635620117188, + 357.9010314941406, + 0.46426302194595337, + 824.203125, + 457.3802185058594, + 0.2158942073583603 + ], + "scale": [ + 4.775000095367432, + 6.366666793823242 + ], + "score": 0.7599013607416835 + }, + { + "category_id": 1, + "center": [ + 495.5, + 240.5 + ], + "image_id": 20506077601, + "keypoints": [ + 328.99609375, + 63.90494918823242, + 0.9042454957962036, + 308.8138122558594, + 23.54036521911621, + 0.36769402027130127, + 288.6315002441406, + 43.72265625, + 0.9461982250213623, + 480.36328125, + 144.6341094970703, + 0.0031770269852131605, + 187.7200469970703, + 104.26953125, + 0.9099909067153931, + 288.6315002441406, + 124.45182037353516, + 0.783509373664856, + 228.0846405029297, + 285.91015625, + 0.8156803846359253, + 460.1809997558594, + 134.54296875, + 0.8917649984359741, + 419.81640625, + 497.82421875, + 0.11782319843769073, + 641.8215942382812, + 73.99609375, + 0.8476048707962036, + 662.00390625, + 477.6419372558594, + 0.7745935916900635, + 450.08984375, + 316.18359375, + 0.7770942449569702, + 450.08984375, + 427.1861877441406, + 0.8448762893676758, + 662.00390625, + 225.36328125, + 0.8104166984558105, + 773.0065307617188, + 356.5481872558594, + 0.9345369338989258, + 783.09765625, + 346.45703125, + 0.5515836477279663, + 833.5534057617188, + 467.55078125, + 0.14727354049682617 + ], + "scale": [ + 4.84375, + 6.4583330154418945 + ], + "score": 0.7971278343881879 + }, + { + "category_id": 1, + "center": [ + 489.5, + 241.5 + ], + "image_id": 20506078001, + "keypoints": [ + 402.17578125, + 61.71484375, + 0.8712133169174194, + 432.99609375, + 102.80859375, + 0.004979691468179226, + 371.35546875, + 41.16796875, + 0.8843138217926025, + 617.91796875, + 411.01171875, + 0.004792819730937481, + 289.16796875, + 82.26171875, + 0.9654133915901184, + 299.44140625, + 133.62890625, + 0.8167303204536438, + 217.25390625, + 298.00390625, + 0.8329290151596069, + 474.08984375, + 133.62890625, + 0.9372239112854004, + 330.26171875, + 544.56640625, + 0.050869300961494446, + 648.73828125, + 71.98828125, + 0.9017791748046875, + 546.00390625, + 431.55859375, + 0.9327186346054077, + 443.26953125, + 339.09765625, + 0.7683417201042175, + 443.26953125, + 462.37890625, + 0.6250085830688477, + 648.73828125, + 246.63671875, + 0.8651481866836548, + 772.01953125, + 369.91796875, + 0.8446487784385681, + 772.01953125, + 369.91796875, + 0.4933619797229767, + 823.38671875, + 472.65234375, + 0.21266642212867737 + ], + "scale": [ + 4.931250095367432, + 6.575000286102295 + ], + "score": 0.7822498040539878 + }, + { + "category_id": 1, + "center": [ + 455.0, + 240.5 + ], + "image_id": 20506081201, + "keypoints": [ + 332.2786560058594, + 39.23698043823242, + 0.9516143798828125, + 302.8255310058594, + -19.66927146911621, + 0.012606620788574219, + 293.0078125, + 19.6015625, + 0.917284369468689, + 528.6328125, + 274.8619689941406, + 0.004764869809150696, + 204.6484375, + 98.14322662353516, + 0.9432529211044312, + 283.1900939941406, + 137.4140625, + 0.7873744964599609, + 185.0130157470703, + 314.1328125, + 0.8147783279418945, + 430.4557189941406, + 206.1380157470703, + 0.8916020393371582, + 283.1900939941406, + 530.1223754882812, + 0.013422523625195026, + 597.3567504882812, + 157.0494842529297, + 0.9361135959625244, + 499.1796875, + 471.2161560058594, + 0.9018887877464294, + 440.2734375, + 343.5859375, + 0.7633429765701294, + 440.2734375, + 451.5807189941406, + 0.6024007797241211, + 656.2630004882812, + 235.5911407470703, + 0.8055150508880615, + 774.0755004882812, + 382.8567810058594, + 0.9651600122451782, + 783.8932495117188, + 382.8567810058594, + 0.4212547838687897, + 842.7994995117188, + 471.2161560058594, + 0.22091245651245117 + ], + "scale": [ + 4.712500095367432, + 6.2833333015441895 + ], + "score": 0.7801782126937594 + }, + { + "category_id": 1, + "center": [ + 466.0, + 241.0 + ], + "image_id": 20506117500, + "keypoints": [ + 317.9791564941406, + 41.9375, + 0.9303494691848755, + 297.5625, + -9.104166984558105, + 0.017723338678479195, + 277.1458435058594, + 31.72916603088379, + 0.8631434440612793, + 583.3958129882812, + 409.4375, + 0.009637202136218548, + 195.4791717529297, + 103.1875, + 0.9011763334274292, + 277.1458435058594, + 123.60416412353516, + 0.7871692776679993, + 195.4791717529297, + 317.5625, + 0.8249961137771606, + 450.6875, + 123.60416412353516, + 0.8870533108711243, + 420.0625, + 562.5625, + 0.012666914612054825, + 654.8541870117188, + 62.35416793823242, + 0.923822283744812, + 552.7708129882812, + 440.0625, + 0.9748231172561646, + 440.4791564941406, + 337.9791564941406, + 0.786549985408783, + 450.6875, + 450.2708435058594, + 0.6439428925514221, + 644.6458129882812, + 235.8958282470703, + 0.8292471170425415, + 777.3541870117188, + 389.0208435058594, + 0.943651556968689, + 767.1458129882812, + 368.6041564941406, + 0.472262978553772, + 848.8125, + 460.4791564941406, + 0.341472864151001 + ], + "scale": [ + 4.900000095367432, + 6.533332824707031 + ], + "score": 0.7935471960476467 + }, + { + "category_id": 1, + "center": [ + 477.5, + 240.5 + ], + "image_id": 20506124001, + "keypoints": [ + 315.43621826171875, + 67.98047637939453, + 0.9173862934112549, + 273.61328125, + 26.15756607055664, + 0.11164289712905884, + 273.61328125, + 57.524749755859375, + 0.9550533294677734, + 597.7409057617188, + 350.28515625, + 0.005270347930490971, + 179.51173400878906, + 130.71484375, + 0.9405112266540527, + 284.06903076171875, + 141.1705780029297, + 0.8146706819534302, + 200.42318725585938, + 318.91796875, + 0.8218744993209839, + 451.3606872558594, + 162.08203125, + 0.8495316505432129, + 315.43621826171875, + 538.48828125, + 0.04239504039287567, + 629.1080932617188, + 235.2721405029297, + 0.9161815643310547, + 503.6393127441406, + 444.38671875, + 0.984693169593811, + 440.9049377441406, + 339.82940673828125, + 0.7098500728607178, + 440.9049377441406, + 454.8424377441406, + 0.6865600347518921, + 681.38671875, + 266.6393127441406, + 0.5133258700370789, + 775.48828125, + 371.19659423828125, + 0.9147995710372925, + 775.48828125, + 381.65234375, + 0.5396600365638733, + 848.6783447265625, + 475.75390625, + 0.2606358230113983 + ], + "scale": [ + 5.018749713897705, + 6.691666603088379 + ], + "score": 0.7731952731098447 + }, + { + "category_id": 1, + "center": [ + 474.0, + 239.5 + ], + "image_id": 20506124700, + "keypoints": [ + 342.1640625, + 54.9296875, + 0.936126708984375, + 679.6640625, + 392.4296875, + 0.00777488062158227, + 299.9765625, + 44.3828125, + 0.9128494262695312, + 605.8359375, + 402.9765625, + 0.004343089647591114, + 226.1484375, + 118.2109375, + 0.9213224649429321, + 289.4296875, + 139.3046875, + 0.8165121078491211, + 194.5078125, + 329.1484375, + 0.8270502090454102, + 437.0859375, + 128.7578125, + 0.9276674389839172, + 289.4296875, + 550.6328125, + 0.011571500450372696, + 616.3828125, + 76.0234375, + 0.9209362268447876, + 510.9140625, + 455.7109375, + 0.9651577472686768, + 447.6328125, + 339.6953125, + 0.7784581184387207, + 458.1796875, + 455.7109375, + 0.744931697845459, + 658.5703125, + 234.2265625, + 0.8497054576873779, + 774.5859375, + 381.8828125, + 0.8945496678352356, + 774.5859375, + 381.8828125, + 0.48012030124664307, + 837.8671875, + 476.8046875, + 0.26527920365333557 + ], + "scale": [ + 5.0625, + 6.75 + ], + "score": 0.8029047697782516 + }, + { + "category_id": 1, + "center": [ + 481.0, + 241.0 + ], + "image_id": 20506127200, + "keypoints": [ + 322.875, + 54.125, + 0.8458245396614075, + 773.2916870117188, + 360.7916564941406, + 0.0029708617366850376, + 303.7083435058594, + 25.375, + 0.9025775194168091, + 562.4583129882812, + 360.7916564941406, + 0.005556855816394091, + 246.2083282470703, + 63.70833206176758, + 0.9623109102249146, + 255.7916717529297, + 140.375, + 0.822634220123291, + 198.2916717529297, + 312.875, + 0.8456650972366333, + 399.5416564941406, + 255.375, + 0.8306721448898315, + 437.875, + 284.125, + 0.0045531755313277245, + 562.4583129882812, + 264.9583435058594, + 0.937514066696167, + 504.9583435058594, + 475.7916564941406, + 0.8836524486541748, + 447.4583435058594, + 360.7916564941406, + 0.7891261577606201, + 447.4583435058594, + 466.2083435058594, + 0.5230674147605896, + 677.4583129882812, + 274.5416564941406, + 0.7778198719024658, + 773.2916870117188, + 379.9583435058594, + 0.903072714805603, + 792.4583129882812, + 389.5416564941406, + 0.41155877709388733, + 869.125, + 466.2083435058594, + 0.2760694622993469 + ], + "scale": [ + 4.599999904632568, + 6.133333206176758 + ], + "score": 0.7651118103946958 + }, + { + "category_id": 1, + "center": [ + 490.0, + 241.5 + ], + "image_id": 20506127500, + "keypoints": [ + 332.1614685058594, + 40.11979293823242, + 0.9054557085037231, + 310.390625, + 72.77603912353516, + 0.00523248128592968, + 299.5052185058594, + 18.34895896911621, + 0.9098986387252808, + 582.5260620117188, + 388.453125, + 0.0034445396158844233, + 212.421875, + 72.77603912353516, + 0.9264513254165649, + 266.8489685058594, + 148.9739532470703, + 0.8224754333496094, + 190.6510467529297, + 312.2552185058594, + 0.8588252067565918, + 397.4739685058594, + 257.828125, + 0.8541253805160522, + 310.390625, + 508.1927185058594, + 0.009316423907876015, + 571.640625, + 257.828125, + 0.9040961265563965, + 506.328125, + 475.5364685058594, + 0.9311729669570923, + 441.015625, + 366.6822814941406, + 0.8076661825180054, + 430.1302185058594, + 475.5364685058594, + 0.5713061094284058, + 680.4948120117188, + 268.7135314941406, + 0.5978877544403076, + 789.3489379882812, + 377.5677185058594, + 0.8349791765213013, + 811.1198120117188, + 399.3385314941406, + 0.41318565607070923, + 854.6614379882812, + 464.6510314941406, + 0.1505635529756546 + ], + "scale": [ + 5.224999904632568, + 6.9666666984558105 + ], + "score": 0.7951942819815415 + }, + { + "category_id": 1, + "center": [ + 480.5, + 240.5 + ], + "image_id": 20506128100, + "keypoints": [ + 364.4518127441406, + 59.4648323059082, + 0.9632136821746826, + 355.16796875, + 13.045557022094727, + 0.03308375924825668, + 327.31640625, + 40.89712142944336, + 0.9261406660079956, + 197.34242248535156, + 22.32941246032715, + 0.0012676017358899117, + 215.91014099121094, + 96.60025024414062, + 0.9404985904693604, + 290.18096923828125, + 133.7356719970703, + 0.7353922128677368, + 206.62628173828125, + 310.12890625, + 0.7840613126754761, + 485.1419372558594, + 152.30337524414062, + 0.897641658782959, + 336.6002502441406, + 532.94140625, + 0.008986329659819603, + 661.53515625, + 87.31639862060547, + 0.9367492198944092, + 494.42578125, + 458.67059326171875, + 0.9503370523452759, + 438.72265625, + 337.98046875, + 0.713886022567749, + 438.72265625, + 449.38671875, + 0.6488535404205322, + 652.2513427734375, + 254.42578125, + 0.6661884188652039, + 772.94140625, + 384.3997497558594, + 0.9903844594955444, + 763.6575927734375, + 384.3997497558594, + 0.482197105884552, + 856.49609375, + 458.67059326171875, + 0.2737782597541809 + ], + "scale": [ + 4.456250190734863, + 5.941667079925537 + ], + "score": 0.779237300157547 + }, + { + "category_id": 1, + "center": [ + 501.5, + 241.0 + ], + "image_id": 20506128400, + "keypoints": [ + 346.70184326171875, + 46.2539176940918, + 0.9308394193649292, + 326.7278747558594, + 6.306004524230957, + 0.10363508015871048, + 306.75390625, + 26.27996063232422, + 0.9126765727996826, + 296.7669372558594, + -23.654930114746094, + 0.001999031286686659, + 196.89715576171875, + 86.20183563232422, + 0.9205642938613892, + 296.7669372558594, + 126.14974975585938, + 0.7929432988166809, + 206.88414001464844, + 305.9153747558594, + 0.8123910427093506, + 476.5325622558594, + 176.0846405029297, + 0.8699436187744141, + 336.71484375, + 545.6028442382812, + 0.011918993666768074, + 686.2590942382812, + 176.0846405029297, + 0.8865020275115967, + 486.51953125, + 455.72003173828125, + 0.9822177290916443, + 436.5846252441406, + 335.87628173828125, + 0.7780838012695312, + 426.59765625, + 455.72003173828125, + 0.6119810342788696, + 666.28515625, + 245.9934844970703, + 0.8418047428131104, + 776.1419067382812, + 365.83721923828125, + 0.8879598379135132, + 786.12890625, + 375.82421875, + 0.46596115827560425, + 836.0637817382812, + 465.70703125, + 0.2563888430595398 + ], + "scale": [ + 4.793749809265137, + 6.391666412353516 + ], + "score": 0.7821612443242755 + }, + { + "category_id": 1, + "center": [ + 475.0, + 241.5 + ], + "image_id": 20506105400, + "keypoints": [ + 348.37237548828125, + 43.9609260559082, + 0.9179363250732422, + 328.1119689941406, + 3.440089225769043, + 0.0569431334733963, + 307.8515625, + 23.70050811767578, + 0.9005164504051208, + 591.4973754882812, + 398.51824951171875, + 0.004683446604758501, + 206.54946899414062, + 94.61196899414062, + 0.9254721403121948, + 287.59112548828125, + 135.1328125, + 0.7847099304199219, + 226.80987548828125, + 307.3463439941406, + 0.8112921118736267, + 399.0234375, + 256.6953125, + 0.8625681400299072, + 439.5442810058594, + 509.9505310058594, + 0.2852480709552765, + 520.5859375, + 317.4765625, + 0.9053287506103516, + 713.0599365234375, + 459.29949951171875, + 0.8268827199935913, + 439.5442810058594, + 347.8671875, + 0.7003146409988403, + 439.5442810058594, + 449.1692810058594, + 0.6354378461837769, + 652.2786865234375, + 256.6953125, + 0.7165101766586304, + 753.5807495117188, + 357.9974060058594, + 0.8807392120361328, + 783.9713745117188, + 357.9974060058594, + 0.48807740211486816, + 854.8828125, + 428.90887451171875, + 0.08450320363044739 + ], + "scale": [ + 4.862500190734863, + 6.483333110809326 + ], + "score": 0.7600738512618201 + }, + { + "category_id": 1, + "center": [ + 470.0, + 240.5 + ], + "image_id": 20506157900, + "keypoints": [ + 364.453125, + 64.58855438232422, + 0.9062482118606567, + 354.40106201171875, + 4.27605676651001, + 0.12290933728218079, + 324.24481201171875, + 44.4843864440918, + 0.9261559247970581, + 253.88021850585938, + 64.58855438232422, + 0.0022320342250168324, + 203.61981201171875, + 94.74480438232422, + 0.9625452756881714, + 284.0364685058594, + 145.00521850585938, + 0.7717204093933105, + 203.61981201171875, + 295.7864685058594, + 0.8810070753097534, + 434.8177185058594, + 245.5260467529297, + 0.829285740852356, + 495.1302185058594, + 436.515625, + 0.767084538936615, + 585.5989379882812, + 245.5260467529297, + 0.8536362648010254, + 756.484375, + 416.41143798828125, + 0.9456375241279602, + 434.8177185058594, + 376.203125, + 0.6579506993293762, + 414.7135314941406, + 476.72393798828125, + 0.30836305022239685, + 706.2239379882812, + 295.7864685058594, + 0.3246309757232666, + 756.484375, + 356.09893798828125, + 0.5185930728912354, + 776.5885009765625, + 346.046875, + 0.16947808861732483, + 826.8489379882812, + 366.1510314941406, + 0.05194960907101631 + ], + "scale": [ + 4.824999809265137, + 6.433333396911621 + ], + "score": 0.7425275972256293 + }, + { + "category_id": 1, + "center": [ + 471.0, + 241.5 + ], + "image_id": 20506158801, + "keypoints": [ + 346.0, + 36.5000114440918, + 0.889731764793396, + 326.0, + -3.4999845027923584, + 0.03189151734113693, + 306.0, + 16.500015258789062, + 0.8844586610794067, + 636.0, + 406.5, + 0.0029853940941393375, + 216.00001525878906, + 56.5000114440918, + 0.9591176509857178, + 286.0, + 126.50000762939453, + 0.7831519842147827, + 206.00001525878906, + 296.5, + 0.8287358283996582, + 426.0, + 246.5, + 0.857873260974884, + 406.0, + 506.4999694824219, + 0.39018476009368896, + 606.0, + 296.5, + 0.8867059350013733, + 666.0, + 466.5, + 0.6360409259796143, + 446.0, + 366.5, + 0.7972893118858337, + 426.0, + 466.5, + 0.5446475744247437, + 706.0, + 306.5, + 0.45324766635894775, + 766.0, + 366.5, + 0.9019904136657715, + 786.0, + 376.5, + 0.3966637849807739, + 866.0, + 446.5, + 0.09005411714315414 + ], + "scale": [ + 4.799999713897705, + 6.399999618530273 + ], + "score": 0.7292742516313281 + }, + { + "category_id": 1, + "center": [ + 484.5, + 242.5 + ], + "image_id": 20506160401, + "keypoints": [ + 304.24609375, + 7.623697757720947, + 0.8934983015060425, + 293.3216247558594, + -14.225260734558105, + 0.01854860596358776, + 260.5481872558594, + 7.623697757720947, + 0.8653000593185425, + 468.11328125, + 149.6419219970703, + 0.008418344892561436, + 184.0768280029297, + 84.09505462646484, + 0.9578298330307007, + 260.5481872558594, + 105.94400787353516, + 0.8361847400665283, + 195.0012969970703, + 302.5846252441406, + 0.8424239754676819, + 413.4908752441406, + 127.79296875, + 0.8817148804664612, + 326.0950622558594, + 521.07421875, + 0.038432419300079346, + 555.5090942382812, + 127.79296875, + 0.9280421733856201, + 522.7356567382812, + 455.52734375, + 0.9946863651275635, + 435.33984375, + 335.3580627441406, + 0.7766560316085815, + 435.33984375, + 455.52734375, + 0.7040766477584839, + 653.8294067382812, + 237.0377655029297, + 0.7412271499633789, + 773.9987182617188, + 379.0559997558594, + 0.9271351099014282, + 773.9987182617188, + 368.1315002441406, + 0.49204978346824646, + 872.3190307617188, + 466.4518127441406, + 0.19793646037578583 + ], + "scale": [ + 5.243750095367432, + 6.991666793823242 + ], + "score": 0.83390961931302 + }, + { + "category_id": 1, + "center": [ + 485.5, + 237.0 + ], + "image_id": 20506164800, + "keypoints": [ + 300.91015625, + 14.545587539672852, + 0.8511734008789062, + 281.9778747558594, + -32.78513717651367, + 0.009044312871992588, + 272.51171875, + -4.386702537536621, + 0.7456442713737488, + 480.7669372558594, + 156.5377655029297, + 0.0026456317864358425, + 177.85028076171875, + 61.876312255859375, + 0.9370027780532837, + 263.04559326171875, + 99.74089813232422, + 0.8061315417289734, + 225.18099975585938, + 298.5299377441406, + 0.8197147846221924, + 405.03778076171875, + 109.20703887939453, + 0.9224456548690796, + 490.2330627441406, + 431.05596923828125, + 0.8426063060760498, + 556.49609375, + 137.60546875, + 0.9193801879882812, + 745.8189697265625, + 421.58984375, + 0.9520207643508911, + 414.50390625, + 298.5299377441406, + 0.6753247976303101, + 433.4361877441406, + 421.58984375, + 0.5365688800811768, + 651.1575317382812, + 232.2669219970703, + 0.6513965129852295, + 745.8189697265625, + 355.3268127441406, + 0.6026185750961304, + 764.7512817382812, + 336.39453125, + 0.2537519037723541, + 859.4127197265625, + 421.58984375, + 0.061329226940870285 + ], + "scale": [ + 4.543749809265137, + 6.058333396911621 + ], + "score": 0.7511271685361862 + }, + { + "category_id": 1, + "center": [ + 462.0, + 240.5 + ], + "image_id": 20506168300, + "keypoints": [ + 311.84375, + 41.90625, + 0.9447103142738342, + 302.15625, + 3.15625, + 0.11214904487133026, + 273.09375, + 22.53125, + 0.905264139175415, + 573.40625, + 274.40625, + 0.00478558661416173, + 176.21875, + 61.28125, + 0.9294633865356445, + 263.40625, + 100.03125, + 0.8290120959281921, + 195.59375, + 293.78125, + 0.812157928943634, + 399.03125, + 109.71875, + 0.9966249465942383, + 418.40625, + 487.53125, + 0.6019934415817261, + 554.03125, + 138.78125, + 0.9408829212188721, + 679.96875, + 448.78125, + 0.8831453323364258, + 428.09375, + 313.15625, + 0.7085592746734619, + 437.78125, + 429.40625, + 0.6995435953140259, + 660.59375, + 255.03125, + 0.7498737573623657, + 757.46875, + 371.28125, + 0.8575502038002014, + 796.21875, + 361.59375, + 0.3715956211090088, + 907.625, + 492.375, + 0.15952184796333313 + ], + "scale": [ + 4.650000095367432, + 6.199999809265137 + ], + "score": 0.802169782774789 + }, + { + "category_id": 1, + "center": [ + 485.5, + 241.0 + ], + "image_id": 20506168801, + "keypoints": [ + 328.2799377441406, + 43.20703125, + 0.8764081001281738, + 328.2799377441406, + -7.509114742279053, + 0.020672954618930817, + 287.70703125, + 22.92057228088379, + 0.8762469291687012, + 490.5716247558594, + 114.20963287353516, + 0.0025077033787965775, + 196.41796875, + 63.49348831176758, + 0.9147320985794067, + 267.4205627441406, + 114.20963287353516, + 0.8031995892524719, + 206.5612030029297, + 296.7877502441406, + 0.8140515685081482, + 409.42578125, + 104.06640625, + 0.9176284670829773, + 368.8528747558594, + 519.9387817382812, + 0.20518119633197784, + 551.4309692382812, + 114.20963287353516, + 0.910930871963501, + 622.43359375, + 448.9361877441406, + 0.9301996827125549, + 429.7122497558594, + 317.07421875, + 0.698283314704895, + 439.85546875, + 428.6497497558594, + 0.6832771301269531, + 642.7200317382812, + 215.6419219970703, + 0.7100006341934204, + 774.58203125, + 377.93359375, + 0.8757281303405762, + 774.58203125, + 377.93359375, + 0.3834717273712158, + 886.1575317382812, + 489.5091247558594, + 0.19607263803482056 + ], + "scale": [ + 4.868750095367432, + 6.491666316986084 + ], + "score": 0.7570956743189267 + }, + { + "category_id": 1, + "center": [ + 471.5, + 240.0 + ], + "image_id": 20506177601, + "keypoints": [ + 321.75390625, + 90.25391387939453, + 0.878296971321106, + 312.67840576171875, + 44.87631607055664, + 0.9331246614456177, + 267.30078125, + 81.17839813232422, + 0.9503688812255859, + 312.67840576171875, + 17.649755477905273, + 0.01804760843515396, + 185.62110900878906, + 117.48047637939453, + 0.9218499660491943, + 330.8294372558594, + 126.55599975585938, + 0.7598809003829956, + 230.99871826171875, + 308.06640625, + 0.7814443111419678, + 466.9622497558594, + 208.2356719970703, + 0.8731186389923096, + 439.7356872558594, + 498.6523132324219, + 0.15813563764095306, + 621.24609375, + 289.9153747558594, + 0.894768476486206, + 675.69921875, + 444.19921875, + 0.837689995765686, + 448.8111877441406, + 353.4440002441406, + 0.7406198978424072, + 430.66015625, + 453.27471923828125, + 0.5418838262557983, + 675.69921875, + 280.83984375, + 0.5023921132087708, + 766.4544067382812, + 380.6705627441406, + 0.6242480874061584, + 802.7564697265625, + 371.59503173828125, + 0.24465155601501465, + 888.9739379882812, + 457.8125, + 0.06903494894504547 + ], + "scale": [ + 4.356249809265137, + 5.808333396911621 + ], + "score": 0.7488813059670585 + }, + { + "category_id": 1, + "center": [ + 462.5, + 239.5 + ], + "image_id": 20506179201, + "keypoints": [ + 363.91278076171875, + 68.26953887939453, + 0.8750497698783875, + 312.0247497558594, + 6.003920555114746, + 0.005147906020283699, + 332.77996826171875, + 57.891937255859375, + 0.9238752126693726, + 239.38153076171875, + 57.891937255859375, + 0.0030643607024103403, + 239.38153076171875, + 120.15756225585938, + 0.9395191073417664, + 291.26953125, + 151.29037475585938, + 0.8015356063842773, + 187.49349975585938, + 338.08721923828125, + 0.8378218412399292, + 446.93359375, + 151.29037475585938, + 0.8938940167427063, + 312.0247497558594, + 556.0169067382812, + 0.009739391505718231, + 623.3528442382812, + 89.02474975585938, + 0.9300967454910278, + 550.7096557617188, + 462.61846923828125, + 0.9453701376914978, + 436.5559997558594, + 348.46484375, + 0.8321152925491333, + 436.5559997558594, + 462.61846923828125, + 0.6232298612594604, + 644.1080322265625, + 234.3112030029297, + 0.831358790397644, + 768.6392822265625, + 389.9752502441406, + 0.9224830865859985, + 758.26171875, + 389.9752502441406, + 0.43948447704315186, + 851.66015625, + 472.99609375, + 0.19512344896793365 + ], + "scale": [ + 4.981249809265137, + 6.641666889190674 + ], + "score": 0.8304487650211041 + }, + { + "category_id": 1, + "center": [ + 457.0, + 242.0 + ], + "image_id": 20506180001, + "keypoints": [ + 356.1015625, + 45.0078010559082, + 0.9589680433273315, + 336.8828125, + 93.05467987060547, + 0.0042870184406638145, + 327.2734375, + 35.39842224121094, + 0.9164655804634094, + 279.2265625, + 64.22654724121094, + 0.005006152205169201, + 240.78904724121094, + 93.05467987060547, + 0.9645773768424988, + 279.2265625, + 141.1015625, + 0.7738997936248779, + 192.74217224121094, + 323.6796875, + 0.7940768003463745, + 442.5859375, + 160.3203125, + 0.8611289262771606, + 404.1484375, + 506.2578430175781, + 0.0892745852470398, + 625.1640625, + 93.05467987060547, + 0.9118986129760742, + 605.9453125, + 419.7734375, + 0.9619519710540771, + 432.9765625, + 342.8984375, + 0.7580089569091797, + 452.1953125, + 458.2109375, + 0.5808707475662231, + 625.1640625, + 237.1953125, + 0.7453370690345764, + 769.3046875, + 400.5546875, + 0.8261174559593201, + 759.6953125, + 390.9453125, + 0.4457545578479767, + 836.5703125, + 438.9921875, + 0.14717592298984528 + ], + "scale": [ + 4.612500190734863, + 6.150000095367432 + ], + "score": 0.8076196840176215 + }, + { + "category_id": 1, + "center": [ + 475.0, + 241.5 + ], + "image_id": 20506183601, + "keypoints": [ + 328.48956298828125, + 44.4687385559082, + 0.9484780430793762, + 318.3854064941406, + -26.260433197021484, + 0.007454391568899155, + 298.17706298828125, + 24.26040267944336, + 0.9032042026519775, + 257.7604064941406, + 54.572906494140625, + 0.0035528535954654217, + 207.23956298828125, + 74.78124237060547, + 0.9478196501731873, + 288.0729064941406, + 125.30207824707031, + 0.7955300807952881, + 197.13540649414062, + 317.28125, + 0.8435486555099487, + 459.84375, + 175.82290649414062, + 0.8565328121185303, + 399.21875, + 519.3646240234375, + 0.15784452855587006, + 631.6145629882812, + 94.98957061767578, + 0.8871982097625732, + 611.40625, + 438.53125, + 0.9756738543510437, + 439.6354064941406, + 347.59375, + 0.7498048543930054, + 439.6354064941406, + 458.7395935058594, + 0.598873496055603, + 641.71875, + 236.4479217529297, + 0.8503121137619019, + 762.96875, + 398.1145935058594, + 0.7155712842941284, + 762.96875, + 388.01043701171875, + 0.3973420262336731, + 864.0104370117188, + 448.63543701171875, + 0.12437655031681061 + ], + "scale": [ + 4.850000381469727, + 6.466666221618652 + ], + "score": 0.8053760987061721 + }, + { + "category_id": 1, + "center": [ + 472.0, + 240.5 + ], + "image_id": 20506184800, + "keypoints": [ + 321.8828125, + 34.78385543823242, + 0.9585335850715637, + 344.1224060058594, + 68.14322662353516, + 0.005940115544945002, + 288.5234375, + 23.6640625, + 0.9109705686569214, + 455.3203125, + 57.0234375, + 0.0030533780809491873, + 210.6848907470703, + 79.26302337646484, + 0.9564337730407715, + 277.4036560058594, + 123.7421875, + 0.8663222789764404, + 177.3255157470703, + 290.5390625, + 0.8672798871994019, + 444.2005310058594, + 157.1015625, + 0.8854390978813171, + 366.3619689941406, + 512.9348754882812, + 0.30776292085647583, + 633.2369995117188, + 90.3828125, + 0.9285498857498169, + 610.9973754882812, + 435.0963439941406, + 0.9854873418807983, + 455.3203125, + 335.0182189941406, + 0.8139894008636475, + 433.0807189941406, + 457.3359375, + 0.664878785610199, + 655.4765625, + 268.2994689941406, + 0.6690385937690735, + 766.6744995117188, + 390.6171875, + 0.7438300848007202, + 766.6744995117188, + 379.4974060058594, + 0.3616172671318054, + 877.8723754882812, + 490.6953125, + 0.11709858477115631 + ], + "scale": [ + 5.337500095367432, + 7.116666316986084 + ], + "score": 0.7800095336777824 + }, + { + "category_id": 1, + "center": [ + 470.5, + 241.0 + ], + "image_id": 20506109100, + "keypoints": [ + 396.37890625, + 58.16796875, + 0.970301628112793, + 762.04296875, + 374.41796875, + 0.00589094590395689, + 366.73046875, + 38.40234375, + 0.9383629560470581, + 544.62109375, + 275.58984375, + 0.009909995831549168, + 277.78515625, + 77.93359375, + 0.9568613767623901, + 287.66796875, + 137.23046875, + 0.8307555913925171, + 238.25390625, + 295.35546875, + 0.8223537802696228, + 426.02734375, + 226.17578125, + 0.8727104067802429, + 495.20703125, + 483.12890625, + 0.6281877160072327, + 584.15234375, + 206.41015625, + 0.8961331844329834, + 742.27734375, + 443.59765625, + 0.9285983443260193, + 445.79296875, + 334.88671875, + 0.7602483034133911, + 445.79296875, + 433.71484375, + 0.5953197479248047, + 663.21484375, + 245.94140625, + 0.7021753191947937, + 742.27734375, + 364.53515625, + 0.7539158463478088, + 771.92578125, + 364.53515625, + 0.3736470937728882, + 850.98828125, + 433.71484375, + 0.09395278990268707 + ], + "scale": [ + 4.743750095367432, + 6.324999809265137 + ], + "score": 0.787826521056039 + }, + { + "category_id": 1, + "center": [ + 476.0, + 239.5 + ], + "image_id": 20506217300, + "keypoints": [ + 326.46875, + 48.7187614440918, + 0.9253528118133545, + 295.53125, + -2.8437349796295166, + 0.03760634362697601, + 285.21875, + 38.4062614440918, + 0.928200364112854, + 594.59375, + 399.34375, + 0.004251560661941767, + 192.40626525878906, + 110.59375762939453, + 0.938196063041687, + 285.21875, + 151.84375, + 0.8243523836135864, + 192.40626525878906, + 306.53125, + 0.8459026217460632, + 388.34375, + 275.59375, + 0.8335403203964233, + 326.46875, + 543.71875, + 0.0202872883528471, + 532.71875, + 275.59375, + 0.9093666076660156, + 491.46875, + 461.21875, + 0.9391385912895203, + 429.59375, + 368.40625, + 0.7404756546020508, + 419.28125, + 471.53125, + 0.5763618350028992, + 677.09375, + 275.59375, + 0.6754680871963501, + 780.21875, + 378.71875, + 0.9108004570007324, + 790.53125, + 399.34375, + 0.4942994713783264, + 852.40625, + 481.84375, + 0.21687358617782593 + ], + "scale": [ + 4.949999809265137, + 6.600000381469727 + ], + "score": 0.7684520610741207 + }, + { + "category_id": 1, + "center": [ + 478.0, + 241.0 + ], + "image_id": 20506218800, + "keypoints": [ + 321.7890625, + 44.4765739440918, + 0.9191379547119141, + 301.6328125, + 4.164077281951904, + 0.04780597612261772, + 281.4765625, + 34.3984489440918, + 0.936858057975769, + 563.6640625, + 387.1328125, + 0.005181588232517242, + 200.85157775878906, + 104.94532012939453, + 0.918059229850769, + 281.4765625, + 145.2578125, + 0.8020024299621582, + 190.77345275878906, + 306.5078125, + 0.8266021609306335, + 382.2578125, + 276.2734375, + 0.8004742860794067, + 331.8671875, + 538.3046875, + 0.01666450686752796, + 523.3515625, + 276.2734375, + 0.8870552778244019, + 493.1171875, + 467.7578125, + 0.9188445806503296, + 432.6484375, + 366.9765625, + 0.7421934008598328, + 422.5703125, + 467.7578125, + 0.5774886608123779, + 674.5234375, + 276.2734375, + 0.6695567965507507, + 775.3046875, + 387.1328125, + 0.9255067110061646, + 785.3828125, + 397.2109375, + 0.5078953504562378, + 855.9296875, + 477.8359375, + 0.18867214024066925 + ], + "scale": [ + 4.837499618530273, + 6.449999809265137 + ], + "score": 0.8024365305900574 + }, + { + "category_id": 1, + "center": [ + 474.0, + 242.0 + ], + "image_id": 20506224401, + "keypoints": [ + 333.0234375, + 59.252593994140625, + 0.8953296542167664, + 312.13800048828125, + 27.92446517944336, + 0.15849214792251587, + 291.2525939941406, + 48.80988311767578, + 0.922371506690979, + 604.5338745117188, + 414.3046875, + 0.003272675909101963, + 186.82550048828125, + 111.46614074707031, + 0.9160854816436768, + 291.2525939941406, + 132.3515625, + 0.80757075548172, + 197.26821899414062, + 299.4349060058594, + 0.8304458856582642, + 458.3359375, + 153.23696899414062, + 0.8786894083023071, + 322.5807189941406, + 518.7318115234375, + 0.06410069763660431, + 677.6328125, + 153.23696899414062, + 0.8893225193023682, + 520.9921875, + 424.7474060058594, + 0.9502775073051453, + 447.8932189941406, + 341.20574951171875, + 0.7616360187530518, + 447.8932189941406, + 456.0755310058594, + 0.6966787576675415, + 677.6328125, + 226.3359375, + 0.7033172845840454, + 771.6171875, + 382.9765625, + 0.8904520273208618, + 782.0599365234375, + 372.53387451171875, + 0.4138713479042053, + 834.2734375, + 476.9609375, + 0.19983501732349396 + ], + "scale": [ + 5.012500286102295, + 6.683333396911621 + ], + "score": 0.812003704217764 + }, + { + "category_id": 1, + "center": [ + 474.5, + 239.5 + ], + "image_id": 20506225600, + "keypoints": [ + 328.1783752441406, + 42.72265625, + 0.9333896636962891, + 671.27734375, + 385.8216247558594, + 0.005368800368160009, + 297.9049377441406, + 22.54036521911621, + 0.8738144040107727, + 600.6393432617188, + 406.00390625, + 0.003179277526214719, + 227.2669219970703, + 93.17838287353516, + 0.9300435781478882, + 287.8138122558594, + 133.54296875, + 0.8018548488616943, + 186.90234375, + 325.2747497558594, + 0.8410027623176575, + 449.2721252441406, + 133.54296875, + 0.8923916816711426, + 328.1783752441406, + 547.2799682617188, + 0.02001846209168434, + 630.9127807617188, + 62.90494918823242, + 0.933814525604248, + 519.91015625, + 436.27734375, + 1.00119948387146, + 449.2721252441406, + 345.45703125, + 0.7783036828041077, + 449.2721252441406, + 466.55078125, + 0.6409207582473755, + 651.0950317382812, + 244.5455780029297, + 0.8098610639572144, + 782.2799682617188, + 385.8216247558594, + 0.941067099571228, + 782.2799682617188, + 365.6393127441406, + 0.45573240518569946, + 822.64453125, + 466.55078125, + 0.22136190533638 + ], + "scale": [ + 4.84375, + 6.4583330154418945 + ], + "score": 0.7896255616630826 + }, + { + "category_id": 1, + "center": [ + 466.5, + 240.5 + ], + "image_id": 20506228400, + "keypoints": [ + 316.0247497558594, + 48.51433563232422, + 0.8791142106056213, + 305.64715576171875, + 79.64714813232422, + 0.004488479346036911, + 284.8919372558594, + 27.75912857055664, + 0.8899203538894653, + 585.8424682617188, + 401.35284423828125, + 0.019877037033438683, + 212.24871826171875, + 79.64714813232422, + 0.9620622396469116, + 264.13671875, + 141.9127655029297, + 0.8434648513793945, + 191.49349975585938, + 318.33203125, + 0.8486765623092651, + 409.4231872558594, + 245.6887969970703, + 0.9097287654876709, + 347.1575622558594, + 484.3736877441406, + 0.015139538794755936, + 565.0872192382812, + 214.5559844970703, + 0.9417537450790405, + 523.5768432617188, + 442.86328125, + 0.9372210502624512, + 440.5559997558594, + 359.8424377441406, + 0.7856091260910034, + 450.93359375, + 463.61846923828125, + 0.5802582502365112, + 668.86328125, + 256.06640625, + 0.6795903444290161, + 783.0169067382812, + 380.59765625, + 0.9121670722961426, + 783.0169067382812, + 370.22003173828125, + 0.4147701859474182, + 824.52734375, + 473.99609375, + 0.2218111902475357 + ], + "scale": [ + 4.981249809265137, + 6.641666889190674 + ], + "score": 0.7718677105648177 + }, + { + "category_id": 1, + "center": [ + 481.0, + 240.5 + ], + "image_id": 20506229201, + "keypoints": [ + 344.9453125, + 54.0546989440918, + 0.944598913192749, + 314.7109375, + 13.742201805114746, + 0.024250738322734833, + 304.6328125, + 33.8984489440918, + 0.9486222267150879, + 596.8984375, + 396.7109375, + 0.00599770387634635, + 203.85157775878906, + 94.36719512939453, + 0.9518992304801941, + 284.4765625, + 154.8359375, + 0.7948092222213745, + 193.77345275878906, + 316.0859375, + 0.8401429653167725, + 405.4140625, + 235.4609375, + 0.9131608009338379, + 304.6328125, + 537.8046875, + 0.013952822424471378, + 566.6640625, + 205.2265625, + 0.9104255437850952, + 516.2734375, + 447.1015625, + 0.9713519215583801, + 455.8046875, + 356.3984375, + 0.8086996078491211, + 445.7265625, + 467.2578125, + 0.6062213182449341, + 677.5234375, + 265.6953125, + 0.7374467849731445, + 778.3046875, + 386.6328125, + 0.9199502468109131, + 798.4609375, + 386.6328125, + 0.42249399423599243, + 828.6953125, + 467.2578125, + 0.2643047869205475 + ], + "scale": [ + 4.837499618530273, + 6.449999809265137 + ], + "score": 0.7881519688027245 + }, + { + "category_id": 1, + "center": [ + 479.0, + 240.0 + ], + "image_id": 20506229601, + "keypoints": [ + 371.1875, + 75.9375, + 0.9142346382141113, + 343.0625, + 29.0625, + 0.5787085294723511, + 314.9375, + 57.1875, + 0.944999098777771, + 624.3125, + 404.0625, + 0.005852628964930773, + 211.8125, + 113.4375, + 0.8999438285827637, + 324.3125, + 141.5625, + 0.7210789918899536, + 202.4375, + 310.3125, + 0.7789106369018555, + 455.5625, + 216.5625, + 0.8447227478027344, + 314.9375, + 525.9375, + 0.014826105907559395, + 614.9375, + 291.5625, + 0.8579819202423096, + 511.8125, + 432.1875, + 1.0183924436569214, + 446.1875, + 366.5625, + 0.7096577882766724, + 427.4375, + 469.6875, + 0.4316660761833191, + 689.9375, + 310.3125, + 0.5153684616088867, + 774.3125, + 375.9375, + 0.8439351916313171, + 793.0625, + 385.3125, + 0.5392581224441528, + 802.4375, + 441.5625, + 0.3212267756462097 + ], + "scale": [ + 4.5, + 6.0 + ], + "score": 0.7280056834220886 + }, + { + "category_id": 1, + "center": [ + 456.5, + 240.5 + ], + "image_id": 20506229900, + "keypoints": [ + 355.19140625, + 71.65234375, + 0.9270997643470764, + 335.89453125, + 23.41015625, + 0.4296618700027466, + 306.94921875, + 52.35546875, + 0.9379485845565796, + 393.78515625, + 23.41015625, + 0.002782924100756645, + 200.81640625, + 110.24609375, + 0.947862982749939, + 297.30078125, + 139.19140625, + 0.789087176322937, + 210.46484375, + 303.21484375, + 0.8230125904083252, + 422.73046875, + 206.73046875, + 0.879352331161499, + 461.32421875, + 457.58984375, + 0.1204557791352272, + 567.45703125, + 264.62109375, + 0.931006908416748, + 663.94140625, + 476.88671875, + 0.736257791519165, + 442.02734375, + 341.80859375, + 0.7007819414138794, + 442.02734375, + 447.94140625, + 0.6305148601531982, + 673.58984375, + 264.62109375, + 0.5587060451507568, + 770.07421875, + 361.10546875, + 0.9529091119766235, + 799.01953125, + 370.75390625, + 0.39993587136268616, + 837.61328125, + 457.58984375, + 0.12460736930370331 + ], + "scale": [ + 4.631249904632568, + 6.175000190734863 + ], + "score": 0.7602955592530114 + }, + { + "category_id": 1, + "center": [ + 460.5, + 240.5 + ], + "image_id": 20506230300, + "keypoints": [ + 360.0247497558594, + 61.39192581176758, + 0.9102905988693237, + 342.55078125, + 17.70703125, + 0.2587294280529022, + 316.33984375, + 35.18098831176758, + 0.9454794526100159, + 604.66015625, + 393.3971252441406, + 0.002472627442330122, + 211.49609375, + 96.33984375, + 0.943920373916626, + 307.6028747558594, + 140.0247344970703, + 0.7650257349014282, + 211.49609375, + 306.02734375, + 0.7931414842605591, + 447.39453125, + 236.1315155029297, + 0.8512389659881592, + 421.18359375, + 524.4518432617188, + 0.0678858831524849, + 613.3971557617188, + 306.02734375, + 0.8969241380691528, + 648.3450317382812, + 454.5559997558594, + 0.8080912232398987, + 447.39453125, + 349.7122497558594, + 0.7325504422187805, + 429.9205627441406, + 463.29296875, + 0.4796608090400696, + 700.7669067382812, + 306.02734375, + 0.4509753882884979, + 779.3997192382812, + 375.9231872558594, + 0.6539709568023682, + 788.13671875, + 375.9231872558594, + 0.25723445415496826, + 862.4010620117188, + 432.7135314941406, + 0.06041434407234192 + ], + "scale": [ + 4.193749904632568, + 5.5916666984558105 + ], + "score": 0.6962309607437679 + }, + { + "category_id": 1, + "center": [ + 477.5, + 243.0 + ], + "image_id": 20506232801, + "keypoints": [ + 350.41015625, + 59.4257698059082, + 0.9485499858856201, + 340.99609375, + 21.769515991210938, + 0.09627676755189896, + 312.75390625, + 31.183578491210938, + 0.9554164409637451, + 322.16796875, + -6.472672939300537, + 0.0021607207600027323, + 199.78514099121094, + 87.66796112060547, + 0.9260485768318176, + 293.92578125, + 134.73828125, + 0.7831479907035828, + 199.78514099121094, + 313.60546875, + 0.8049813508987427, + 463.37890625, + 191.22265625, + 0.8731783032417297, + 350.41015625, + 577.19921875, + 0.009929650463163853, + 661.07421875, + 181.80859375, + 0.8646538257598877, + 519.86328125, + 454.81640625, + 0.9444246292114258, + 435.13671875, + 351.26171875, + 0.7856243252754211, + 425.72265625, + 464.23046875, + 0.5246920585632324, + 670.48828125, + 266.53515625, + 0.8235481381416321, + 774.04296875, + 379.50390625, + 0.9591567516326904, + 783.45703125, + 379.50390625, + 0.35484132170677185, + 858.76953125, + 435.98828125, + 0.15944449603557587 + ], + "scale": [ + 4.518750190734863, + 6.025000095367432 + ], + "score": 0.8114048999089462 + }, + { + "category_id": 1, + "center": [ + 487.0, + 239.5 + ], + "image_id": 20506234801, + "keypoints": [ + 393.484375, + 92.546875, + 0.9045816659927368, + 402.390625, + 48.015625, + 0.922031044960022, + 348.953125, + 56.921875, + 0.9406337141990662, + 429.109375, + 39.109375, + 0.005584427155554295, + 250.984375, + 56.921875, + 0.9515968561172485, + 331.140625, + 128.171875, + 0.73203444480896, + 206.453125, + 270.671875, + 0.7737002372741699, + 429.109375, + 226.140625, + 0.9045157432556152, + 393.484375, + 475.515625, + 0.7885578870773315, + 562.703125, + 297.390625, + 0.9244877099990845, + 616.140625, + 422.078125, + 0.9728818535804749, + 446.921875, + 350.828125, + 0.7246147990226746, + 402.390625, + 448.796875, + 0.5152546167373657, + 687.390625, + 297.390625, + 0.44131582975387573, + 785.359375, + 377.546875, + 0.8499811887741089, + 785.359375, + 386.453125, + 0.3175808787345886, + 874.421875, + 484.421875, + 0.11853320896625519 + ], + "scale": [ + 4.275000095367432, + 5.699999809265137 + ], + "score": 0.7775845646858215 + }, + { + "category_id": 1, + "center": [ + 474.0, + 241.0 + ], + "image_id": 20506252900, + "keypoints": [ + 334.4296875, + 60.07551956176758, + 0.9070385694503784, + 334.4296875, + 29.05989646911621, + 0.2568420171737671, + 293.0755310058594, + 39.3984375, + 0.9516235589981079, + 551.5390625, + 277.1849060058594, + 0.007591273635625839, + 189.6901092529297, + 91.09114837646484, + 0.9394789934158325, + 282.7369689941406, + 122.10677337646484, + 0.7689856290817261, + 200.0286407470703, + 287.5234375, + 0.8138881921768188, + 417.1380310058594, + 132.4453125, + 0.8455957174301147, + 437.8150939941406, + 504.6328125, + 0.5842002630233765, + 530.8619995117188, + 49.73698043823242, + 0.8843712210655212, + 706.6171875, + 463.2786560058594, + 0.9381228685379028, + 427.4765625, + 318.5390625, + 0.7691795229911804, + 427.4765625, + 432.2630310058594, + 0.7889806032180786, + 654.9244995117188, + 256.5078125, + 0.7913269996643066, + 758.3098754882812, + 370.2317810058594, + 0.7876487374305725, + 778.9869995117188, + 359.8932189941406, + 0.36630305647850037, + 872.0338745117188, + 432.2630310058594, + 0.12433569133281708 + ], + "scale": [ + 4.962500095367432, + 6.616666793823242 + ], + "score": 0.7595723966757456 + }, + { + "category_id": 1, + "center": [ + 475.0, + 240.5 + ], + "image_id": 20506258600, + "keypoints": [ + 303.5546875, + 17.10154914855957, + 0.9666930437088013, + 293.1640625, + -45.24220657348633, + 0.012557627633213997, + 261.9921875, + 6.710923194885254, + 0.7932654619216919, + 210.03904724121094, + 27.49217414855957, + 0.004521009512245655, + 168.47654724121094, + 69.05467987060547, + 0.926007866859436, + 261.9921875, + 121.00780487060547, + 0.8321386575698853, + 220.42967224121094, + 297.6484375, + 0.8364906907081604, + 417.8515625, + 183.3515625, + 0.9181604981422424, + 500.9765625, + 443.1171875, + 0.7845746874809265, + 594.4921875, + 152.1796875, + 0.9415668845176697, + 750.3515625, + 432.7265625, + 0.9283342361450195, + 438.6328125, + 318.4296875, + 0.7413556575775146, + 438.6328125, + 443.1171875, + 0.6338277459144592, + 636.0546875, + 245.6953125, + 0.5971035957336426, + 750.3515625, + 349.6015625, + 0.8122293949127197, + 771.1328125, + 349.6015625, + 0.3232843279838562, + 895.8203125, + 443.1171875, + 0.09931857883930206 + ], + "scale": [ + 4.987500190734863, + 6.650000095367432 + ], + "score": 0.7882166249411446 + }, + { + "category_id": 1, + "center": [ + 467.5, + 241.5 + ], + "image_id": 20506260100, + "keypoints": [ + 302.75390625, + 20.269515991210938, + 0.8567075729370117, + 283.92578125, + 10.855453491210938, + 0.00735888397321105, + 265.09765625, + 10.855453491210938, + 0.8417787551879883, + 538.10546875, + 274.44921875, + 0.009527838788926601, + 170.95701599121094, + 76.75389862060547, + 0.9545939564704895, + 255.68357849121094, + 123.82421112060547, + 0.8473361134529114, + 208.61326599121094, + 302.69140625, + 0.8377795219421387, + 425.13671875, + 189.72265625, + 0.9424805641174316, + 453.37890625, + 490.9726867675781, + 0.6103922128677368, + 604.00390625, + 152.06640625, + 0.9109815359115601, + 726.38671875, + 453.31640625, + 0.814850926399231, + 434.55078125, + 321.51953125, + 0.7298691272735596, + 453.37890625, + 434.48828125, + 0.7322472333908081, + 651.07421875, + 236.79296875, + 0.6913205981254578, + 764.04296875, + 368.58984375, + 0.8128047585487366, + 773.45703125, + 368.58984375, + 0.39462244510650635, + 839.35546875, + 434.48828125, + 0.06926603615283966 + ], + "scale": [ + 4.518750190734863, + 6.025000095367432 + ], + "score": 0.7841260944093976 + }, + { + "category_id": 1, + "center": [ + 465.0, + 241.0 + ], + "image_id": 20506264000, + "keypoints": [ + 305.5859375, + 23.617202758789062, + 0.9363015294075012, + 701.7056884765625, + 342.4453125, + 0.004628918133676052, + 276.6015625, + 13.955743789672852, + 0.8914780616760254, + 257.2786560058594, + 33.27865982055664, + 0.002674978459253907, + 208.97137451171875, + 71.92449188232422, + 0.9574061632156372, + 257.2786560058594, + 110.57032012939453, + 0.8062880635261536, + 199.30990600585938, + 284.4765625, + 0.8419668674468994, + 402.2005310058594, + 110.57032012939453, + 0.9325665235519409, + 469.8307189941406, + 429.3984375, + 0.8259193897247314, + 537.4609375, + 129.8932342529297, + 0.9367324113845825, + 730.6900634765625, + 429.3984375, + 0.9343804121017456, + 421.5234375, + 313.4609375, + 0.7043346166610718, + 431.1849060058594, + 439.05987548828125, + 0.5695962905883789, + 624.4140625, + 236.1692657470703, + 0.6259464025497437, + 730.6900634765625, + 390.7525939941406, + 0.4139675199985504, + 740.3515625, + 342.4453125, + 0.175886869430542, + 836.9661254882812, + 419.7369689941406, + 0.05243512988090515 + ], + "scale": [ + 4.637499809265137, + 6.183333396911621 + ], + "score": 0.7982218655256125 + }, + { + "category_id": 1, + "center": [ + 457.5, + 240.0 + ], + "image_id": 20506265100, + "keypoints": [ + 307.0247497558594, + 27.25912857055664, + 0.9352037906646729, + 296.64715576171875, + -24.628890991210938, + 0.009717017412185669, + 275.8919372558594, + 6.503920555114746, + 0.8651264309883118, + 576.8424682617188, + 276.3216247558594, + 0.006878730840981007, + 182.49349975585938, + 58.391937255859375, + 0.9448188543319702, + 255.13673400878906, + 99.90235137939453, + 0.7992393374443054, + 203.24871826171875, + 307.4544372558594, + 0.8532304763793945, + 400.4231872558594, + 99.90235137939453, + 0.9644650816917419, + 452.3111877441406, + 473.49609375, + 0.8066405653953552, + 545.7096557617188, + 131.03515625, + 0.9591556787490845, + 701.3736572265625, + 442.36328125, + 1.0001531839370728, + 421.1783752441406, + 307.4544372558594, + 0.6973042488098145, + 431.5559997558594, + 431.98565673828125, + 0.7844893932342529, + 628.73046875, + 245.1887969970703, + 0.8388431668281555, + 742.8840942382812, + 348.96484375, + 0.807752251625061, + 753.26171875, + 348.96484375, + 0.37218397855758667, + 934.8697509765625, + 468.3072814941406, + 0.10975381731987 + ], + "scale": [ + 4.981249809265137, + 6.641666889190674 + ], + "score": 0.8306147456169128 + }, + { + "category_id": 1, + "center": [ + 508.5, + 242.0 + ], + "image_id": 20506276401, + "keypoints": [ + 405.9544372558594, + 85.48307037353516, + 0.7941546440124512, + 449.1315002441406, + 96.27734375, + 0.008683409541845322, + 373.5716247558594, + 74.68880462646484, + 0.8396137356758118, + 287.2174377441406, + 53.10026168823242, + 0.002145924838259816, + 276.4231872558594, + 139.4544219970703, + 0.9574965834617615, + 308.8059997558594, + 150.2487030029297, + 0.7299152612686157, + 222.4518280029297, + 322.95703125, + 0.8462755680084229, + 481.5143127441406, + 128.66015625, + 0.9121681451797485, + 373.5716247558594, + 484.87109375, + 0.017496393993496895, + 675.8112182617188, + 96.27734375, + 0.900231659412384, + 632.6340942382812, + 474.0768127441406, + 0.4506710171699524, + 438.3372497558594, + 344.5455627441406, + 0.7516344785690308, + 427.54296875, + 452.48828125, + 0.7184433937072754, + 643.4284057617188, + 268.9856872558594, + 0.900463879108429, + 762.1653442382812, + 398.5169372558594, + 0.8552571535110474, + 794.5481567382812, + 409.3111877441406, + 0.5396777391433716, + 848.51953125, + 474.0768127441406, + 0.16303583979606628 + ], + "scale": [ + 5.181250095367432, + 6.9083333015441895 + ], + "score": 0.7843079429406387 + }, + { + "category_id": 1, + "center": [ + 465.0, + 245.0 + ], + "image_id": 20506277100, + "keypoints": [ + 353.89324951171875, + 46.94011688232422, + 0.9585678577423096, + 324.90887451171875, + 27.617202758789062, + 0.018823251128196716, + 324.90887451171875, + 37.27865982055664, + 0.9077544808387756, + 257.2786560058594, + 75.92449188232422, + 0.0025557728949934244, + 228.29428100585938, + 104.90886688232422, + 0.9721816778182983, + 295.92449951171875, + 133.8932342529297, + 0.761405348777771, + 199.30990600585938, + 317.4609375, + 0.8500604629516602, + 460.1692810058594, + 153.21615600585938, + 0.8562822937965393, + 479.4921875, + 481.7057189941406, + 0.697722315788269, + 634.0755004882812, + 75.92449188232422, + 0.9229826331138611, + 730.6900634765625, + 443.05987548828125, + 0.9557453393936157, + 440.8463439941406, + 327.12237548828125, + 0.7639385461807251, + 431.1849060058594, + 452.7213439941406, + 0.6060025691986084, + 643.7369384765625, + 249.8307342529297, + 0.7668854594230652, + 711.3671875, + 385.09112548828125, + 0.46124041080474854, + 721.0286254882812, + 375.4296875, + 0.20534060895442963, + 909.4270629882812, + 418.90625, + 0.10179964452981949 + ], + "scale": [ + 4.637499809265137, + 6.183333396911621 + ], + "score": 0.7632935717701912 + }, + { + "category_id": 1, + "center": [ + 507.0, + 242.0 + ], + "image_id": 20506287300, + "keypoints": [ + 330.6328125, + 45.4765739440918, + 0.9426140189170837, + 310.4765625, + -4.914046764373779, + 0.005606293678283691, + 290.3203125, + 25.32032585144043, + 0.9196274280548096, + 491.8828125, + 156.3359375, + 0.003802467370405793, + 189.53907775878906, + 75.71094512939453, + 0.9281970262527466, + 270.1640625, + 126.10157012939453, + 0.8570636510848999, + 199.61720275878906, + 287.3515625, + 0.8046389818191528, + 431.4140625, + 186.5703125, + 0.9057275652885437, + 421.3359375, + 498.9921569824219, + 0.45994678139686584, + 592.6640625, + 156.3359375, + 0.9139626026153564, + 683.3671875, + 458.6796875, + 0.7166836261749268, + 441.4921875, + 327.6640625, + 0.7646439075469971, + 431.4140625, + 448.6015625, + 0.7196725606918335, + 653.1328125, + 267.1953125, + 0.8145719766616821, + 753.9140625, + 367.9765625, + 0.9125008583068848, + 784.1484375, + 378.0546875, + 0.499065637588501, + 854.6953125, + 478.8359375, + 0.22457602620124817 + ], + "scale": [ + 4.837499618530273, + 6.449999809265137 + ], + "score": 0.7588995099067688 + }, + { + "category_id": 1, + "center": [ + 491.5, + 241.0 + ], + "image_id": 20506310100, + "keypoints": [ + 323.3815002441406, + 40.34244918823242, + 0.9262371063232422, + 279.99609375, + 18.64974021911621, + 0.06641951948404312, + 279.99609375, + 29.49609375, + 0.9228842258453369, + 572.84765625, + 278.9622497558594, + 0.004084485117346048, + 193.2252655029297, + 116.26692962646484, + 0.9455517530441284, + 279.99609375, + 137.9596405029297, + 0.8375394344329834, + 204.0716094970703, + 322.34765625, + 0.8367516994476318, + 420.9986877441406, + 127.11328125, + 0.9107474088668823, + 486.0768127441406, + 452.50390625, + 0.29254400730133057, + 551.1549682617188, + 72.88150787353516, + 0.9193991422653198, + 703.00390625, + 452.50390625, + 1.0221854448318481, + 442.69140625, + 333.1940002441406, + 0.7689843773841858, + 431.8450622558594, + 441.6575622558594, + 0.6998739242553711, + 648.7721557617188, + 257.26953125, + 0.84744793176651, + 757.2356567382812, + 365.7330627441406, + 0.7411383390426636, + 778.9284057617188, + 354.88671875, + 0.37197649478912354, + 854.8528442382812, + 441.6575622558594, + 0.10729668289422989 + ], + "scale": [ + 5.206250190734863, + 6.941666603088379 + ], + "score": 0.7888043778283256 + }, + { + "category_id": 1, + "center": [ + 463.0, + 240.5 + ], + "image_id": 20506310400, + "keypoints": [ + 341.4114685058594, + 55.473968505859375, + 0.8886575698852539, + 309.6927185058594, + 13.182305335998535, + 0.04174116998910904, + 299.11981201171875, + 55.473968505859375, + 0.9286864995956421, + 277.9739685058594, + 87.19271850585938, + 0.0019463845528662205, + 203.96356201171875, + 129.484375, + 0.9449257254600525, + 299.11981201171875, + 140.0572967529297, + 0.8230844736099243, + 203.96356201171875, + 319.796875, + 0.8704491853713989, + 468.2864685058594, + 140.0572967529297, + 0.9026927947998047, + 478.859375, + 467.81768798828125, + 0.8627410531044006, + 690.3176879882812, + 87.19271850585938, + 0.9120955467224121, + 732.609375, + 436.09893798828125, + 0.9790589213371277, + 436.5677185058594, + 330.3697814941406, + 0.7731865644454956, + 447.140625, + 436.09893798828125, + 0.6573679447174072, + 648.0260009765625, + 245.7864532470703, + 0.8210533857345581, + 743.1822509765625, + 383.234375, + 0.6780344247817993, + 785.4739379882812, + 372.66143798828125, + 0.329060822725296, + 838.3385009765625, + 436.09893798828125, + 0.1014956384897232 + ], + "scale": [ + 5.074999809265137, + 6.766666889190674 + ], + "score": 0.8122210651636124 + }, + { + "category_id": 1, + "center": [ + 478.5, + 242.0 + ], + "image_id": 20506314001, + "keypoints": [ + 325.72003173828125, + 30.07941436767578, + 0.9258854389190674, + 315.86328125, + -19.204444885253906, + 0.01519248727709055, + 286.29296875, + 10.365870475769043, + 0.9138275384902954, + 227.15232849121094, + 39.93618392944336, + 0.002629268215969205, + 187.72523498535156, + 79.36327362060547, + 0.9419878721237183, + 276.4361877441406, + 128.64712524414062, + 0.8097967505455017, + 207.43878173828125, + 306.0690002441406, + 0.8478094339370728, + 473.5716247558594, + 138.50390625, + 0.8822264671325684, + 503.1419372558594, + 444.0638122558594, + 0.8456181883811951, + 690.4205932617188, + 99.07681274414062, + 0.8958133459091187, + 749.5612182617188, + 424.35028076171875, + 0.9076652526855469, + 434.14453125, + 345.49609375, + 0.6212694644927979, + 434.14453125, + 473.6341247558594, + 0.392189621925354, + 660.8502807617188, + 246.9283905029297, + 0.71640944480896, + 739.7044677734375, + 365.20965576171875, + 0.5366118550300598, + 739.7044677734375, + 345.49609375, + 0.19388103485107422, + 828.4154052734375, + 394.77996826171875, + 0.038669392466545105 + ], + "scale": [ + 4.731250286102295, + 6.308333396911621 + ], + "score": 0.7874700518754812 + }, + { + "category_id": 1, + "center": [ + 460.5, + 241.5 + ], + "image_id": 20506321201, + "keypoints": [ + 341.1575622558594, + 70.26953887939453, + 0.8028246760368347, + 330.77996826171875, + 28.75912857055664, + 0.07836492359638214, + 299.64715576171875, + 59.891937255859375, + 0.9027272462844849, + 725.12890625, + -85.3945083618164, + 0.002218226669356227, + 195.87110900878906, + 111.77995300292969, + 0.9048402309417725, + 258.13671875, + 163.66796875, + 0.691810131072998, + 206.24871826171875, + 308.9544372558594, + 0.8467946648597717, + 424.1783752441406, + 246.6887969970703, + 0.6143162846565247, + 465.6888122558594, + 433.48565673828125, + 0.8970726728439331, + 527.9544067382812, + 267.4440002441406, + 0.8335229158401489, + 393.0455627441406, + 194.80078125, + 0.86632239818573, + 455.3111877441406, + 350.46484375, + 0.6804822087287903, + 444.93359375, + 433.48565673828125, + 0.5732378959655762, + 652.4856567382812, + 267.4440002441406, + 0.6337377429008484, + 756.26171875, + 371.22003173828125, + 0.8804514408111572, + 777.0169067382812, + 391.9752502441406, + 0.43122628331184387, + 818.52734375, + 433.48565673828125, + 0.09565907716751099 + ], + "scale": [ + 4.981249809265137, + 6.641666889190674 + ], + "score": 0.7542404851743153 + }, + { + "category_id": 1, + "center": [ + 444.5, + 241.0 + ], + "image_id": 20506323500, + "keypoints": [ + 326.0559997558594, + 50.45963668823242, + 0.9745099544525146, + 326.0559997558594, + 81.35807037353516, + 0.008156314492225647, + 284.8580627441406, + 29.86067771911621, + 0.972748875617981, + 562.9440307617188, + 400.6419372558594, + 0.013152032159268856, + 202.4622344970703, + 112.25650787353516, + 0.9483716487884521, + 284.8580627441406, + 153.4544219970703, + 0.8369261622428894, + 192.1627655029297, + 318.24609375, + 0.8151342868804932, + 418.7513122558594, + 235.8502655029297, + 0.9132683277130127, + 336.35546875, + 493.3372497558594, + 0.015438202768564224, + 583.54296875, + 215.2512969970703, + 0.9306879043579102, + 532.0455932617188, + 441.83984375, + 0.9328091144561768, + 449.6497497558594, + 359.4440002441406, + 0.8285995721817017, + 439.3502502441406, + 472.73828125, + 0.5165647268295288, + 655.6393432617188, + 256.44921875, + 0.6739110946655273, + 768.93359375, + 390.3424377441406, + 0.9451352953910828, + 758.6340942382812, + 400.6419372558594, + 0.3616267740726471, + 861.62890625, + 493.3372497558594, + 0.22075515985488892 + ], + "scale": [ + 4.943749904632568, + 6.591667175292969 + ], + "score": 0.7765034926789147 + }, + { + "category_id": 1, + "center": [ + 487.5, + 240.5 + ], + "image_id": 20506326401, + "keypoints": [ + 321.85546875, + 84.89453125, + 0.9203541874885559, + 301.77734375, + 54.77734375, + 0.25492531061172485, + 281.69921875, + 74.85546875, + 0.9768146276473999, + 572.83203125, + 355.94921875, + 0.003003619611263275, + 181.30859375, + 145.12890625, + 0.9490480422973633, + 291.73828125, + 145.12890625, + 0.7810537815093994, + 191.34765625, + 315.79296875, + 0.831120491027832, + 442.32421875, + 205.36328125, + 0.8771563768386841, + 341.93359375, + 546.69140625, + 0.02584867551922798, + 582.87109375, + 275.63671875, + 0.9896432161331177, + 522.63671875, + 436.26171875, + 0.9547456502914429, + 462.40234375, + 345.91015625, + 0.6634232997894287, + 452.36328125, + 466.37890625, + 0.5874370336532593, + 683.26171875, + 245.51953125, + 0.5267894268035889, + 773.61328125, + 386.06640625, + 0.8828443288803101, + 793.69140625, + 396.10546875, + 0.3991071581840515, + 863.96484375, + 506.53515625, + 0.18977433443069458 + ], + "scale": [ + 4.818749904632568, + 6.424999713897705 + ], + "score": 0.7567473522254399 + }, + { + "category_id": 1, + "center": [ + 472.5, + 241.5 + ], + "image_id": 20506327201, + "keypoints": [ + 334.3164367675781, + 70.1523666381836, + 0.8933054208755493, + 312.2070617675781, + 25.933618545532227, + 0.02284332737326622, + 290.0976867675781, + 59.097679138183594, + 0.9009227156639099, + 610.68359375, + 401.7929382324219, + 0.0027897139079868793, + 212.71487426757812, + 147.53517150878906, + 0.9451043605804443, + 290.0976867675781, + 147.53517150878906, + 0.8317699432373047, + 190.60549926757812, + 335.46484375, + 0.8569673299789429, + 466.97265625, + 169.64454650878906, + 0.8606957197189331, + 312.2070617675781, + 523.3944702148438, + 0.022145094349980354, + 677.01171875, + 202.80859375, + 0.8793221712112427, + 533.30078125, + 446.0116882324219, + 0.9505776762962341, + 444.86328125, + 335.46484375, + 0.7469990253448486, + 444.86328125, + 457.0663757324219, + 0.6773787140846252, + 688.06640625, + 258.08203125, + 0.5908195972442627, + 765.4491577148438, + 390.7382507324219, + 0.8769698739051819, + 776.5038452148438, + 401.7929382324219, + 0.4241493344306946, + 864.9413452148438, + 490.2304382324219, + 0.13975489139556885 + ], + "scale": [ + 5.306249618530273, + 7.074999809265137 + ], + "score": 0.8026909140440134 + }, + { + "category_id": 1, + "center": [ + 467.5, + 240.5 + ], + "image_id": 20506327600, + "keypoints": [ + 317.77996826171875, + 49.477874755859375, + 0.8894526958465576, + 348.75653076171875, + 80.45443725585938, + 0.005180422216653824, + 286.80340576171875, + 28.82683563232422, + 0.8688960075378418, + 452.01171875, + 142.40756225585938, + 0.004569139331579208, + 214.52474975585938, + 101.10547637939453, + 0.9589137434959412, + 266.15234375, + 132.08203125, + 0.8124906420707703, + 183.54818725585938, + 328.26690673828125, + 0.832707405090332, + 431.3606872558594, + 132.08203125, + 0.9290368556976318, + 328.10546875, + 555.4283447265625, + 0.008990230038762093, + 617.2200317382812, + 80.45443725585938, + 0.9303007125854492, + 534.6159057617188, + 441.84765625, + 0.9528347253799438, + 452.01171875, + 338.5924377441406, + 0.8079644441604614, + 462.3372497558594, + 462.4986877441406, + 0.637894868850708, + 648.1965942382812, + 245.6627655029297, + 0.7884498238563538, + 772.1028442382812, + 390.22003173828125, + 0.9196492433547974, + 782.4283447265625, + 400.5455627441406, + 0.38284894824028015, + 885.68359375, + 483.14971923828125, + 0.1618438959121704 + ], + "scale": [ + 4.956249713897705, + 6.608333587646484 + ], + "score": 0.8239569320128515 + }, + { + "category_id": 1, + "center": [ + 468.5, + 243.5 + ], + "image_id": 20506330000, + "keypoints": [ + 308.87109375, + 45.17319107055664, + 0.42562365531921387, + 250.82423400878906, + 93.54558563232422, + 0.002410384826362133, + 289.52215576171875, + 25.824234008789062, + 0.6430052518844604, + 579.7565307617188, + 393.45440673828125, + 0.011302600614726543, + 250.82423400878906, + 74.19662475585938, + 0.9347469806671143, + 260.49871826171875, + 141.91796875, + 0.8244886994361877, + 192.77735900878906, + 325.7330627441406, + 0.8345348834991455, + 405.6158752441406, + 248.3372344970703, + 0.9016497731208801, + 424.96484375, + 287.03515625, + 0.006866899784654379, + 570.08203125, + 219.3137969970703, + 0.9174312353134155, + 531.3840942382812, + 441.8268127441406, + 0.8826490640640259, + 444.3138122558594, + 364.43096923828125, + 0.8031826019287109, + 453.98828125, + 480.52471923828125, + 0.44895726442337036, + 666.8267822265625, + 258.01171875, + 0.656681478023529, + 773.24609375, + 383.7799377441406, + 0.9394755363464355, + 792.5950317382812, + 393.45440673828125, + 0.31164464354515076, + 889.33984375, + 490.1991882324219, + 0.1836928129196167 + ], + "scale": [ + 4.643749713897705, + 6.191666603088379 + ], + "score": 0.7326208513516647 + }, + { + "category_id": 1, + "center": [ + 466.5, + 241.0 + ], + "image_id": 20506331100, + "keypoints": [ + 321.3111877441406, + 35.73307418823242, + 0.9154821634292603, + 301.28515625, + -24.34505271911621, + 0.018742844462394714, + 271.24609375, + 15.70703125, + 0.9128610491752625, + 251.2200469970703, + 65.77213287353516, + 0.002927755704149604, + 191.1419219970703, + 85.79817962646484, + 0.9289053082466125, + 281.2591247558594, + 135.86328125, + 0.7906606793403625, + 201.1549530029297, + 306.0846252441406, + 0.8636870384216309, + 411.4283752441406, + 235.9934844970703, + 0.9115791320800781, + 411.4283752441406, + 506.3450622558594, + 0.13561677932739258, + 571.63671875, + 215.9674530029297, + 0.9321706295013428, + 691.79296875, + 466.29296875, + 0.8094954490661621, + 451.48046875, + 346.13671875, + 0.7997534275054932, + 451.48046875, + 446.2669372558594, + 0.6251879930496216, + 671.7669067382812, + 276.0455627441406, + 0.638791561126709, + 761.8840942382812, + 386.1888122558594, + 0.7888578176498413, + 781.91015625, + 376.17578125, + 0.3927805423736572, + 862.0143432617188, + 436.25390625, + 0.05589286983013153 + ], + "scale": [ + 4.806250095367432, + 6.4083333015441895 + ], + "score": 0.7930932916127719 + }, + { + "category_id": 1, + "center": [ + 466.0, + 241.0 + ], + "image_id": 20506303200, + "keypoints": [ + 317.6015625, + 41.4296875, + 0.9445075988769531, + 307.3671875, + 0.4921875, + 0.039677694439888, + 276.6640625, + 20.9609375, + 0.918968141078949, + 542.7578125, + 276.8203125, + 0.009324961341917515, + 184.5546875, + 92.6015625, + 0.9304954409599304, + 276.6640625, + 133.5390625, + 0.8109240531921387, + 215.2578125, + 307.5234375, + 0.8248281478881836, + 440.4140625, + 174.4765625, + 0.9024007320404053, + 471.1171875, + 491.7421875, + 0.4736400842666626, + 604.1640625, + 143.7734375, + 0.9085773229598999, + 747.4453125, + 471.2734375, + 0.838685154914856, + 440.4140625, + 327.9921875, + 0.7699398398399353, + 450.6484375, + 440.5703125, + 0.7207111120223999, + 645.1015625, + 246.1171875, + 0.712125301361084, + 757.6796875, + 358.6953125, + 0.9319283962249756, + 778.1484375, + 368.9296875, + 0.5121280550956726, + 839.5546875, + 430.3359375, + 0.11137539148330688 + ], + "scale": [ + 4.912499904632568, + 6.549999713897705 + ], + "score": 0.7999899557658604 + }, + { + "category_id": 1, + "center": [ + 454.0, + 241.0 + ], + "image_id": 20506332200, + "keypoints": [ + 377.4114685058594, + 65.29689025878906, + 0.8938324451446533, + 350.3802185058594, + 29.25522232055664, + 0.061619460582733154, + 341.36981201171875, + 38.26564025878906, + 0.9030990600585938, + 314.33856201171875, + 2.22397518157959, + 0.0015696091577410698, + 224.23439025878906, + 83.31771850585938, + 0.9367985725402832, + 296.3177185058594, + 128.3697967529297, + 0.7694565057754517, + 197.20314025878906, + 299.5677185058594, + 0.8270435333251953, + 467.515625, + 200.453125, + 0.8717212677001953, + 377.4114685058594, + 524.828125, + 0.023339862003922462, + 656.734375, + 227.484375, + 0.863286018371582, + 548.609375, + 452.7447814941406, + 0.9606639742851257, + 440.484375, + 353.63018798828125, + 0.8062740564346313, + 422.4635314941406, + 470.7655944824219, + 0.36510682106018066, + 701.7864379882812, + 272.5364685058594, + 0.39429837465286255, + 773.8697509765625, + 380.66143798828125, + 0.7917957305908203, + 773.8697509765625, + 389.671875, + 0.2250116765499115, + 868.4791259765625, + 475.27081298828125, + 0.05846673250198364 + ], + "scale": [ + 4.324999809265137, + 5.766666412353516 + ], + "score": 0.7391067720376528 + }, + { + "category_id": 1, + "center": [ + 462.5, + 240.0 + ], + "image_id": 20506333500, + "keypoints": [ + 345.8528747558594, + 42.20703125, + 0.9194869995117188, + 315.4231872558594, + 11.77734375, + 0.04829005151987076, + 295.13671875, + 21.92057228088379, + 0.9396546483039856, + 244.4205780029297, + 52.35026168823242, + 0.0028175520710647106, + 203.84765625, + 92.92317962646484, + 0.9446834325790405, + 295.13671875, + 133.49609375, + 0.788916826248169, + 193.7044219970703, + 305.9309997558594, + 0.8481311798095703, + 406.7122497558594, + 255.21484375, + 0.8431971669197083, + 315.4231872558594, + 539.2252807617188, + 0.02127072587609291, + 548.7174682617188, + 305.9309997558594, + 0.934988260269165, + 548.7174682617188, + 458.0794372558594, + 0.9279971718788147, + 447.28515625, + 366.7903747558594, + 0.8199439644813538, + 426.9986877441406, + 478.3658752441406, + 0.40230971574783325, + 670.4362182617188, + 285.64453125, + 0.5956081748008728, + 771.8684692382812, + 397.2200622558594, + 0.8574555516242981, + 782.01171875, + 387.0768127441406, + 0.38766899704933167, + 873.30078125, + 478.3658752441406, + 0.08458179980516434 + ], + "scale": [ + 4.868750095367432, + 6.491666316986084 + ], + "score": 0.7853878530172201 + }, + { + "category_id": 1, + "center": [ + 458.5, + 240.5 + ], + "image_id": 20506303700, + "keypoints": [ + 318.59765625, + 42.70703125, + 0.9351320266723633, + 308.94921875, + -15.18359375, + 0.01392403058707714, + 270.35546875, + 23.41015625, + 0.8925412893295288, + 212.46484375, + 42.70703125, + 0.002962118713185191, + 183.51953125, + 90.94921875, + 0.9625253677368164, + 280.00390625, + 139.19140625, + 0.7740757465362549, + 212.46484375, + 312.86328125, + 0.8372752666473389, + 434.37890625, + 177.78515625, + 0.899395227432251, + 434.37890625, + 496.18359375, + 0.11488327383995056, + 608.05078125, + 129.54296875, + 0.9177831411361694, + 694.88671875, + 438.29296875, + 0.9492473602294922, + 444.02734375, + 332.16015625, + 0.7419391870498657, + 453.67578125, + 438.29296875, + 0.6491341590881348, + 636.99609375, + 235.67578125, + 0.6767336130142212, + 743.12890625, + 370.75390625, + 0.754898190498352, + 772.07421875, + 351.45703125, + 0.36125409603118896, + 902.328125, + 491.359375, + 0.07594068348407745 + ], + "scale": [ + 4.631249904632568, + 6.175000190734863 + ], + "score": 0.7963026670309213 + }, + { + "category_id": 1, + "center": [ + 488.5, + 241.5 + ], + "image_id": 20506358300, + "keypoints": [ + 331.6054382324219, + 41.324195861816406, + 0.8764499425888062, + 309.9648132324219, + -23.597686767578125, + 0.022408002987504005, + 288.3241882324219, + 19.68356704711914, + 0.8527916669845581, + 255.86325073242188, + 52.144508361816406, + 0.0033874078653752804, + 190.94137573242188, + 73.7851333618164, + 0.9388349056243896, + 266.6835632324219, + 138.70701599121094, + 0.8439375162124634, + 190.94137573242188, + 301.01171875, + 0.8444709777832031, + 407.34765625, + 246.91015625, + 0.8402764797210693, + 299.1445007324219, + 528.2383422851562, + 0.013128915801644325, + 558.83203125, + 290.19140625, + 0.9041101932525635, + 526.37109375, + 452.4961242675781, + 1.004879117012024, + 428.98828125, + 365.93359375, + 0.7715231776237488, + 418.16796875, + 463.3164367675781, + 0.5278298258781433, + 699.49609375, + 279.37109375, + 0.5443530082702637, + 753.5977172851562, + 376.7539367675781, + 0.9024386405944824, + 775.2383422851562, + 376.7539367675781, + 0.3760259747505188, + 872.6211547851562, + 495.7773742675781, + 0.21878698468208313 + ], + "scale": [ + 5.193750381469727, + 6.925000190734863 + ], + "score": 0.7461934579270226 + }, + { + "category_id": 1, + "center": [ + 487.0, + 240.5 + ], + "image_id": 20506359201, + "keypoints": [ + 330.2942810058594, + 62.1796875, + 0.8682663440704346, + 297.8724060058594, + 40.56510543823242, + 0.040603652596473694, + 287.0650939941406, + 40.56510543823242, + 0.8977153897285461, + 254.6432342529297, + 40.56510543823242, + 0.002129749860614538, + 189.7994842529297, + 83.79427337646484, + 0.9385961294174194, + 265.4505310058594, + 137.8307342529297, + 0.8329861164093018, + 211.4140625, + 289.1328125, + 0.8769426345825195, + 416.7525939941406, + 235.0963592529297, + 0.7887453436851501, + 503.2109375, + 375.5911560058594, + 0.8116552829742432, + 546.4401245117188, + 267.5182189941406, + 0.6302483081817627, + 632.8984375, + 127.0234375, + 0.5395347476005554, + 449.1744689941406, + 332.3619689941406, + 0.6992717981338501, + 427.5599060058594, + 451.2421875, + 0.716964840888977, + 686.9348754882812, + 278.3255310058594, + 0.4607529640197754, + 762.5859375, + 375.5911560058594, + 0.919105052947998, + 773.3932495117188, + 375.5911560058594, + 0.3463817238807678, + 870.6588745117188, + 505.2786560058594, + 0.10755303502082825 + ], + "scale": [ + 5.1875, + 6.916666507720947 + ], + "score": 0.7376547626086644 + }, + { + "category_id": 1, + "center": [ + 474.5, + 241.0 + ], + "image_id": 20506360000, + "keypoints": [ + 320.9127502441406, + 37.86848831176758, + 0.9358663558959961, + 320.9127502441406, + -1.7669271230697632, + 0.02310304343700409, + 291.1861877441406, + 27.95963478088379, + 0.9170446395874023, + 459.63671875, + 146.8658905029297, + 0.006080638151615858, + 192.09765625, + 77.50390625, + 0.9600052237510681, + 271.3684997558594, + 127.04817962646484, + 0.7989249229431152, + 202.0065155029297, + 315.31640625, + 0.8123802542686462, + 439.8190002441406, + 166.68359375, + 0.8471558094024658, + 400.18359375, + 513.4934692382812, + 0.04406243935227394, + 618.1784057617188, + 127.04817962646484, + 0.8949800729751587, + 637.99609375, + 473.8580627441406, + 0.42558667063713074, + 429.91015625, + 325.2252502441406, + 0.6747176647186279, + 429.91015625, + 454.0403747558594, + 0.713614821434021, + 657.8137817382812, + 255.86328125, + 0.7144915461540222, + 756.90234375, + 364.8606872558594, + 0.9585093259811401, + 756.90234375, + 374.76953125, + 0.432048499584198, + 806.4465942382812, + 454.0403747558594, + 0.15054850280284882 + ], + "scale": [ + 4.756249904632568, + 6.3416666984558105 + ], + "score": 0.7757942928717687 + }, + { + "category_id": 1, + "center": [ + 459.0, + 239.5 + ], + "image_id": 20506306001, + "keypoints": [ + 334.9765625, + 46.0234489440918, + 0.9280420541763306, + 305.2109375, + 16.257827758789062, + 0.22871291637420654, + 285.3671875, + 26.17970085144043, + 0.9491051435470581, + 245.67970275878906, + 65.86719512939453, + 0.0025988533161580563, + 196.07032775878906, + 85.71094512939453, + 0.9308277368545532, + 275.4453125, + 145.2421875, + 0.7943085432052612, + 215.91407775878906, + 303.9921875, + 0.8299213647842407, + 404.4296875, + 254.3828125, + 0.8874155282974243, + 424.2734375, + 482.5859069824219, + 0.6363608837127686, + 543.3359375, + 244.4609375, + 0.8532249927520752, + 543.3359375, + 343.6796875, + 0.8643983602523804, + 434.1953125, + 343.6796875, + 0.7121578454971313, + 454.0390625, + 452.8203125, + 0.6308085918426514, + 642.5546875, + 254.3828125, + 0.7031973004341125, + 761.6171875, + 373.4453125, + 0.9210247993469238, + 751.6953125, + 363.5234375, + 0.4537425637245178, + 831.0703125, + 462.7421875, + 0.22172603011131287 + ], + "scale": [ + 4.762499809265137, + 6.349999904632568 + ], + "score": 0.7215609159320593 + }, + { + "category_id": 1, + "center": [ + 461.5, + 240.5 + ], + "image_id": 20506363800, + "keypoints": [ + 325.97265625, + 34.69921875, + 0.9694836735725403, + 305.89453125, + -5.45703125, + 0.026767686009407043, + 285.81640625, + 24.66015625, + 0.9015153646469116, + 215.54296875, + 24.66015625, + 0.002465038327500224, + 195.46484375, + 94.93359375, + 0.9451503753662109, + 275.77734375, + 125.05078125, + 0.8094301223754883, + 205.50390625, + 305.75390625, + 0.8328117728233337, + 446.44140625, + 135.08984375, + 0.9111483097076416, + 446.44140625, + 506.53515625, + 0.3813386559486389, + 657.26171875, + 84.89453125, + 0.9016599655151367, + 697.41796875, + 436.26171875, + 0.937680721282959, + 436.40234375, + 335.87109375, + 0.7129285335540771, + 446.44140625, + 446.30078125, + 0.6540528535842896, + 647.22265625, + 225.44140625, + 0.76975017786026, + 737.57421875, + 396.10546875, + 0.6287271976470947, + 747.61328125, + 386.06640625, + 0.26702868938446045, + 923.296875, + 461.359375, + 0.10287319123744965 + ], + "scale": [ + 4.818749904632568, + 6.424999713897705 + ], + "score": 0.7587647438049316 + }, + { + "category_id": 1, + "center": [ + 474.5, + 240.0 + ], + "image_id": 20506364200, + "keypoints": [ + 317.44921875, + 44.87630081176758, + 0.8977189064025879, + 307.9309997558594, + 6.803385257720947, + 0.023910604417324066, + 279.3763122558594, + 25.83984375, + 0.8773822784423828, + 564.9231567382812, + 73.43099212646484, + 0.0022173537872731686, + 184.1940155029297, + 92.46744537353516, + 0.9173506498336792, + 269.8580627441406, + 121.02213287353516, + 0.8208756446838379, + 193.7122344970703, + 311.38671875, + 0.8229562044143677, + 441.1861877441406, + 130.5403594970703, + 0.9263221025466919, + 479.2591247558594, + 416.0872497558594, + 0.03035697713494301, + 641.0690307617188, + 92.46744537353516, + 0.8832966089248657, + 631.55078125, + 473.1966247558594, + 0.5028333067893982, + 422.1497497558594, + 330.4231872558594, + 0.7257834672927856, + 431.66796875, + 454.16015625, + 0.6566659212112427, + 660.10546875, + 263.7955627441406, + 0.8144844174385071, + 764.8059692382812, + 378.0143127441406, + 0.9136627912521362, + 764.8059692382812, + 387.5325622558594, + 0.3678758144378662, + 859.98828125, + 463.6783752441406, + 0.1501508206129074 + ], + "scale": [ + 4.568749904632568, + 6.0916666984558105 + ], + "score": 0.779016008743873 + }, + { + "category_id": 1, + "center": [ + 465.0, + 240.5 + ], + "image_id": 20506369200, + "keypoints": [ + 318.4765625, + 37.25779724121094, + 0.9323848485946655, + 327.9296875, + -0.5547037124633789, + 0.012486249208450317, + 280.6640625, + 18.351547241210938, + 0.894340991973877, + 479.1796875, + 103.42967987060547, + 0.006566975731402636, + 195.58592224121094, + 75.07030487060547, + 0.9156216382980347, + 271.2109375, + 112.88280487060547, + 0.8177290558815002, + 167.22654724121094, + 283.0390625, + 0.7817651033401489, + 394.1015625, + 112.88280487060547, + 0.9071615934371948, + 290.1171875, + 528.8203125, + 0.009719861671328545, + 535.8984375, + 122.33592987060547, + 0.9535776376724243, + 620.9765625, + 453.1953125, + 0.009348709136247635, + 422.4609375, + 339.7578125, + 0.6928312182426453, + 431.9140625, + 453.1953125, + 0.6578502655029297, + 630.4296875, + 226.3203125, + 0.7227754592895508, + 762.7734375, + 387.0234375, + 0.9320238828659058, + 781.6796875, + 387.0234375, + 0.3768770098686218, + 876.2109375, + 472.1015930175781, + 0.22555571794509888 + ], + "scale": [ + 4.537500381469727, + 6.050000190734863 + ], + "score": 0.7546534171471229 + }, + { + "category_id": 1, + "center": [ + 447.5, + 240.0 + ], + "image_id": 20506370801, + "keypoints": [ + 281.8033752441406, + 10.162760734558105, + 0.84344881772995, + 292.4934997558594, + -21.90755271911621, + 0.030267048627138138, + 249.7330780029297, + 10.162760734558105, + 0.7705990076065063, + 527.67578125, + 245.3450469970703, + 0.0033036842942237854, + 164.2122344970703, + 74.30338287353516, + 0.9463478326797485, + 271.11328125, + 106.37369537353516, + 0.8316946625709534, + 174.90234375, + 288.10546875, + 0.8463021516799927, + 399.39453125, + 106.37369537353516, + 0.8979102373123169, + 271.11328125, + 491.2174377441406, + 0.029605945572257042, + 549.0559692382812, + 138.4440155029297, + 0.9403712749481201, + 613.1965942382812, + 480.52734375, + 0.034962110221385956, + 420.7747497558594, + 330.8658752441406, + 0.7622615098953247, + 431.46484375, + 448.45703125, + 0.7062078714370728, + 634.5768432617188, + 234.6549530029297, + 0.7557234168052673, + 762.8580932617188, + 395.0065002441406, + 0.9576137661933899, + 752.16796875, + 384.31640625, + 0.45207104086875916, + 805.6184692382812, + 480.52734375, + 0.13143835961818695 + ], + "scale": [ + 5.131249904632568, + 6.8416666984558105 + ], + "score": 0.8092126324772835 + }, + { + "category_id": 1, + "center": [ + 460.0, + 241.0 + ], + "image_id": 20506377200, + "keypoints": [ + 320.0260314941406, + 22.640625, + 0.9032350778579712, + 297.6302185058594, + -10.953125, + 0.07897823303937912, + 275.234375, + 22.640625, + 0.9194841384887695, + 342.421875, + 0.2447916716337204, + 0.001972824800759554, + 185.6510467529297, + 101.02603912353516, + 0.9405238628387451, + 286.4322814941406, + 123.421875, + 0.8710348606109619, + 185.6510467529297, + 302.5885314941406, + 0.8101748824119568, + 443.203125, + 145.8177032470703, + 0.834356427192688, + 275.234375, + 425.765625, + 0.018038691952824593, + 599.9739379882812, + 89.828125, + 0.8437632918357849, + 644.765625, + 492.953125, + 0.03200957551598549, + 432.0052185058594, + 324.984375, + 0.8309407234191895, + 443.203125, + 448.1614685058594, + 0.752910852432251, + 633.5676879882812, + 235.4010467529297, + 0.8405135869979858, + 767.9426879882812, + 380.9739685058594, + 0.9185969829559326, + 767.9426879882812, + 392.171875, + 0.4683070182800293, + 857.5260620117188, + 492.953125, + 0.10061725974082947 + ], + "scale": [ + 5.375, + 7.166666507720947 + ], + "score": 0.8278201421101888 + }, + { + "category_id": 1, + "center": [ + 463.5, + 241.5 + ], + "image_id": 20506378001, + "keypoints": [ + 294.1966247558594, + 81.87110137939453, + 0.8892478942871094, + 284.52215576171875, + 33.49871063232422, + 0.9450201988220215, + 236.14974975585938, + 62.52214813232422, + 0.9346331357955933, + 332.89453125, + 23.824234008789062, + 0.0046793012879788876, + 158.75392150878906, + 110.89453887939453, + 0.9383543729782104, + 303.87109375, + 130.24349975585938, + 0.807837724685669, + 168.42840576171875, + 304.3841247558594, + 0.7964016199111938, + 448.98828125, + 207.6393280029297, + 0.8837693929672241, + 294.1966247558594, + 478.52471923828125, + 0.012144112959504128, + 613.4544067382812, + 294.7096252441406, + 0.8933190107345581, + 594.10546875, + 497.8736877441406, + 0.023746604099869728, + 439.3138122558594, + 352.7565002441406, + 0.7120240926742554, + 410.2903747558594, + 468.8502502441406, + 0.497372031211853, + 700.5247192382812, + 246.3372344970703, + 0.416243314743042, + 768.24609375, + 391.45440673828125, + 0.9258900880813599, + 787.5950317382812, + 401.12890625, + 0.4004995822906494, + 894.0142822265625, + 497.8736877441406, + 0.16480562090873718 + ], + "scale": [ + 4.643749713897705, + 6.191666603088379 + ], + "score": 0.7723548045525184 + }, + { + "category_id": 1, + "center": [ + 460.5, + 241.0 + ], + "image_id": 20506378801, + "keypoints": [ + 343.25390625, + 82.97264862060547, + 0.8701562881469727, + 322.86328125, + 42.1913948059082, + 0.49751657247543335, + 292.27734375, + 72.77733612060547, + 0.9174901843070984, + 730.67578125, + -80.1523666381836, + 0.002848603529855609, + 190.32420349121094, + 133.94921875, + 0.9203228950500488, + 292.27734375, + 144.14453125, + 0.8243885040283203, + 180.12889099121094, + 307.26953125, + 0.8105275630950928, + 445.20703125, + 154.33984375, + 0.8621177673339844, + 292.27734375, + 480.58984375, + 0.016573425382375717, + 618.52734375, + 113.55858612060547, + 0.9109076261520386, + 628.72265625, + 460.19921875, + 0.027319975197315216, + 435.01171875, + 327.66015625, + 0.7477782964706421, + 435.01171875, + 450.00390625, + 0.7018985152244568, + 659.30859375, + 256.29296875, + 0.7760779857635498, + 761.26171875, + 378.63671875, + 0.9431726932525635, + 771.45703125, + 388.83203125, + 0.457628458738327, + 842.82421875, + 470.39453125, + 0.28320086002349854 + ], + "scale": [ + 4.893750190734863, + 6.524999618530273 + ], + "score": 0.7516560150044305 + }, + { + "category_id": 1, + "center": [ + 456.0, + 242.0 + ], + "image_id": 20506379500, + "keypoints": [ + 326.9765625, + 36.51823043823242, + 0.9312759637832642, + 307.8619689941406, + -11.268229484558105, + 0.018251772969961166, + 288.7474060058594, + 26.9609375, + 0.8947700262069702, + 250.5182342529297, + 74.74739837646484, + 0.0026911930181086063, + 202.7317657470703, + 103.41927337646484, + 0.9434034824371338, + 288.7474060058594, + 132.0911407470703, + 0.7576385736465454, + 174.0598907470703, + 313.6796875, + 0.8223528265953064, + 451.2213439941406, + 132.0911407470703, + 0.8855759501457214, + 537.2369995117188, + 457.0390625, + 0.007781492546200752, + 623.2526245117188, + 65.19010162353516, + 0.9371671676635742, + 585.0234375, + 437.9244689941406, + 0.0669436901807785, + 441.6640625, + 342.3515625, + 0.7637575268745422, + 441.6640625, + 457.0390625, + 0.6842895746231079, + 642.3671875, + 237.2213592529297, + 0.7929907441139221, + 766.6119995117188, + 390.1380310058594, + 0.940667986869812, + 776.1692504882812, + 390.1380310058594, + 0.4369935393333435, + 871.7421875, + 485.7109375, + 0.18953447043895721 + ], + "scale": [ + 4.587500095367432, + 6.116666793823242 + ], + "score": 0.8159069468577703 + }, + { + "category_id": 1, + "center": [ + 514.0, + 242.0 + ], + "image_id": 20506308001, + "keypoints": [ + 328.9739685058594, + 56.973968505859375, + 0.9068055152893066, + 318.40106201171875, + 25.25522232055664, + 0.0767640471458435, + 286.68231201171875, + 35.8281364440918, + 0.9443027377128601, + 519.2864379882812, + 279.0052185058594, + 0.010721644386649132, + 191.52606201171875, + 99.26563262939453, + 0.9785619378089905, + 265.5364685058594, + 152.13021850585938, + 0.8420872688293457, + 212.67189025878906, + 310.7239685058594, + 0.8488916158676147, + 392.4114685058594, + 236.7135467529297, + 0.8611800670623779, + 434.703125, + 532.7551879882812, + 0.04734719172120094, + 508.7135314941406, + 162.703125, + 0.9804626703262329, + 603.8698120117188, + 405.88018798828125, + 0.9607536196708679, + 434.703125, + 342.44268798828125, + 0.8347927331924438, + 455.8489685058594, + 448.171875, + 0.5867249965667725, + 656.734375, + 226.140625, + 0.7037053108215332, + 773.0364379882812, + 374.16143798828125, + 0.902498722076416, + 773.0364379882812, + 353.015625, + 0.45371124148368835, + 857.6197509765625, + 490.4635314941406, + 0.19649159908294678 + ], + "scale": [ + 5.074999809265137, + 6.766666889190674 + ], + "score": 0.83111372590065 + }, + { + "category_id": 1, + "center": [ + 467.5, + 242.0 + ], + "image_id": 20506382401, + "keypoints": [ + 327.75390625, + 29.79296875, + 0.9319964647293091, + 669.35546875, + 392.09765625, + 0.008105534128844738, + 286.34765625, + 9.08984375, + 0.8802851438522339, + 203.53515625, + -1.26171875, + 0.002455909503623843, + 203.53515625, + 91.90234375, + 0.9206348657608032, + 286.34765625, + 122.95703125, + 0.7909852862358093, + 172.48046875, + 319.63671875, + 0.8382930755615234, + 441.62109375, + 154.01171875, + 0.8743915557861328, + 296.69921875, + 485.26171875, + 0.026133250445127487, + 617.59765625, + 102.25390625, + 0.9238839149475098, + 617.59765625, + 464.55859375, + 0.20278804004192352, + 441.62109375, + 340.33984375, + 0.7534283399581909, + 431.26953125, + 464.55859375, + 0.655692994594574, + 648.65234375, + 247.17578125, + 0.8726338148117065, + 762.51953125, + 392.09765625, + 0.9422311782836914, + 762.51953125, + 392.09765625, + 0.40996092557907104, + 824.62890625, + 474.91015625, + 0.1282428354024887 + ], + "scale": [ + 4.96875, + 6.625 + ], + "score": 0.7690158153955753 + }, + { + "category_id": 1, + "center": [ + 464.0, + 242.0 + ], + "image_id": 20506383200, + "keypoints": [ + 336.7213439941406, + 33.26300811767578, + 0.977289617061615, + 306.1744689941406, + -7.466161251068115, + 0.013711667619645596, + 295.9921875, + 23.08071517944336, + 0.9407553672790527, + 448.7265625, + 145.26821899414062, + 0.003934981767088175, + 214.53384399414062, + 94.35675811767578, + 0.9251103401184082, + 275.6275939941406, + 135.0859375, + 0.8021241426467896, + 173.80467224121094, + 308.1849060058594, + 0.8334159255027771, + 438.5442810058594, + 165.6328125, + 0.8511523604393005, + 295.9921875, + 481.28387451171875, + 0.01514489483088255, + 621.8255004882812, + 104.53905487060547, + 0.892792820930481, + 489.4557189941406, + 481.28387451171875, + 0.7829567193984985, + 428.3619689941406, + 359.09637451171875, + 0.739756166934967, + 428.3619689941406, + 471.1015625, + 0.5829778909683228, + 632.0078125, + 247.0911407470703, + 0.7727657556533813, + 764.3776245117188, + 389.64324951171875, + 0.886960506439209, + 764.3776245117188, + 399.8255310058594, + 0.4679206609725952, + 845.8359375, + 471.1015625, + 0.1011071652173996 + ], + "scale": [ + 4.887500286102295, + 6.516666412353516 + ], + "score": 0.8043060211034921 + }, + { + "category_id": 1, + "center": [ + 509.0, + 241.5 + ], + "image_id": 20506384600, + "keypoints": [ + 312.125, + 22.125, + 0.9167896509170532, + 312.125, + -67.875, + 0.008460255339741707, + 278.375, + 22.125, + 0.9562678337097168, + 492.125, + 134.625, + 0.01182292215526104, + 210.875, + 100.875, + 0.9574884176254272, + 300.875, + 134.625, + 0.858505368232727, + 188.375, + 314.625, + 0.824967622756958, + 458.375, + 168.375, + 0.8688976764678955, + 300.875, + 427.125, + 0.013457967899739742, + 615.875, + 100.875, + 0.9133604168891907, + 503.375, + 483.375, + 0.7800430655479431, + 435.875, + 359.625, + 0.7964574098587036, + 435.875, + 460.875, + 0.5723474025726318, + 649.625, + 258.375, + 0.8503495454788208, + 762.125, + 393.375, + 0.951885998249054, + 773.375, + 393.375, + 0.5156463384628296, + 852.125, + 449.625, + 0.1002712994813919 + ], + "scale": [ + 5.400000095367432, + 7.200000286102295 + ], + "score": 0.827923595905304 + }, + { + "category_id": 1, + "center": [ + 478.0, + 242.5 + ], + "image_id": 20506309000, + "keypoints": [ + 373.8203125, + 88.71094512939453, + 0.9071987867355347, + 363.8984375, + 39.1015739440918, + 0.3090749680995941, + 334.1328125, + 49.0234489440918, + 0.9631947875022888, + 602.0234375, + 306.9921875, + 0.00230537005700171, + 224.99220275878906, + 58.9453239440918, + 0.925447940826416, + 274.6015625, + 148.2421875, + 0.6707562208175659, + 205.14845275878906, + 277.2265625, + 0.8228292465209961, + 413.5078125, + 158.1640625, + 0.18940407037734985, + 482.9609375, + 435.9765625, + 0.7706812620162964, + 373.8203125, + 98.63282012939453, + 0.18825207650661469, + 750.8515625, + 435.9765625, + 0.9479589462280273, + 443.2734375, + 346.6796875, + 0.6502870321273804, + 433.3515625, + 465.7421875, + 0.4371071457862854, + 631.7890625, + 237.5390625, + 0.7026185989379883, + 760.7734375, + 376.4453125, + 0.7693672180175781, + 750.8515625, + 346.6796875, + 0.2704668343067169, + 641.7109375, + 237.5390625, + 0.03153662756085396 + ], + "scale": [ + 4.762499809265137, + 6.349999904632568 + ], + "score": 0.7036145375325129 + }, + { + "category_id": 1, + "center": [ + 474.0, + 241.5 + ], + "image_id": 20506417300, + "keypoints": [ + 342.1640625, + 41.3046875, + 0.940645694732666, + 342.1640625, + -27.0546875, + 0.0178668349981308, + 303.1015625, + 12.0078125, + 0.9049373865127563, + 547.2421875, + 275.6796875, + 0.006386857014149427, + 205.4453125, + 70.6015625, + 0.9469020366668701, + 283.5703125, + 138.9609375, + 0.7997609376907349, + 224.9765625, + 295.2109375, + 0.8535548448562622, + 430.0546875, + 207.3203125, + 0.8918012380599976, + 469.1171875, + 480.7578125, + 0.46987301111221313, + 586.3046875, + 197.5546875, + 0.8662348985671997, + 723.0234375, + 461.2265625, + 0.801465630531311, + 439.8203125, + 334.2734375, + 0.7366909980773926, + 439.8203125, + 441.6953125, + 0.6557615995407104, + 635.1328125, + 246.3828125, + 0.5437318086624146, + 742.5546875, + 373.3359375, + 0.8018712997436523, + 771.8515625, + 353.8046875, + 0.42688512802124023, + 791.3828125, + 441.6953125, + 0.06868579983711243 + ], + "scale": [ + 4.6875, + 6.25 + ], + "score": 0.7600083223411015 + }, + { + "category_id": 1, + "center": [ + 477.5, + 239.5 + ], + "image_id": 20506418400, + "keypoints": [ + 339.1080627441406, + 43.84243392944336, + 0.9763268232345581, + 329.56378173828125, + -13.42319393157959, + 0.019805908203125, + 300.93096923828125, + 24.753890991210938, + 0.9233641624450684, + 234.12107849121094, + 43.84243392944336, + 0.002807062119245529, + 205.48826599121094, + 91.56378936767578, + 0.9584115743637085, + 272.29815673828125, + 139.28515625, + 0.7933705449104309, + 234.12107849121094, + 291.9934997558594, + 0.8410009145736694, + 425.0065002441406, + 206.0950469970703, + 0.9123249053955078, + 510.9049377441406, + 435.1575622558594, + 0.9046928882598877, + 587.2590942382812, + 196.55078125, + 0.9529681205749512, + 711.3346557617188, + 291.9934997558594, + 0.8637226819992065, + 444.0950622558594, + 368.34765625, + 0.6922736167907715, + 463.18359375, + 473.33465576171875, + 0.48253586888313293, + 673.1575927734375, + 253.81640625, + 0.561635434627533, + 768.6002807617188, + 387.43621826171875, + 1.0092437267303467, + 797.2330932617188, + 396.98046875, + 0.29038330912590027, + 873.5872802734375, + 501.96746826171875, + 0.14870023727416992 + ], + "scale": [ + 4.581250190734863, + 6.108333587646484 + ], + "score": 0.7973038979939052 + }, + { + "category_id": 1, + "center": [ + 498.0, + 241.5 + ], + "image_id": 20506419800, + "keypoints": [ + 345.0703125, + 46.3828125, + 0.9466506838798523, + 323.9765625, + 14.7421875, + 0.07287023961544037, + 302.8828125, + 25.2890625, + 0.9614864587783813, + 271.2421875, + 46.3828125, + 0.0026202669832855463, + 207.9609375, + 88.5703125, + 0.9603999257087708, + 281.7890625, + 141.3046875, + 0.8332455158233643, + 229.0546875, + 288.9609375, + 0.8480568528175354, + 418.8984375, + 215.1328125, + 0.9307591915130615, + 503.2734375, + 426.0703125, + 0.9013139009475708, + 577.1015625, + 204.5859375, + 0.9981810450553894, + 714.2109375, + 288.9609375, + 0.883486270904541, + 439.9921875, + 362.7890625, + 0.6591314077377319, + 450.5390625, + 468.2578125, + 0.6361443996429443, + 672.0234375, + 267.8671875, + 0.5282445549964905, + 756.3984375, + 383.8828125, + 0.9671247005462646, + 798.5859375, + 404.9765625, + 0.3381236791610718, + 872.4140625, + 478.8046875, + 0.2885953187942505 + ], + "scale": [ + 5.0625, + 6.75 + ], + "score": 0.7787295937538147 + }, + { + "category_id": 1, + "center": [ + 476.5, + 242.0 + ], + "image_id": 20506420100, + "keypoints": [ + 346.4544372558594, + 49.532562255859375, + 0.9312240481376648, + 336.05078125, + -2.4856622219085693, + 0.04969163239002228, + 304.83984375, + 28.72527313232422, + 0.9784626364707947, + 252.82162475585938, + 59.93621063232422, + 0.0030447582248598337, + 200.80340576171875, + 91.14714813232422, + 0.97092205286026, + 273.62890625, + 143.16537475585938, + 0.8610646724700928, + 232.01434326171875, + 299.2200622558594, + 0.841571033000946, + 419.2799377441406, + 215.9908905029297, + 0.9145471453666687, + 512.9127807617188, + 413.66015625, + 0.90460205078125, + 585.73828125, + 205.5872344970703, + 0.945285975933075, + 720.9856567382812, + 278.4127502441406, + 0.904330849647522, + 450.4908752441406, + 361.64190673828125, + 0.6616039276123047, + 450.4908752441406, + 465.6783752441406, + 0.5802080035209656, + 679.37109375, + 247.2018280029297, + 0.4612184166908264, + 762.6002197265625, + 392.85284423828125, + 0.9576940536499023, + 783.4075317382812, + 392.85284423828125, + 0.2501404881477356, + 877.0403442382812, + 455.27471923828125, + 0.14571210741996765 + ], + "scale": [ + 4.993749618530273, + 6.658333778381348 + ], + "score": 0.7973482395921435 + }, + { + "category_id": 1, + "center": [ + 468.5, + 241.0 + ], + "image_id": 20506421601, + "keypoints": [ + 352.75128173828125, + 44.7304573059082, + 0.9231379628181458, + 332.62109375, + 4.47003698348999, + 0.02284090220928192, + 312.4908752441406, + 34.66535186767578, + 0.9459148645401001, + 252.10025024414062, + 54.795562744140625, + 0.002068654168397188, + 221.90493774414062, + 95.05597686767578, + 0.9099308252334595, + 282.2955627441406, + 145.38150024414062, + 0.8450542688369751, + 231.97003173828125, + 306.4231872558594, + 0.8556810021400452, + 423.20703125, + 215.8372344970703, + 0.9048205614089966, + 473.5325622558594, + 467.46484375, + 0.8422861099243164, + 584.2487182617188, + 195.70703125, + 0.9577268362045288, + 674.8346557617188, + 336.6184997558594, + 0.9118948578834534, + 443.3372497558594, + 346.68359375, + 0.7505374550819397, + 453.40234375, + 457.3997497558594, + 0.6060011386871338, + 664.76953125, + 256.09765625, + 0.5734519958496094, + 775.4857177734375, + 386.94403076171875, + 0.8541092872619629, + 775.4857177734375, + 376.87890625, + 0.30715882778167725, + 866.0716552734375, + 477.52996826171875, + 0.23967811465263367 + ], + "scale": [ + 4.831250190734863, + 6.441666603088379 + ], + "score": 0.7618256072203319 + }, + { + "category_id": 1, + "center": [ + 476.5, + 240.5 + ], + "image_id": 20506423000, + "keypoints": [ + 329.0455627441406, + 42.19921875, + 0.9557079076766968, + 268.0299377441406, + -69.66275787353516, + 0.006603419315069914, + 298.5377502441406, + 21.86067771911621, + 0.9370105266571045, + 257.8606872558594, + 62.53776168823242, + 0.004411852918565273, + 207.0143280029297, + 82.87630462646484, + 0.9495179057121277, + 278.19921875, + 143.8919219970703, + 0.8589929342269897, + 217.18359375, + 306.6002502441406, + 0.8470484614372253, + 420.5690002441406, + 215.0768280029297, + 0.9781883955001831, + 512.0924682617188, + 418.4622497558594, + 0.9089674949645996, + 583.27734375, + 164.23046875, + 0.9229793548583984, + 745.9856567382812, + 286.26171875, + 0.9018980264663696, + 440.9075622558594, + 347.27734375, + 0.6647717356681824, + 451.0768127441406, + 469.30859375, + 0.5441657304763794, + 674.80078125, + 245.5846405029297, + 0.6125261187553406, + 766.32421875, + 398.1236877441406, + 0.900153636932373, + 786.6627807617188, + 387.9544372558594, + 0.23176756501197815, + 868.0169067382812, + 479.4778747558594, + 0.15880931913852692 + ], + "scale": [ + 4.881249904632568, + 6.508333206176758 + ], + "score": 0.8009782710245678 + }, + { + "category_id": 1, + "center": [ + 473.5, + 239.5 + ], + "image_id": 20506423400, + "keypoints": [ + 336.21484375, + 41.19921875, + 0.9649300575256348, + 315.8763122558594, + -29.98567771911621, + 0.010254758410155773, + 295.5377502441406, + 20.86067771911621, + 0.9363307952880859, + 254.8606719970703, + 51.36848831176758, + 0.0043308911845088005, + 204.0143280029297, + 81.87630462646484, + 0.9567203521728516, + 275.19921875, + 142.8919219970703, + 0.8342597484588623, + 224.3528594970703, + 305.6002502441406, + 0.8621072769165039, + 427.73828125, + 214.0768280029297, + 0.9542199373245239, + 529.4309692382812, + 417.4622497558594, + 0.8808948993682861, + 590.4465942382812, + 153.0612030029297, + 0.989372968673706, + 763.32421875, + 295.4309997558594, + 0.9227787256240845, + 448.0768127441406, + 346.27734375, + 0.668891191482544, + 437.9075622558594, + 468.30859375, + 0.42786672711372375, + 651.4622192382812, + 264.9231872558594, + 0.4797826409339905, + 763.32421875, + 397.1236877441406, + 0.7150014638900757, + 783.6627807617188, + 386.9544372558594, + 0.17789246141910553, + 854.84765625, + 468.30859375, + 0.1132635623216629 + ], + "scale": [ + 4.881249904632568, + 6.508333206176758 + ], + "score": 0.814858214213298 + }, + { + "category_id": 1, + "center": [ + 497.5, + 241.5 + ], + "image_id": 20506425300, + "keypoints": [ + 374.94140625, + 50.3085823059082, + 0.9761927723884583, + 365.13671875, + 11.089828491210938, + 0.017451941967010498, + 345.52734375, + 30.69920539855957, + 0.9377073049545288, + 286.69921875, + 60.1132698059082, + 0.002594023710116744, + 237.67576599121094, + 79.72264862060547, + 0.9526195526123047, + 306.30859375, + 128.74609375, + 0.7825760841369629, + 257.2851257324219, + 295.42578125, + 0.8375811576843262, + 472.98828125, + 167.96484375, + 0.8778912425041199, + 551.42578125, + 442.49609375, + 0.9159719347953796, + 649.47265625, + 226.79296875, + 0.9127107262611389, + 796.54296875, + 295.42578125, + 0.8221786618232727, + 453.37890625, + 373.86328125, + 0.5053649544715881, + 463.18359375, + 471.91015625, + 0.29213857650756836, + 737.71484375, + 246.40234375, + 0.25313320755958557, + 747.51953125, + 413.08203125, + 0.21643242239952087, + 845.56640625, + 452.30078125, + 0.11057090014219284, + 865.17578125, + 462.10546875, + 0.06642144173383713 + ], + "scale": [ + 4.706250190734863, + 6.275000095367432 + ], + "score": 0.7140383536999042 + }, + { + "category_id": 1, + "center": [ + 504.0, + 239.0 + ], + "image_id": 20506426401, + "keypoints": [ + 352.6328125, + 38.8046875, + 0.9560873508453369, + 342.8671875, + 48.5703125, + 0.004751290660351515, + 313.5703125, + 19.2734375, + 0.909429669380188, + 254.9765625, + 38.8046875, + 0.004237447399646044, + 235.4453125, + 77.8671875, + 0.9615285396575928, + 274.5078125, + 146.2265625, + 0.7968337535858154, + 235.4453125, + 292.7109375, + 0.8619238138198853, + 401.4609375, + 253.6484375, + 0.8995907306671143, + 538.1796875, + 429.4296875, + 0.8791975975036621, + 547.9453125, + 253.6484375, + 0.9093146324157715, + 762.7890625, + 302.4765625, + 0.9135825634002686, + 460.0546875, + 380.6015625, + 0.5941824316978455, + 469.8203125, + 468.4921875, + 0.2970208525657654, + 694.4296875, + 302.4765625, + 0.35467249155044556, + 772.5546875, + 400.1328125, + 0.8133683204650879, + 792.0859375, + 419.6640625, + 0.21798276901245117, + 850.6796875, + 478.2578125, + 0.08432400226593018 + ], + "scale": [ + 4.6875, + 6.25 + ], + "score": 0.740336822611945 + }, + { + "category_id": 1, + "center": [ + 466.0, + 238.5 + ], + "image_id": 20506427100, + "keypoints": [ + 324.0208435058594, + 27.97917938232422, + 0.926210880279541, + 314.22918701171875, + 47.5625114440918, + 0.004965201951563358, + 275.0625, + 8.395848274230957, + 0.8429383039474487, + 578.6041870117188, + 370.6875, + 0.007178334053605795, + 206.52084350585938, + 86.72917938232422, + 0.9513213038444519, + 275.0625, + 145.4791717529297, + 0.791924238204956, + 206.52084350585938, + 311.9375, + 0.8314721584320068, + 402.3541564941406, + 253.1875, + 0.9047719240188599, + 382.7708435058594, + 517.5625, + 0.06580598652362823, + 539.4375, + 282.5625, + 0.9913018345832825, + 598.1875, + 429.4375, + 0.9519754648208618, + 441.5208435058594, + 360.89581298828125, + 0.8131283521652222, + 431.7291564941406, + 468.6041564941406, + 0.4161877930164337, + 686.3125, + 282.5625, + 0.5532416701316833, + 774.4375, + 400.0625, + 0.9214200973510742, + 784.2291259765625, + 409.8541564941406, + 0.3688957691192627, + 891.9375, + 488.1874694824219, + 0.27260783314704895 + ], + "scale": [ + 4.699999809265137, + 6.266666412353516 + ], + "score": 0.7526712587901524 + }, + { + "category_id": 1, + "center": [ + 471.0, + 239.5 + ], + "image_id": 20506427600, + "keypoints": [ + 326.859375, + 20.61979103088379, + 0.92345130443573, + 305.5052185058594, + -64.796875, + 0.0049546463415026665, + 284.1510314941406, + 9.942708015441895, + 0.8092635869979858, + 241.4427032470703, + 63.328125, + 0.002891793381422758, + 198.734375, + 95.359375, + 0.9041404128074646, + 262.796875, + 138.0677032470703, + 0.822649359703064, + 209.4114532470703, + 319.578125, + 0.8189564943313599, + 390.921875, + 255.515625, + 0.8188542127609253, + 401.5989685058594, + 511.765625, + 0.11220206320285797, + 540.4010620117188, + 266.1927185058594, + 0.9175643920898438, + 593.7864379882812, + 437.0260314941406, + 0.9350135326385498, + 433.6302185058594, + 362.2864685058594, + 0.8069471120834351, + 433.6302185058594, + 469.0572814941406, + 0.4610254764556885, + 668.5260620117188, + 266.1927185058594, + 0.6279529929161072, + 775.296875, + 394.3177185058594, + 0.8968026638031006, + 775.296875, + 394.3177185058594, + 0.4041327238082886, + 882.0676879882812, + 511.765625, + 0.1535843312740326 + ], + "scale": [ + 5.125, + 6.833333492279053 + ], + "score": 0.7805195588331956 + }, + { + "category_id": 1, + "center": [ + 482.0, + 242.0 + ], + "image_id": 20506428700, + "keypoints": [ + 330.203125, + 27.390625, + 0.6846671104431152, + 330.203125, + 100.671875, + 0.0023183743469417095, + 298.796875, + 16.921875, + 0.796972393989563, + 602.390625, + 393.796875, + 0.008363929577171803, + 246.453125, + 69.265625, + 0.9130076169967651, + 267.390625, + 142.546875, + 0.7973378300666809, + 215.046875, + 320.515625, + 0.8685677647590637, + 393.015625, + 257.703125, + 0.88432776927948, + 413.953125, + 550.828125, + 0.09220514446496964, + 539.578125, + 299.578125, + 0.9731606245040894, + 612.859375, + 435.671875, + 0.8990501165390015, + 434.890625, + 362.390625, + 0.7758154273033142, + 434.890625, + 477.546875, + 0.4300616979598999, + 686.140625, + 278.640625, + 0.5875946283340454, + 780.359375, + 393.796875, + 0.9077082872390747, + 780.359375, + 393.796875, + 0.382019579410553, + 864.109375, + 529.890625, + 0.10481961071491241 + ], + "scale": [ + 5.025000095367432, + 6.700000286102295 + ], + "score": 0.7615608343711266 + }, + { + "category_id": 1, + "center": [ + 464.5, + 243.0 + ], + "image_id": 20506429800, + "keypoints": [ + 356.5377502441406, + 59.93359375, + 0.960479736328125, + 347.1497497558594, + -15.170573234558105, + 0.007783043663948774, + 318.9856872558594, + 31.76953125, + 0.9404270052909851, + 450.41796875, + 153.8137969970703, + 0.0039028485771268606, + 215.7174530029297, + 88.09765625, + 0.9374814629554749, + 272.0455627441406, + 144.42578125, + 0.773841381072998, + 206.3294219970703, + 313.41015625, + 0.8265684843063354, + 422.25390625, + 191.3658905029297, + 0.9137588739395142, + 441.0299377441406, + 566.88671875, + 0.017803234979510307, + 581.8502807617188, + 153.8137969970703, + 0.8734492063522339, + 600.6262817382812, + 435.4544372558594, + 0.9949865341186523, + 441.0299377441406, + 360.3502502441406, + 0.8242274522781372, + 459.8059997558594, + 473.0065002441406, + 0.4294336438179016, + 647.56640625, + 247.6940155029297, + 0.541633129119873, + 769.6106567382812, + 397.90234375, + 0.886782169342041, + 788.38671875, + 397.90234375, + 0.440990686416626, + 872.87890625, + 473.0065002441406, + 0.326432466506958 + ], + "scale": [ + 4.506249904632568, + 6.008333683013916 + ], + "score": 0.7621780165604183 + }, + { + "category_id": 1, + "center": [ + 451.0, + 242.0 + ], + "image_id": 20506430100, + "keypoints": [ + 352.015625, + 67.59896850585938, + 0.9087659120559692, + 342.58856201171875, + 20.46355628967285, + 0.026760920882225037, + 314.30731201171875, + 39.31772232055664, + 0.9282848834991455, + 634.828125, + 359.8385314941406, + 0.004073819611221552, + 201.18231201171875, + 95.88021850585938, + 0.9408854246139526, + 286.02606201171875, + 133.5885467529297, + 0.7165882587432861, + 201.18231201171875, + 303.2760314941406, + 0.8150315284729004, + 474.5677185058594, + 143.015625, + 0.9126040935516357, + 427.4322814941406, + 557.8072509765625, + 0.03518205136060715, + 672.5364379882812, + 95.88021850585938, + 0.9362436532974243, + 587.6926879882812, + 425.828125, + 0.9695819616317749, + 446.2864685058594, + 340.984375, + 0.7087866067886353, + 446.2864685058594, + 454.109375, + 0.5252973437309265, + 615.9739379882812, + 274.9947814941406, + 0.5844135284423828, + 766.8072509765625, + 397.546875, + 0.9452469944953918, + 776.234375, + 388.1197814941406, + 0.5022146701812744, + 870.5051879882812, + 482.3905944824219, + 0.26508358120918274 + ], + "scale": [ + 4.524999618530273, + 6.033333778381348 + ], + "score": 0.7613591743367059 + }, + { + "category_id": 1, + "center": [ + 478.5, + 241.0 + ], + "image_id": 20506431200, + "keypoints": [ + 366.3580627441406, + 39.14453125, + 0.9245368242263794, + 357.38671875, + -5.712239742279053, + 0.03816501796245575, + 321.5013122558594, + 21.20182228088379, + 0.8927885293960571, + 231.7877655029297, + 12.23046875, + 0.0010080847423523664, + 222.81640625, + 75.02994537353516, + 0.9317032694816589, + 303.55859375, + 119.88671875, + 0.7563745975494385, + 213.8450469970703, + 272.3997497558594, + 0.7913945913314819, + 465.04296875, + 182.6862030029297, + 0.8198001384735107, + 366.3580627441406, + 496.68359375, + 0.24001243710517883, + 671.3840942382812, + 182.6862030029297, + 0.8620529174804688, + 572.69921875, + 415.94140625, + 0.9269598722457886, + 447.1002502441406, + 344.1705627441406, + 0.7757149934768677, + 429.1575622558594, + 442.85546875, + 0.5341829061508179, + 662.4127807617188, + 281.37109375, + 0.6306046843528748, + 761.09765625, + 380.0559997558594, + 0.9196195602416992, + 779.0403442382812, + 389.02734375, + 0.3002886176109314, + 877.7252807617188, + 478.7408752441406, + 0.24906803667545319 + ], + "scale": [ + 4.306250095367432, + 5.741666793823242 + ], + "score": 0.7036734650532405 + }, + { + "category_id": 1, + "center": [ + 478.5, + 242.5 + ], + "image_id": 20506444500, + "keypoints": [ + 329.1575622558594, + 62.25911331176758, + 0.8847452402114868, + 298.2591247558594, + 21.06119728088379, + 0.2323388159275055, + 277.66015625, + 41.66015625, + 0.942060112953186, + 596.9440307617188, + 360.9440002441406, + 0.007266480475664139, + 174.6653594970703, + 113.75650787353516, + 0.9758151769638062, + 277.66015625, + 165.25390625, + 0.7555474638938904, + 215.86328125, + 319.74609375, + 0.8595677018165588, + 401.25390625, + 247.6497344970703, + 0.5219532251358032, + 483.6497497558594, + 453.6393127441406, + 0.8973009586334229, + 473.3502502441406, + 319.74609375, + 0.5183072686195374, + 689.6393432617188, + 330.0455627441406, + 0.917786717414856, + 442.4518127441406, + 350.64453125, + 0.7468332052230835, + 452.7513122558594, + 474.23828125, + 0.5544456839561462, + 627.8424682617188, + 227.05078125, + 0.7437010407447815, + 761.7356567382812, + 391.8424377441406, + 0.891836404800415, + 761.7356567382812, + 381.54296875, + 0.33057940006256104, + 792.6340942382812, + 453.6393127441406, + 0.055790554732084274 + ], + "scale": [ + 4.943749904632568, + 6.591667175292969 + ], + "score": 0.7181878944238027 + }, + { + "category_id": 1, + "center": [ + 441.0, + 241.0 + ], + "image_id": 20506448200, + "keypoints": [ + 334.90625, + 74.28124237060547, + 0.8993822336196899, + 314.6979064941406, + 23.76040267944336, + 0.35032719373703003, + 284.3854064941406, + 43.9687385559082, + 0.9174933433532715, + 597.6145629882812, + 357.19793701171875, + 0.0035898529458791018, + 173.23956298828125, + 104.59374237060547, + 0.9619244337081909, + 274.28125, + 165.21875, + 0.7481399774551392, + 203.55206298828125, + 316.78125, + 0.8399803638458252, + 405.6354064941406, + 256.15625, + 0.35709381103515625, + 395.53125, + 549.1771240234375, + 0.014237022027373314, + 516.78125, + 316.78125, + 0.18279647827148438, + 567.3020629882812, + 407.71875, + 0.9196192026138306, + 435.9479064941406, + 357.19793701171875, + 0.8366695642471313, + 446.0520935058594, + 468.34375, + 0.44738203287124634, + 638.03125, + 225.84375, + 0.5028604865074158, + 739.0729370117188, + 377.40625, + 0.89938884973526, + 739.0729370117188, + 367.3020935058594, + 0.4116532802581787, + 799.6979370117188, + 488.5520935058594, + 0.07224343717098236 + ], + "scale": [ + 4.850000381469727, + 6.466666221618652 + ], + "score": 0.6993780594605666 + }, + { + "category_id": 1, + "center": [ + 451.0, + 241.0 + ], + "image_id": 20506450200, + "keypoints": [ + 344.984375, + 52.0156135559082, + 0.8441263437271118, + 243.57810974121094, + 33.57810974121094, + 0.003519641701132059, + 317.328125, + 24.359359741210938, + 0.8928006291389465, + 557.015625, + 347.015625, + 0.012136653997004032, + 243.57810974121094, + 61.2343635559082, + 0.9684181213378906, + 280.453125, + 144.203125, + 0.7467771172523499, + 206.70310974121094, + 310.140625, + 0.7945948839187622, + 391.078125, + 273.265625, + 0.33756089210510254, + 400.296875, + 466.8594055175781, + 0.0729813426733017, + 492.484375, + 319.359375, + 0.3907773792743683, + 547.796875, + 365.453125, + 0.9454594254493713, + 427.953125, + 347.015625, + 0.8106482028961182, + 437.171875, + 457.640625, + 0.43552523851394653, + 603.109375, + 208.734375, + 0.6559737324714661, + 741.390625, + 365.453125, + 0.871632993221283, + 722.953125, + 347.015625, + 0.3775497078895569, + 787.484375, + 466.8594055175781, + 0.13873277604579926 + ], + "scale": [ + 4.425000190734863, + 5.899999618530273 + ], + "score": 0.6978342051689441 + }, + { + "category_id": 1, + "center": [ + 497.0, + 242.0 + ], + "image_id": 20506456100, + "keypoints": [ + 308.7838439941406, + 32.273414611816406, + 0.8465229868888855, + 298.02862548828125, + 0.0077838897705078125, + 0.033534955233335495, + 276.5181884765625, + 21.518203735351562, + 0.8789312243461609, + 491.6224060058594, + 150.58071899414062, + 0.009091133251786232, + 179.7213134765625, + 86.0494613647461, + 0.9174224138259888, + 265.76300048828125, + 118.3150863647461, + 0.8146728277206421, + 233.4973602294922, + 279.6432189941406, + 0.8186899423599243, + 394.82550048828125, + 107.55988311767578, + 0.9274044036865234, + 513.1328125, + 387.1953430175781, + 0.9019536972045898, + 545.3984375, + 129.07029724121094, + 0.9184685945510864, + 760.5026245117188, + 290.3984375, + 0.9130414724349976, + 405.5807189941406, + 344.17449951171875, + 0.5070784687995911, + 427.09112548828125, + 451.7265930175781, + 0.5203640460968018, + 642.1953125, + 225.8671875, + 0.36783531308174133, + 771.2578735351562, + 397.9505310058594, + 0.8136381506919861, + 760.5026245117188, + 397.9505310058594, + 0.18521764874458313, + 878.8099365234375, + 483.9922180175781, + 0.06159032881259918 + ], + "scale": [ + 5.162500381469727, + 6.883333206176758 + ], + "score": 0.7804633493606861 + }, + { + "category_id": 1, + "center": [ + 478.5, + 240.5 + ], + "image_id": 20506460400, + "keypoints": [ + 319.6653747558594, + 50.923187255859375, + 0.8101669549942017, + 319.6653747558594, + -10.561182022094727, + 0.005467865150421858, + 288.9231872558594, + 30.42839813232422, + 0.8328821063041687, + 473.3763122558594, + 153.3971405029297, + 0.004624776542186737, + 217.19142150878906, + 71.41797637939453, + 0.9439668655395508, + 258.1809997558594, + 112.40756225585938, + 0.840367317199707, + 206.94403076171875, + 296.8606872558594, + 0.8309187889099121, + 391.39715576171875, + 112.40756225585938, + 0.9066421985626221, + 473.3763122558594, + 450.57159423828125, + 0.7554314732551575, + 545.1080932617188, + 112.40756225585938, + 0.9499818086624146, + 729.5611572265625, + 440.32421875, + 0.8765853643417358, + 422.1393127441406, + 317.35546875, + 0.7239062190055847, + 432.38671875, + 450.57159423828125, + 0.6863117814064026, + 627.0872192382812, + 225.12890625, + 0.71416175365448, + 770.55078125, + 389.08721923828125, + 0.7723982334136963, + 750.0559692382812, + 358.34503173828125, + 0.36168423295021057, + 811.5403442382812, + 481.31378173828125, + 0.0503961555659771 + ], + "scale": [ + 4.918749809265137, + 6.558332920074463 + ], + "score": 0.7861003641571317 + }, + { + "category_id": 1, + "center": [ + 467.0, + 242.0 + ], + "image_id": 20506470401, + "keypoints": [ + 318.6015625, + 32.1953125, + 0.9459024667739868, + 308.3671875, + -8.7421875, + 0.026897763833403587, + 277.6640625, + 21.9609375, + 0.910636305809021, + 594.9296875, + 410.8671875, + 0.004836821462959051, + 195.7890625, + 83.3671875, + 0.9307836294174194, + 277.6640625, + 134.5390625, + 0.7724426984786987, + 195.7890625, + 308.5234375, + 0.8263765573501587, + 451.6484375, + 144.7734375, + 0.8844961524009705, + 380.0078125, + 554.1484375, + 0.012738524004817009, + 646.1015625, + 83.3671875, + 0.9303144216537476, + 584.6953125, + 451.8046875, + 1.0026832818984985, + 431.1796875, + 339.2265625, + 0.7708600163459778, + 441.4140625, + 451.8046875, + 0.5604738593101501, + 646.1015625, + 226.6484375, + 0.7045105695724487, + 768.9140625, + 380.1640625, + 0.880524218082428, + 758.6796875, + 369.9296875, + 0.4007680118083954, + 850.7890625, + 472.2734375, + 0.0949021726846695 + ], + "scale": [ + 4.912499904632568, + 6.549999713897705 + ], + "score": 0.8092901683770694 + }, + { + "category_id": 1, + "center": [ + 466.5, + 242.5 + ], + "image_id": 20506472001, + "keypoints": [ + 350.4518127441406, + 65.90494537353516, + 0.8981443643569946, + 330.26953125, + 25.54036521911621, + 0.5155765414237976, + 299.99609375, + 55.81380081176758, + 0.8968672156333923, + 400.9075622558594, + 15.44921875, + 0.003754015313461423, + 199.0846405029297, + 116.36067962646484, + 0.9092749357223511, + 310.0872497558594, + 126.45182037353516, + 0.727456271648407, + 239.44921875, + 328.2747497558594, + 0.8214772939682007, + 471.5455627441406, + 166.81640625, + 0.8664069175720215, + 431.1809997558594, + 509.9153747558594, + 0.1582004427909851, + 673.3684692382812, + 176.9075469970703, + 0.8597490787506104, + 673.3684692382812, + 459.4596252441406, + 0.9200730919837952, + 441.2721252441406, + 328.2747497558594, + 0.6745967268943787, + 441.2721252441406, + 439.27734375, + 0.6539862155914307, + 663.27734375, + 237.4544219970703, + 0.6400651931762695, + 754.09765625, + 368.6393127441406, + 0.8563793897628784, + 754.09765625, + 378.73046875, + 0.380009263753891, + 794.4622192382812, + 439.27734375, + 0.05538420379161835 + ], + "scale": [ + 4.84375, + 6.4583330154418945 + ], + "score": 0.7585758928741727 + }, + { + "category_id": 1, + "center": [ + 462.5, + 241.5 + ], + "image_id": 20506472300, + "keypoints": [ + 319.00390625, + 116.51953125, + 0.9090055823326111, + 319.00390625, + 60.97265625, + 0.9640966653823853, + 263.45703125, + 88.74609375, + 0.9907221794128418, + 328.26171875, + 23.94140625, + 0.03016563132405281, + 180.13671875, + 125.77734375, + 0.9309046864509583, + 300.48828125, + 144.29296875, + 0.6922107934951782, + 244.94140625, + 320.19140625, + 0.8036566972732544, + 448.61328125, + 190.58203125, + 0.9058603048324585, + 420.83984375, + 505.34765625, + 0.24325713515281677, + 587.48046875, + 153.55078125, + 0.9143314361572266, + 661.54296875, + 459.05859375, + 0.8782612085342407, + 439.35546875, + 329.44921875, + 0.6752680540084839, + 448.61328125, + 440.54296875, + 0.6964385509490967, + 643.02734375, + 227.61328125, + 0.6955876350402832, + 754.12109375, + 347.96484375, + 0.8572330474853516, + 763.37890625, + 338.70703125, + 0.45056426525115967, + 809.66796875, + 412.76953125, + 0.08832262456417084 + ], + "scale": [ + 4.443749904632568, + 5.924999713897705 + ], + "score": 0.7738265494505564 + }, + { + "category_id": 1, + "center": [ + 482.0, + 239.5 + ], + "image_id": 20506472801, + "keypoints": [ + 335.0729064941406, + 102.05207061767578, + 0.9013680815696716, + 325.59375, + 64.13540649414062, + 0.7415937185287476, + 287.67706298828125, + 92.57290649414062, + 0.962058424949646, + 354.03125, + 64.13540649414062, + 0.005660316441208124, + 192.88539123535156, + 139.96875, + 0.9341479539871216, + 287.67706298828125, + 139.96875, + 0.7371799945831299, + 230.80206298828125, + 310.59375, + 0.8063369989395142, + 458.3020935058594, + 139.96875, + 0.8925029039382935, + 420.3854064941406, + 500.1770935058594, + 0.17885684967041016, + 657.3646240234375, + 92.57290649414062, + 0.9303910136222839, + 676.3229370117188, + 452.78125, + 0.8374887704849243, + 439.34375, + 329.5520935058594, + 0.7186024785041809, + 439.34375, + 443.3020935058594, + 0.7004390358924866, + 647.8854370117188, + 234.7604217529297, + 0.7750704288482666, + 752.15625, + 357.9895935058594, + 0.872551679611206, + 752.15625, + 367.46875, + 0.4361266791820526, + 771.1146240234375, + 443.3020935058594, + 0.08889086544513702 + ], + "scale": [ + 4.550000190734863, + 6.066666603088379 + ], + "score": 0.8032755830458232 + }, + { + "category_id": 1, + "center": [ + 481.0, + 241.5 + ], + "image_id": 20506473201, + "keypoints": [ + 359.25518798828125, + 90.53644561767578, + 0.8554229736328125, + 330.03643798828125, + 41.83852767944336, + 0.019361207261681557, + 320.296875, + 80.79686737060547, + 0.8777397871017456, + 271.59893798828125, + 100.27603149414062, + 0.0019242598209530115, + 222.90103149414062, + 139.234375, + 0.9160550832748413, + 291.078125, + 148.9739532470703, + 0.7422159910202026, + 213.16143798828125, + 334.02606201171875, + 0.8259488344192505, + 456.6510314941406, + 148.9739532470703, + 0.8984649777412415, + 476.1302185058594, + 441.1614685058594, + 0.09780952334403992, + 661.1823120117188, + 110.01561737060547, + 0.849326491355896, + 670.921875, + 441.1614685058594, + 0.8925700783729553, + 437.171875, + 343.765625, + 0.7807440757751465, + 437.171875, + 460.640625, + 0.6806918382644653, + 651.4427490234375, + 246.3697967529297, + 0.8162703514099121, + 758.578125, + 392.46356201171875, + 0.8274644613265991, + 768.3177490234375, + 392.46356201171875, + 0.4540037512779236, + 826.7552490234375, + 460.640625, + 0.11004552990198135 + ], + "scale": [ + 4.675000190734863, + 6.233333587646484 + ], + "score": 0.8013014380748456 + }, + { + "category_id": 1, + "center": [ + 473.0, + 240.0 + ], + "image_id": 20506473500, + "keypoints": [ + 365.5390625, + 81.3671875, + 0.8856556415557861, + 345.0703125, + 30.1953125, + 0.011965983547270298, + 324.6015625, + 71.1328125, + 0.9087734222412109, + 293.8984375, + 101.8359375, + 0.0018036816036328673, + 232.4921875, + 122.3046875, + 0.9374418258666992, + 283.6640625, + 153.0078125, + 0.7494951486587524, + 201.7890625, + 326.9921875, + 0.8575147390365601, + 437.1796875, + 163.2421875, + 0.8610703945159912, + 467.8828125, + 449.8046875, + 0.1445068120956421, + 611.1640625, + 91.6015625, + 0.9372940063476562, + 672.5703125, + 439.5703125, + 0.90877366065979, + 437.1796875, + 347.4609375, + 0.7473347187042236, + 437.1796875, + 460.0390625, + 0.6838316917419434, + 641.8671875, + 245.1171875, + 0.8031826019287109, + 754.4453125, + 388.3984375, + 0.9040428996086121, + 764.6796875, + 388.3984375, + 0.4913654923439026, + 867.0234375, + 480.5078125, + 0.13398078083992004 + ], + "scale": [ + 4.912499904632568, + 6.549999713897705 + ], + "score": 0.8212135571699876 + }, + { + "category_id": 1, + "center": [ + 500.5, + 240.0 + ], + "image_id": 20506475601, + "keypoints": [ + 348.8919372558594, + 15.201836585998535, + 0.807628870010376, + 317.5247497558594, + -16.165348052978516, + 0.010140781290829182, + 317.5247497558594, + 4.746108055114746, + 0.6114085912704468, + 275.70184326171875, + 25.65756607055664, + 0.0032138293609023094, + 212.96746826171875, + 57.024749755859375, + 0.919204831123352, + 307.06903076171875, + 109.30339050292969, + 0.8089247345924377, + 202.51173400878906, + 266.1393127441406, + 0.8228588104248047, + 474.3606872558594, + 192.94921875, + 0.8987177014350891, + 369.80340576171875, + 496.16534423828125, + 0.7172097563743591, + 610.28515625, + 119.75912475585938, + 0.9056193828582764, + 589.3737182617188, + 433.43096923828125, + 0.9965168237686157, + 453.44921875, + 328.8736877441406, + 0.7385663390159607, + 432.5377502441406, + 433.43096923828125, + 0.6449967622756958, + 652.1080932617188, + 245.2278594970703, + 0.7494175434112549, + 777.5767822265625, + 402.06378173828125, + 0.7104411125183105, + 788.0325317382812, + 402.06378173828125, + 0.42522963881492615, + 861.22265625, + 464.79815673828125, + 0.29418841004371643 + ], + "scale": [ + 5.018749713897705, + 6.691666603088379 + ], + "score": 0.7367286205291748 + }, + { + "category_id": 1, + "center": [ + 477.0, + 241.0 + ], + "image_id": 20506478100, + "keypoints": [ + 323.3150939941406, + 34.3203125, + 0.9259742498397827, + 302.1171875, + -18.67447853088379, + 0.019839342683553696, + 280.9192810058594, + 23.72135353088379, + 0.8794234991073608, + 249.1223907470703, + 55.51823043823242, + 0.0019377109128981829, + 196.1276092529297, + 87.31510162353516, + 0.9221266508102417, + 291.5182189941406, + 140.3098907470703, + 0.8255600929260254, + 174.9296875, + 299.2942810058594, + 0.827842116355896, + 461.1015625, + 182.7057342529297, + 0.8909400701522827, + 355.1119689941406, + 521.8723754882812, + 0.07141131907701492, + 620.0859375, + 108.51302337646484, + 0.8824591636657715, + 598.8880004882812, + 437.0807189941406, + 0.9919878244400024, + 418.7057189941406, + 362.8880310058594, + 0.763068437576294, + 408.1067810058594, + 458.2786560058594, + 0.39848318696022034, + 641.2838745117188, + 256.8984375, + 0.7273356914520264, + 757.8723754882812, + 394.6849060058594, + 0.72004234790802, + 768.4713745117188, + 394.6849060058594, + 0.38152065873146057, + 885.0598754882812, + 468.8775939941406, + 0.14105212688446045 + ], + "scale": [ + 5.087500095367432, + 6.7833333015441895 + ], + "score": 0.7797510761481065 + }, + { + "category_id": 1, + "center": [ + 477.0, + 241.5 + ], + "image_id": 20506478400, + "keypoints": [ + 317.5599060058594, + 40.9140625, + 0.9188650846481323, + 317.5599060058594, + -10.518229484558105, + 0.006295316852629185, + 276.4140625, + 20.34114646911621, + 0.8736008405685425, + 214.6953125, + 61.48698043823242, + 0.0027548496145755053, + 194.1223907470703, + 102.6328125, + 0.9554324150085449, + 276.4140625, + 133.4921875, + 0.8205525875091553, + 173.5494842529297, + 308.3619689941406, + 0.8490808010101318, + 461.5703125, + 184.9244842529297, + 0.9024591445922852, + 358.7057189941406, + 524.3776245117188, + 0.14474713802337646, + 615.8671875, + 112.91927337646484, + 0.879091739654541, + 595.2942504882812, + 431.7994689941406, + 1.001584529876709, + 430.7109375, + 339.2213439941406, + 0.7576665878295898, + 420.4244689941406, + 452.3724060058594, + 0.5840048789978027, + 646.7265625, + 246.6432342529297, + 0.8287903666496277, + 759.8776245117188, + 400.9400939941406, + 0.7641979455947876, + 759.8776245117188, + 390.6536560058594, + 0.3905102014541626, + 862.7421875, + 462.6588439941406, + 0.12463900446891785 + ], + "scale": [ + 4.9375, + 6.583333492279053 + ], + "score": 0.8096797787226163 + }, + { + "category_id": 1, + "center": [ + 455.0, + 240.5 + ], + "image_id": 20506479800, + "keypoints": [ + 318.2421875, + 42.9609260559082, + 0.9489647150039673, + 297.98175048828125, + 83.48175811767578, + 0.005159876309335232, + 277.7213439941406, + 22.70050811767578, + 0.8669737577438354, + 237.20050048828125, + 63.221343994140625, + 0.003997601103037596, + 196.67967224121094, + 93.61196899414062, + 0.9747689962387085, + 277.7213439941406, + 134.1328125, + 0.8030489683151245, + 166.28904724121094, + 296.2161560058594, + 0.8623606562614441, + 439.8046875, + 184.78384399414062, + 0.9293404817581177, + 379.0234375, + 519.0807495117188, + 0.31398671865463257, + 612.0182495117188, + 113.87239074707031, + 0.9123964309692383, + 601.8880004882812, + 438.0390625, + 0.978075385093689, + 429.6744689941406, + 336.73699951171875, + 0.7471007108688354, + 429.6744689941406, + 448.1692810058594, + 0.6180133819580078, + 622.1484375, + 255.6953125, + 0.762046754360199, + 774.1015625, + 397.51824951171875, + 0.7135637998580933, + 774.1015625, + 367.12762451171875, + 0.41213464736938477, + 855.1432495117188, + 448.1692810058594, + 0.1429208517074585 + ], + "scale": [ + 4.862500190734863, + 6.483333110809326 + ], + "score": 0.7744839574609484 + }, + { + "category_id": 1, + "center": [ + 463.5, + 239.5 + ], + "image_id": 20506480801, + "keypoints": [ + 320.9544372558594, + 47.80078125, + 0.95209801197052, + 311.1236877441406, + -1.3528646230697632, + 0.020888248458504677, + 281.6315002441406, + 28.13932228088379, + 0.8913735151290894, + 724.0143432617188, + -70.16796875, + 0.0024711070582270622, + 193.1549530029297, + 96.95442962646484, + 0.9520729184150696, + 291.4622497558594, + 136.27734375, + 0.7636028528213501, + 173.4934844970703, + 303.3997497558594, + 0.8297456502914429, + 458.5846252441406, + 175.6002655029297, + 0.8861895799636841, + 379.9388122558594, + 519.67578125, + 0.03733062744140625, + 625.70703125, + 96.95442962646484, + 0.8827803134918213, + 596.21484375, + 431.19921875, + 0.9768592119216919, + 438.9231872558594, + 352.5533752441406, + 0.7794225215911865, + 438.9231872558594, + 450.8606872558594, + 0.5298247933387756, + 635.5377807617188, + 244.4153594970703, + 0.8960908651351929, + 743.67578125, + 391.8763122558594, + 0.5043021440505981, + 743.67578125, + 382.0455627441406, + 0.3842286765575409, + 822.3215942382812, + 421.3684997558594, + 0.10372666269540787 + ], + "scale": [ + 4.71875, + 6.291666507720947 + ], + "score": 0.7868146965136895 + }, + { + "category_id": 1, + "center": [ + 472.5, + 241.0 + ], + "image_id": 20506481201, + "keypoints": [ + 322.77996826171875, + 39.6523551940918, + 0.9425742626190186, + 405.3841247558594, + 19.00131607055664, + 0.006562361493706703, + 291.80340576171875, + 19.00131607055664, + 0.9034507274627686, + 601.5690307617188, + 411.37109375, + 0.008109652437269688, + 198.87371826171875, + 80.95443725585938, + 0.9560374021530151, + 281.4778747558594, + 132.58203125, + 0.7675979137420654, + 188.54818725585938, + 287.46484375, + 0.8403587937355042, + 415.7096252441406, + 122.25651550292969, + 0.9463095664978027, + 302.12890625, + 493.9752502441406, + 0.02370341867208481, + 591.2434692382812, + 91.27996063232422, + 0.9121155738830566, + 529.2903442382812, + 462.9986877441406, + 0.9313185214996338, + 446.6861877441406, + 349.41796875, + 0.7877861261367798, + 426.03515625, + 462.9986877441406, + 0.6178253293037415, + 642.87109375, + 235.8372344970703, + 0.728498101234436, + 766.77734375, + 390.72003173828125, + 0.9081408977508545, + 777.1028442382812, + 370.0690002441406, + 0.4029468595981598, + 859.70703125, + 462.9986877441406, + 0.11066818982362747 + ], + "scale": [ + 4.956249713897705, + 6.608333587646484 + ], + "score": 0.8188430827397567 + }, + { + "category_id": 1, + "center": [ + 470.0, + 240.0 + ], + "image_id": 20506484600, + "keypoints": [ + 313.7890625, + 23.32032585144043, + 0.9096981287002563, + 323.8671875, + -16.992172241210938, + 0.016008710488677025, + 273.4765625, + 13.242201805114746, + 0.8147316575050354, + 454.8828125, + 154.3359375, + 0.006200779229402542, + 192.85157775878906, + 73.71094512939453, + 0.9455796480178833, + 273.4765625, + 103.94532012939453, + 0.7822152376174927, + 192.85157775878906, + 285.3515625, + 0.8329615592956543, + 394.4140625, + 103.94532012939453, + 0.9238712191581726, + 414.5703125, + 507.0702819824219, + 0.15594713389873505, + 545.5859375, + 134.1796875, + 0.9323738813400269, + 706.8359375, + 466.7578125, + 0.8839741945266724, + 424.6484375, + 335.7421875, + 0.714889407157898, + 434.7265625, + 446.6015625, + 0.7140545845031738, + 636.2890625, + 214.8046875, + 0.7838231325149536, + 747.1484375, + 355.8984375, + 0.9001941680908203, + 757.2265625, + 345.8203125, + 0.42681193351745605, + 837.8515625, + 426.4453125, + 0.09554488956928253 + ], + "scale": [ + 4.837499618530273, + 6.449999809265137 + ], + "score": 0.8127060578419611 + }, + { + "category_id": 1, + "center": [ + 483.5, + 241.5 + ], + "image_id": 20506511400, + "keypoints": [ + 316.99609375, + 42.76953125, + 0.9283549785614014, + 306.25390625, + -21.68359375, + 0.009300639852881432, + 274.02734375, + 21.28515625, + 0.9235267639160156, + 467.38671875, + 150.19140625, + 0.009193436242640018, + 198.83203125, + 85.73828125, + 0.9675091505050659, + 263.28515625, + 128.70703125, + 0.7959142327308655, + 188.08984375, + 311.32421875, + 0.8556143045425415, + 392.19140625, + 107.22265625, + 0.8525314331054688, + 316.99609375, + 558.39453125, + 0.022106803953647614, + 553.32421875, + 117.96484375, + 0.9299649000167847, + 510.35546875, + 450.97265625, + 1.0186352729797363, + 435.16015625, + 354.29296875, + 0.7936357259750366, + 445.90234375, + 472.45703125, + 0.647178053855896, + 660.74609375, + 257.61328125, + 0.7319678068161011, + 768.16796875, + 386.51953125, + 0.880293607711792, + 768.16796875, + 375.77734375, + 0.4594051241874695, + 864.84765625, + 504.68359375, + 0.15889720618724823 + ], + "scale": [ + 5.15625, + 6.875 + ], + "score": 0.8295793349926288 + }, + { + "category_id": 1, + "center": [ + 483.0, + 240.0 + ], + "image_id": 20506511700, + "keypoints": [ + 318.7161560058594, + 33.3203125, + 0.9159833788871765, + 308.1171875, + -19.67447853088379, + 0.0066626667976379395, + 286.9192810058594, + 22.72135353088379, + 0.8637857437133789, + 604.8880004882812, + 404.2838439941406, + 0.010837703011929989, + 191.5286407470703, + 86.31510162353516, + 0.9419362545013428, + 265.7213439941406, + 128.7109375, + 0.8046786785125732, + 191.5286407470703, + 308.8932189941406, + 0.8576544523239136, + 392.9088439941406, + 107.51302337646484, + 0.9062461853027344, + 318.7161560058594, + 552.6692504882812, + 0.023378869518637657, + 551.8932495117188, + 128.7109375, + 0.9390727281570435, + 509.4974060058594, + 457.2786560058594, + 1.025000810623169, + 435.3046875, + 351.2890625, + 0.7734193801879883, + 445.9036560058594, + 467.8775939941406, + 0.6344237327575684, + 657.8828125, + 255.8984375, + 0.7370520830154419, + 763.8723754882812, + 383.0859375, + 0.9292144775390625, + 774.4713745117188, + 383.0859375, + 0.4498763382434845, + 859.2630004882812, + 489.0755310058594, + 0.24465841054916382 + ], + "scale": [ + 5.087500095367432, + 6.7833333015441895 + ], + "score": 0.7873573324510029 + }, + { + "category_id": 1, + "center": [ + 464.5, + 242.0 + ], + "image_id": 20506512000, + "keypoints": [ + 321.58984375, + 46.1601448059082, + 0.9122672080993652, + 300.41796875, + -17.355484008789062, + 0.0073332106694579124, + 279.24609375, + 24.98826789855957, + 0.9074447154998779, + 586.23828125, + 406.08203125, + 0.004727228078991175, + 194.55857849121094, + 88.50389862060547, + 0.9616457223892212, + 258.07421875, + 130.84765625, + 0.8128994107246399, + 194.55857849121094, + 310.80859375, + 0.8635640144348145, + 395.69140625, + 120.26171112060547, + 0.8848189115524292, + 311.00390625, + 522.52734375, + 0.018883295357227325, + 543.89453125, + 120.26171112060547, + 0.9452418088912964, + 501.55078125, + 448.42578125, + 0.9730842709541321, + 438.03515625, + 342.56640625, + 0.7613430619239807, + 438.03515625, + 459.01171875, + 0.6425313949584961, + 649.75390625, + 247.29296875, + 0.7274840474128723, + 766.19921875, + 374.32421875, + 0.907503604888916, + 776.78515625, + 363.73828125, + 0.5026797652244568, + 861.47265625, + 469.59765625, + 0.24457195401191711 + ], + "scale": [ + 5.081250190734863, + 6.775000095367432 + ], + "score": 0.7890771350690297 + }, + { + "category_id": 1, + "center": [ + 468.0, + 241.5 + ], + "image_id": 20506513400, + "keypoints": [ + 313.1822814941406, + 33.296875, + 0.9246915578842163, + 323.859375, + -20.08854103088379, + 0.015655815601348877, + 281.1510314941406, + 11.942708015441895, + 0.9143447875976562, + 238.4427032470703, + 54.65104293823242, + 0.0015664806123822927, + 185.0572967529297, + 76.00521087646484, + 0.9758557677268982, + 249.1197967529297, + 129.390625, + 0.7680997848510742, + 206.4114532470703, + 278.8697814941406, + 0.8417485952377319, + 377.2447814941406, + 118.71353912353516, + 0.49852609634399414, + 451.984375, + 449.703125, + 0.8442777395248413, + 366.5677185058594, + 97.359375, + 0.5725491642951965, + 633.4948120117188, + 310.9010314941406, + 0.904829740524292, + 430.6302185058594, + 342.9322814941406, + 0.6314955949783325, + 441.3072814941406, + 439.0260314941406, + 0.7182071208953857, + 676.203125, + 246.8385467529297, + 0.5972303152084351, + 761.6198120117188, + 385.640625, + 0.919579267501831, + 782.9739379882812, + 385.640625, + 0.300545871257782, + 857.7135620117188, + 492.4114685058594, + 0.19328473508358002 + ], + "scale": [ + 5.125, + 6.833333492279053 + ], + "score": 0.743712957416262 + }, + { + "category_id": 1, + "center": [ + 457.0, + 241.0 + ], + "image_id": 20506517300, + "keypoints": [ + 326.921875, + 43.47395706176758, + 0.9333652257919312, + 336.5572814941406, + -23.97395896911621, + 0.016286270692944527, + 288.3802185058594, + 14.567708015441895, + 0.8872465491294861, + 577.4426879882812, + 284.359375, + 0.002364326501265168, + 192.0260467529297, + 62.74479293823242, + 0.9578655958175659, + 259.4739685058594, + 120.55728912353516, + 0.7401577234268188, + 211.296875, + 274.7239685058594, + 0.8079767823219299, + 394.3697814941406, + 101.28646087646484, + 0.6634321808815002, + 452.1822814941406, + 448.1614685058594, + 0.8301112651824951, + 355.828125, + 43.47395706176758, + 0.40807271003723145, + 654.5260620117188, + 332.5364685058594, + 0.9596782326698303, + 442.546875, + 342.171875, + 0.7010465264320374, + 442.546875, + 438.5260314941406, + 0.6503846049308777, + 664.1614379882812, + 255.453125, + 0.6351666450500488, + 770.1510620117188, + 380.7135314941406, + 0.9041687250137329, + 779.7864379882812, + 390.3489685058594, + 0.34357237815856934, + 876.140625, + 486.703125, + 0.22676613926887512 + ], + "scale": [ + 4.625, + 6.1666669845581055 + ], + "score": 0.7099340856075287 + }, + { + "category_id": 1, + "center": [ + 450.5, + 241.0 + ], + "image_id": 20506521601, + "keypoints": [ + 332.4986877441406, + 28.59765625, + 0.9419193267822266, + 332.4986877441406, + -28.04296875, + 0.00692816823720932, + 285.2981872558594, + 19.15755271911621, + 0.9101651906967163, + 559.0612182617188, + 387.3216247558594, + 0.004454337526112795, + 209.77734375, + 85.23828125, + 0.9544533491134644, + 285.2981872558594, + 132.4387969970703, + 0.7884132862091064, + 200.3372344970703, + 292.9205627441406, + 0.8353208303451538, + 426.8997497558594, + 189.0794219970703, + 0.9126330614089966, + 379.69921875, + 538.36328125, + 0.005564088933169842, + 596.8215942382812, + 151.3190155029297, + 0.9162381887435913, + 568.5012817382812, + 462.8424377441406, + 0.9648615717887878, + 436.33984375, + 349.5611877441406, + 0.7904443740844727, + 426.8997497558594, + 462.8424377441406, + 0.4109499454498291, + 653.4622192382812, + 264.6002502441406, + 0.6911211013793945, + 766.7434692382812, + 387.3216247558594, + 0.935582160949707, + 776.18359375, + 387.3216247558594, + 0.39703935384750366, + 832.82421875, + 453.40234375, + 0.3171914219856262 + ], + "scale": [ + 4.53125, + 6.0416669845581055 + ], + "score": 0.7690237973417554 + }, + { + "category_id": 1, + "center": [ + 473.5, + 241.0 + ], + "image_id": 20506522800, + "keypoints": [ + 331.21484375, + 43.63671875, + 0.924081027507782, + 322.03515625, + -2.26171875, + 0.01124858483672142, + 294.49609375, + 25.27734375, + 0.934418797492981, + 551.52734375, + 282.30859375, + 0.002217286266386509, + 202.69921875, + 89.53515625, + 0.9393343925476074, + 285.31640625, + 126.25390625, + 0.779822587966919, + 202.69921875, + 300.66796875, + 0.8025442361831665, + 459.73046875, + 135.43359375, + 0.8912712335586548, + 441.37109375, + 493.44140625, + 0.3701971471309662, + 661.68359375, + 71.17578125, + 0.8875575065612793, + 689.22265625, + 456.72265625, + 0.8714308738708496, + 441.37109375, + 337.38671875, + 0.7620515823364258, + 450.55078125, + 438.36328125, + 0.6969382762908936, + 652.50390625, + 236.41015625, + 0.7775118350982666, + 771.83984375, + 374.10546875, + 0.9342499375343323, + 781.01953125, + 383.28515625, + 0.4716224670410156, + 863.63671875, + 438.36328125, + 0.1365809440612793 + ], + "scale": [ + 4.40625, + 5.875 + ], + "score": 0.7887879929372242 + }, + { + "category_id": 1, + "center": [ + 491.0, + 242.0 + ], + "image_id": 20506524400, + "keypoints": [ + 359.1640625, + 80.8671875, + 0.9151171445846558, + 339.6328125, + 41.8046875, + 0.30025944113731384, + 310.3359375, + 61.3359375, + 0.949834942817688, + 603.3046875, + 354.3046875, + 0.0032314613927155733, + 202.9140625, + 110.1640625, + 0.9397478103637695, + 271.2734375, + 149.2265625, + 0.786247968673706, + 202.9140625, + 305.4765625, + 0.836916446685791, + 368.9296875, + 246.8828125, + 0.787643551826477, + 378.6953125, + 520.3203125, + 0.1426762491464615, + 486.1171875, + 246.8828125, + 0.9666125178337097, + 505.6484375, + 412.8984375, + 0.9973971843719482, + 427.5234375, + 354.3046875, + 0.7976735234260559, + 437.2890625, + 461.7265625, + 0.6514058709144592, + 622.8359375, + 246.8828125, + 0.6212131977081299, + 779.0859375, + 383.6015625, + 0.9115225076675415, + 779.0859375, + 393.3671875, + 0.45699089765548706, + 857.2109375, + 461.7265625, + 0.1216982901096344 + ], + "scale": [ + 4.6875, + 6.25 + ], + "score": 0.7798987861190524 + }, + { + "category_id": 1, + "center": [ + 490.5, + 240.5 + ], + "image_id": 20506524801, + "keypoints": [ + 327.00390625, + 67.09505462646484, + 0.7237052321434021, + 683.72265625, + 384.1783752441406, + 0.005619019269943237, + 307.1861877441406, + 47.27734375, + 0.8431612849235535, + 227.9153594970703, + 37.36848831176758, + 0.00435410812497139, + 257.6419372558594, + 86.91275787353516, + 0.9319854974746704, + 267.55078125, + 146.3658905029297, + 0.8384652137756348, + 178.37109375, + 314.81640625, + 0.8404990434646606, + 386.45703125, + 255.36328125, + 0.7889216542243958, + 336.9127502441406, + 542.7200317382812, + 0.012948891147971153, + 505.36328125, + 304.9075622558594, + 0.8801440000534058, + 485.5455627441406, + 463.44921875, + 0.9134000539779663, + 436.0013122558594, + 344.54296875, + 0.7975770235061646, + 436.0013122558594, + 453.5403747558594, + 0.6435624957084656, + 634.1784057617188, + 215.7278594970703, + 0.660495936870575, + 792.7200317382812, + 394.0872497558594, + 0.9096271395683289, + 782.8112182617188, + 394.0872497558594, + 0.4484368562698364, + 832.35546875, + 463.44921875, + 0.17135891318321228 + ], + "scale": [ + 4.756249904632568, + 6.3416666984558105 + ], + "score": 0.7861524178431585 + }, + { + "category_id": 1, + "center": [ + 481.0, + 238.5 + ], + "image_id": 20506532000, + "keypoints": [ + 334.0729064941406, + 53.6562385559082, + 0.9201164841651917, + 324.59375, + 6.260401248931885, + 0.039526112377643585, + 296.15625, + 25.218734741210938, + 0.9537984728813171, + 590.0104370117188, + 385.4270935058594, + 0.014463669620454311, + 201.36456298828125, + 91.57290649414062, + 0.9408210515975952, + 277.1979064941406, + 148.44790649414062, + 0.7469985485076904, + 201.36456298828125, + 300.1145935058594, + 0.8379644155502319, + 400.42706298828125, + 262.1979064941406, + 0.7717617750167847, + 485.7395935058594, + 480.2187805175781, + 0.7567739486694336, + 504.6979064941406, + 319.07293701171875, + 0.9273084402084351, + 741.6771240234375, + 451.78125, + 0.8720585107803345, + 447.8229064941406, + 356.9895935058594, + 0.7772729396820068, + 447.8229064941406, + 461.26043701171875, + 0.5078551769256592, + 665.84375, + 271.6770935058594, + 0.7080233097076416, + 770.1146240234375, + 375.94793701171875, + 0.7092692852020264, + 798.5521240234375, + 356.9895935058594, + 0.3829863667488098, + 917.0416870117188, + 447.04168701171875, + 0.0710732638835907 + ], + "scale": [ + 4.550000190734863, + 6.066666603088379 + ], + "score": 0.7723577661173684 + }, + { + "category_id": 1, + "center": [ + 473.5, + 240.0 + ], + "image_id": 20506533000, + "keypoints": [ + 364.9388122558594, + 74.79817962646484, + 0.945701003074646, + 355.4986877441406, + 18.15755271911621, + 0.025988969951868057, + 327.1783752441406, + 46.47786331176758, + 0.9869118928909302, + 591.5012817382812, + 376.8815002441406, + 0.007525541353970766, + 223.3372344970703, + 93.67838287353516, + 0.9285147786140442, + 289.41796875, + 140.87890625, + 0.7555984258651733, + 195.0169219970703, + 301.3606872558594, + 0.8260062336921692, + 459.33984375, + 225.83984375, + 0.8650025725364685, + 487.66015625, + 480.72265625, + 0.768832802772522, + 610.3815307617188, + 206.9596405029297, + 0.8589382767677307, + 742.54296875, + 452.40234375, + 0.9211838245391846, + 449.8997497558594, + 348.5611877441406, + 0.8231746554374695, + 440.4596252441406, + 461.8424377441406, + 0.5804249048233032, + 667.0221557617188, + 244.7200469970703, + 0.5181297063827515, + 761.4231567382812, + 386.3216247558594, + 0.8284306526184082, + 789.7434692382812, + 386.3216247558594, + 0.4681761860847473, + 818.0637817382812, + 442.9622497558594, + 0.0742657482624054 + ], + "scale": [ + 4.53125, + 6.0416669845581055 + ], + "score": 0.7910732797213963 + }, + { + "category_id": 1, + "center": [ + 471.5, + 241.0 + ], + "image_id": 20506533601, + "keypoints": [ + 324.0455627441406, + 52.86848831176758, + 0.90996915102005, + 303.70703125, + 22.36067771911621, + 0.09169309586286545, + 283.3684997558594, + 22.36067771911621, + 0.9272433519363403, + 252.8606719970703, + 63.03776168823242, + 0.003068620339035988, + 191.8450469970703, + 83.37630462646484, + 0.9559681415557861, + 293.5377502441406, + 134.22265625, + 0.8053700923919678, + 202.0143280029297, + 296.9309997558594, + 0.8384320735931396, + 425.73828125, + 246.0846405029297, + 0.8397537469863892, + 344.3841247558594, + 479.9778747558594, + 0.04554208740592003, + 578.27734375, + 286.76171875, + 0.8955509662628174, + 639.29296875, + 490.1471252441406, + 0.3623430132865906, + 446.0768127441406, + 357.9466247558594, + 0.7969440221786499, + 425.73828125, + 469.80859375, + 0.5463988780975342, + 700.30859375, + 296.9309997558594, + 0.40315282344818115, + 761.32421875, + 378.28515625, + 0.9155528545379639, + 791.83203125, + 388.4544372558594, + 0.3575728237628937, + 832.5090942382812, + 490.1471252441406, + 0.14100335538387299 + ], + "scale": [ + 4.881249904632568, + 6.508333206176758 + ], + "score": 0.7349424568506387 + }, + { + "category_id": 1, + "center": [ + 464.5, + 240.5 + ], + "image_id": 20506536000, + "keypoints": [ + 320.1966247558594, + 31.02734375, + 0.9295886754989624, + 301.5768127441406, + 3.09765625, + 0.10763660818338394, + 273.6471252441406, + 21.71744728088379, + 0.9242441058158875, + 469.1549377441406, + 263.7747497558594, + 0.002135329646989703, + 180.5481719970703, + 96.19661712646484, + 0.9375872611999512, + 273.6471252441406, + 133.4362030029297, + 0.8285599946975708, + 199.16796875, + 301.0143127441406, + 0.8258253335952759, + 413.2955627441406, + 235.8450469970703, + 0.8535939455032349, + 310.88671875, + 468.5924377441406, + 0.037637438625097275, + 580.8737182617188, + 273.0846252441406, + 0.8527210354804993, + 469.1549377441406, + 235.8450469970703, + 0.028013601899147034, + 441.2252502441406, + 356.8736877441406, + 0.7254679203033447, + 422.60546875, + 459.2825622558594, + 0.5474538803100586, + 692.5924682617188, + 263.7747497558594, + 0.5322365760803223, + 767.0715942382812, + 384.8033752441406, + 0.9165859818458557, + 776.3815307617188, + 384.8033752441406, + 0.37504714727401733, + 878.7903442382812, + 487.2122497558594, + 0.24925309419631958 + ], + "scale": [ + 4.46875, + 5.958333492279053 + ], + "score": 0.7306280732154846 + }, + { + "category_id": 1, + "center": [ + 466.5, + 240.5 + ], + "image_id": 20506538500, + "keypoints": [ + 305.64715576171875, + 38.1367301940918, + 0.8937411904335022, + 295.26953125, + -3.373682975769043, + 0.02412489429116249, + 264.13671875, + 27.75912857055664, + 0.8880665898323059, + 139.60548400878906, + 152.29037475585938, + 0.0022050030529499054, + 181.11590576171875, + 100.40235137939453, + 0.9439412355422974, + 274.51434326171875, + 141.9127655029297, + 0.8479993343353271, + 222.62631225585938, + 297.5768127441406, + 0.8789312839508057, + 430.1783752441406, + 204.1783905029297, + 0.9184269905090332, + 513.19921875, + 422.1080627441406, + 0.8278825283050537, + 596.2200317382812, + 183.42318725585938, + 0.9573646783828735, + 762.26171875, + 297.5768127441406, + 0.9224635362625122, + 440.5559997558594, + 349.46484375, + 0.666340172290802, + 450.93359375, + 463.61846923828125, + 0.554267168045044, + 679.2408447265625, + 214.5559844970703, + 0.4236356317996979, + 772.6392822265625, + 390.9752502441406, + 0.7598671913146973, + 783.0169067382812, + 390.9752502441406, + 0.21739959716796875, + 866.0377197265625, + 473.99609375, + 0.14899712800979614 + ], + "scale": [ + 4.981249809265137, + 6.641666889190674 + ], + "score": 0.7643090805837086 + }, + { + "category_id": 1, + "center": [ + 499.0, + 243.0 + ], + "image_id": 20506552401, + "keypoints": [ + 314.8854064941406, + 37.8437385559082, + 0.8755635023117065, + 325.40625, + -14.760432243347168, + 0.02223331853747368, + 283.3229064941406, + 16.80207061767578, + 0.8913270235061646, + 493.7395935058594, + 153.57290649414062, + 0.008988813497126102, + 199.15623474121094, + 79.92707061767578, + 0.9270607233047485, + 272.80206298828125, + 122.01040649414062, + 0.8511193990707397, + 188.63539123535156, + 300.8645935058594, + 0.8064950704574585, + 409.5729064941406, + 111.48957824707031, + 0.8797892332077026, + 346.4479064941406, + 521.8021240234375, + 0.08976038545370102, + 556.8645629882812, + 122.01040649414062, + 0.9211094379425049, + 556.8645629882812, + 437.63543701171875, + 0.9501584768295288, + 430.6145935058594, + 353.46875, + 0.8228776454925537, + 430.6145935058594, + 458.6770935058594, + 0.5557725429534912, + 651.5520629882812, + 258.78125, + 0.7095545530319214, + 756.7604370117188, + 374.51043701171875, + 0.9324997663497925, + 767.28125, + 374.51043701171875, + 0.4019721746444702, + 872.4896240234375, + 490.2395935058594, + 0.21741671860218048 + ], + "scale": [ + 5.050000190734863, + 6.733333587646484 + ], + "score": 0.7673368762646403 + }, + { + "category_id": 1, + "center": [ + 469.5, + 241.0 + ], + "image_id": 20506554401, + "keypoints": [ + 315.6263122558594, + 55.29036331176758, + 0.8998488187789917, + 294.40234375, + 23.45442771911621, + 0.521028459072113, + 262.56640625, + 34.06640625, + 0.9077455997467041, + 602.1497192382812, + 416.09765625, + 0.004890322219580412, + 167.05859375, + 108.35025787353516, + 0.9034773111343384, + 305.0143127441406, + 140.1862030029297, + 0.8425451517105103, + 188.2825469970703, + 299.3658752441406, + 0.8225302696228027, + 474.8059997558594, + 214.4700469970703, + 0.8883964419364929, + 315.6263122558594, + 554.0534057617188, + 0.026249393820762634, + 644.59765625, + 129.57421875, + 0.9723213911056519, + 538.4778442382812, + 437.3216247558594, + 0.9678641557693481, + 453.58203125, + 352.42578125, + 0.7857398986816406, + 432.3580627441406, + 469.1575622558594, + 0.5042020678520203, + 676.43359375, + 267.5299377441406, + 0.6275827884674072, + 761.3294067382812, + 384.26171875, + 0.8929007053375244, + 771.94140625, + 384.26171875, + 0.33813726902008057, + 846.2252807617188, + 479.76953125, + 0.051427535712718964 + ], + "scale": [ + 5.09375, + 6.7916669845581055 + ], + "score": 0.7767371663025447 + }, + { + "category_id": 1, + "center": [ + 468.0, + 242.0 + ], + "image_id": 20506563200, + "keypoints": [ + 316.5807189941406, + 38.3671760559082, + 0.9263171553611755, + 306.13800048828125, + 7.039048194885254, + 0.4654139280319214, + 264.3671875, + 17.48175811767578, + 0.8736304044723511, + 567.2057495117188, + 320.3203125, + 0.00450254837051034, + 180.82550048828125, + 90.58071899414062, + 0.9276652336120605, + 274.80987548828125, + 132.3515625, + 0.8134338855743408, + 222.59634399414062, + 288.9921875, + 0.8576804995536804, + 389.6796875, + 247.2213592529297, + 0.7794728875160217, + 473.2213439941406, + 435.19012451171875, + 0.7299199104309082, + 504.5494689941406, + 309.8775939941406, + 0.8001264333724976, + 755.1744995117188, + 414.3046875, + 0.8720517158508301, + 421.0078125, + 330.7630310058594, + 0.6729451417922974, + 410.5650939941406, + 435.19012451171875, + 0.5736913681030273, + 629.8619995117188, + 257.6640625, + 0.5674742460250854, + 744.7318115234375, + 382.9765625, + 0.5226942300796509, + 776.0599365234375, + 362.0911560058594, + 0.2081223726272583, + 807.3880615234375, + 466.51824951171875, + 0.07457201927900314 + ], + "scale": [ + 5.012500286102295, + 6.683333396911621 + ], + "score": 0.7060426274935404 + }, + { + "category_id": 1, + "center": [ + 471.0, + 240.5 + ], + "image_id": 20506567300, + "keypoints": [ + 317.6927185058594, + 34.3281364440918, + 0.907427191734314, + 307.11981201171875, + 76.61980438232422, + 0.005393661558628082, + 285.9739685058594, + 13.182305335998535, + 0.8871886730194092, + 233.10939025878906, + 13.182305335998535, + 0.002687788102775812, + 211.96356201171875, + 87.19271850585938, + 0.9280184507369995, + 264.828125, + 140.0572967529297, + 0.8441486358642578, + 201.39064025878906, + 309.2239685058594, + 0.8551848530769348, + 381.1302185058594, + 235.2135467529297, + 0.8814036846160889, + 465.7135314941406, + 457.2447814941406, + 0.8691585659980774, + 529.1510620117188, + 203.4947967529297, + 0.9085627794265747, + 656.0260009765625, + 340.94268798828125, + 0.8910382986068726, + 433.9947814941406, + 351.515625, + 0.7317020893096924, + 455.140625, + 446.671875, + 0.5640740394592285, + 666.5989379882812, + 256.359375, + 0.5917680263519287, + 782.9010009765625, + 393.8072814941406, + 0.879469633102417, + 782.9010009765625, + 372.66143798828125, + 0.3283122181892395, + 867.484375, + 478.390625, + 0.1632099151611328 + ], + "scale": [ + 5.074999809265137, + 6.766666889190674 + ], + "score": 0.7905326528208596 + }, + { + "category_id": 1, + "center": [ + 491.0, + 241.5 + ], + "image_id": 20506567900, + "keypoints": [ + 335.8046875, + 43.4921875, + 0.8888189196586609, + 367.9140625, + 75.6015625, + 0.0031647628638893366, + 303.6953125, + 22.0859375, + 0.9040936231613159, + 614.0859375, + 407.3984375, + 0.006722469814121723, + 228.7734375, + 86.3046875, + 0.9529918432235718, + 271.5859375, + 139.8203125, + 0.858446478843689, + 185.9609375, + 321.7734375, + 0.8668359518051147, + 421.4296875, + 214.7421875, + 0.9792945384979248, + 400.0234375, + 546.5390625, + 0.059096187353134155, + 581.9765625, + 171.9296875, + 0.9217260479927063, + 571.2734375, + 428.8046875, + 0.9921718835830688, + 442.8359375, + 364.5859375, + 0.7864082455635071, + 442.8359375, + 482.3203125, + 0.5926097631454468, + 678.3046875, + 268.2578125, + 0.6358283758163452, + 774.6328125, + 385.9921875, + 0.9041511416435242, + 796.0390625, + 375.2890625, + 0.44171786308288574, + 870.9609375, + 503.7265625, + 0.15373307466506958 + ], + "scale": [ + 5.137500286102295, + 6.849999904632568 + ], + "score": 0.825007282770597 + }, + { + "category_id": 1, + "center": [ + 472.5, + 242.0 + ], + "image_id": 20506568600, + "keypoints": [ + 337.67578125, + 47.2539176940918, + 0.9448363780975342, + 317.70184326171875, + 87.20183563232422, + 0.005913388449698687, + 297.7278747558594, + 37.26694107055664, + 0.8975542783737183, + 587.3502807617188, + 396.79815673828125, + 0.004460991360247135, + 207.84506225585938, + 97.18881225585938, + 0.9666255116462708, + 277.75390625, + 147.1237030029297, + 0.7868890166282654, + 187.87110900878906, + 316.90234375, + 0.8550995588302612, + 427.55859375, + 227.01953125, + 0.9189774394035339, + 387.6106872558594, + 526.62890625, + 0.027842018753290176, + 587.3502807617188, + 177.0846405029297, + 0.9147547483444214, + 577.36328125, + 436.74609375, + 0.9202723503112793, + 447.5325622558594, + 356.8502502441406, + 0.8235679864883423, + 457.51953125, + 476.6940002441406, + 0.4860609173774719, + 667.24609375, + 246.9934844970703, + 0.6495962142944336, + 777.1028442382812, + 386.8111877441406, + 0.9070759415626526, + 777.1028442382812, + 366.83721923828125, + 0.33118510246276855, + 866.9856567382812, + 476.6940002441406, + 0.1635916382074356 + ], + "scale": [ + 4.793749809265137, + 6.391666412353516 + ], + "score": 0.8001919572169964 + }, + { + "category_id": 1, + "center": [ + 469.5, + 240.5 + ], + "image_id": 20506506900, + "keypoints": [ + 342.7096252441406, + 52.85026168823242, + 0.8990000486373901, + 352.8528747558594, + -8.009114265441895, + 0.024215780198574066, + 312.2799377441406, + 32.56380081176758, + 0.9206089973449707, + 545.57421875, + 276.0013122558594, + 0.01076566893607378, + 210.84765625, + 73.13671875, + 0.9667376279830933, + 261.5638122558594, + 123.85286712646484, + 0.7456891536712646, + 200.7044219970703, + 296.2877502441406, + 0.8324905633926392, + 393.42578125, + 113.70963287353516, + 0.6015961170196533, + 433.9986877441406, + 499.15234375, + 0.46189582347869873, + 373.1393127441406, + 62.99348831176758, + 0.4844062328338623, + 697.72265625, + 468.72265625, + 0.9246389865875244, + 433.9986877441406, + 326.7174377441406, + 0.7706418037414551, + 433.9986877441406, + 438.29296875, + 0.7382416725158691, + 647.0065307617188, + 265.8580627441406, + 0.7830835580825806, + 758.58203125, + 377.43359375, + 0.8681941628456116, + 778.8684692382812, + 367.2903747558594, + 0.5863340497016907, + 829.5846557617188, + 468.72265625, + 0.1377558410167694 + ], + "scale": [ + 4.868750095367432, + 6.491666316986084 + ], + "score": 0.755968485559736 + }, + { + "category_id": 1, + "center": [ + 507.0, + 240.0 + ], + "image_id": 20506569201, + "keypoints": [ + 339.34375, + 49.21875, + 0.9538923501968384, + 327.78125, + 2.96875, + 0.01307756919413805, + 304.65625, + 37.65625, + 0.9306974411010742, + 651.53125, + 372.96875, + 0.008668342605233192, + 212.15625, + 83.90625, + 0.9546343684196472, + 281.53125, + 153.28125, + 0.8842111825942993, + 200.59375, + 303.59375, + 0.8633525371551514, + 397.15625, + 257.34375, + 0.892670214176178, + 408.71875, + 511.71875, + 0.05773695930838585, + 547.46875, + 245.78125, + 0.9538211822509766, + 593.71875, + 442.34375, + 0.9014098644256592, + 443.40625, + 372.96875, + 0.8138686418533325, + 443.40625, + 465.46875, + 0.4455287456512451, + 663.09375, + 268.90625, + 0.7061074376106262, + 767.15625, + 384.53125, + 0.9049772024154663, + 801.84375, + 407.65625, + 0.48310497403144836, + 882.78125, + 477.03125, + 0.22470325231552124 + ], + "scale": [ + 5.550000190734863, + 7.400000095367432 + ], + "score": 0.7794985281569617 + }, + { + "category_id": 1, + "center": [ + 462.5, + 240.5 + ], + "image_id": 20506569800, + "keypoints": [ + 340.68359375, + 37.47267150878906, + 0.931213915348053, + 349.70703125, + -16.667949676513672, + 0.006252292077988386, + 304.58984375, + 19.425796508789062, + 0.9231957197189331, + 286.54296875, + 64.54298400878906, + 0.0019219964742660522, + 214.35548400878906, + 82.58985137939453, + 0.9818926453590393, + 277.51953125, + 145.75390625, + 0.752803385257721, + 223.37892150878906, + 308.17578125, + 0.8259861469268799, + 412.87109375, + 254.03515625, + 0.8745403289794922, + 439.94140625, + 497.6679382324219, + 0.45065921545028687, + 557.24609375, + 226.96484375, + 0.9509922862052917, + 656.50390625, + 416.45703125, + 0.9556788802146912, + 439.94140625, + 344.26953125, + 0.8084609508514404, + 439.94140625, + 443.52734375, + 0.5424103140830994, + 629.43359375, + 254.03515625, + 0.6554945111274719, + 692.59765625, + 371.33984375, + 0.3623298406600952, + 719.66796875, + 371.33984375, + 0.161615788936615, + 800.87890625, + 407.43359375, + 0.0534740574657917 + ], + "scale": [ + 4.331249713897705, + 5.774999618530273 + ], + "score": 0.7704352415524997 + }, + { + "category_id": 1, + "center": [ + 471.5, + 242.0 + ], + "image_id": 20506570801, + "keypoints": [ + 328.19921875, + 29.51953125, + 0.9193530082702637, + 318.31640625, + -19.89453125, + 0.020421095192432404, + 288.66796875, + 9.75390625, + 0.9066665172576904, + 219.48828125, + 39.40234375, + 0.0025338386185467243, + 189.83984375, + 78.93359375, + 0.9572528600692749, + 268.90234375, + 128.34765625, + 0.7723133563995361, + 219.48828125, + 296.35546875, + 0.8599039316177368, + 397.37890625, + 256.82421875, + 0.8107220530509949, + 456.67578125, + 503.89453125, + 0.31637465953826904, + 545.62109375, + 246.94140625, + 0.9485543966293335, + 713.62890625, + 444.59765625, + 0.9388842582702637, + 436.91015625, + 345.76953125, + 0.7342348694801331, + 436.91015625, + 444.59765625, + 0.5996326804161072, + 634.56640625, + 246.94140625, + 0.6700621247291565, + 733.39453125, + 355.65234375, + 0.7404625415802002, + 763.04296875, + 355.65234375, + 0.42362144589424133, + 832.22265625, + 424.83203125, + 0.09372028708457947 + ], + "scale": [ + 4.743750095367432, + 6.324999809265137 + ], + "score": 0.7570027645145144 + }, + { + "category_id": 1, + "center": [ + 478.5, + 241.5 + ], + "image_id": 20506578300, + "keypoints": [ + 334.8216247558594, + 48.27734375, + 0.9038288593292236, + 354.6393127441406, + 28.45963478088379, + 0.03145051747560501, + 305.0950622558594, + 28.45963478088379, + 0.9111868739128113, + 681.6315307617188, + 355.4518127441406, + 0.006634070072323084, + 206.0065155029297, + 68.09505462646484, + 0.950003981590271, + 265.4596252441406, + 127.54817962646484, + 0.7268823385238647, + 206.0065155029297, + 295.9986877441406, + 0.8461658358573914, + 384.3658752441406, + 117.63932037353516, + 0.4066733419895172, + 404.18359375, + 494.17578125, + 0.6930485963821411, + 394.2747497558594, + 97.82161712646484, + 0.6670964956283569, + 602.3606567382812, + 385.1783752441406, + 0.9255521893501282, + 443.8190002441406, + 345.54296875, + 0.737209677696228, + 453.7278747558594, + 444.6315002441406, + 0.6601892709732056, + 671.72265625, + 256.36328125, + 0.647850751876831, + 770.8112182617188, + 385.1783752441406, + 0.8614077568054199, + 770.8112182617188, + 385.1783752441406, + 0.31297367811203003, + 899.6262817382812, + 504.0846252441406, + 0.1982237696647644 + ], + "scale": [ + 4.756249904632568, + 6.3416666984558105 + ], + "score": 0.7321478320019585 + }, + { + "category_id": 1, + "center": [ + 477.0, + 242.0 + ], + "image_id": 20506578600, + "keypoints": [ + 329.734375, + 43.953125, + 0.9018282890319824, + 329.734375, + 13.484375, + 0.09350333362817764, + 299.265625, + 23.640625, + 0.9241063594818115, + 553.171875, + 287.703125, + 0.003195104654878378, + 197.703125, + 64.265625, + 0.9376853108406067, + 268.796875, + 125.203125, + 0.7219034433364868, + 207.859375, + 287.703125, + 0.8431252241134644, + 390.671875, + 135.359375, + 0.4350603222846985, + 441.453125, + 480.671875, + 0.759981632232666, + 370.359375, + 74.421875, + 0.45441490411758423, + 624.265625, + 368.953125, + 0.9145407676696777, + 441.453125, + 348.640625, + 0.7008653283119202, + 441.453125, + 460.359375, + 0.6126066446304321, + 664.890625, + 247.078125, + 0.6080776453018188, + 776.609375, + 389.265625, + 0.880255937576294, + 766.453125, + 379.109375, + 0.31465351581573486, + 857.859375, + 490.828125, + 0.20029625296592712 + ], + "scale": [ + 4.875, + 6.5 + ], + "score": 0.680626771847407 + }, + { + "category_id": 1, + "center": [ + 453.0, + 240.5 + ], + "image_id": 20506602000, + "keypoints": [ + 351.28125, + 70.96875, + 0.9057832360267639, + 351.28125, + 148.46875, + 0.0023860507644712925, + 331.90625, + 41.90625, + 0.9617155194282532, + 264.09375, + 70.96875, + 0.006269145756959915, + 264.09375, + 70.96875, + 0.9395580887794495, + 293.15625, + 148.46875, + 0.8128498196601868, + 176.90625, + 322.84375, + 0.820875883102417, + 419.09375, + 245.34375, + 0.883082389831543, + 293.15625, + 477.84375, + 0.011456086300313473, + 574.09375, + 293.78125, + 0.888585090637207, + 486.90625, + 487.53125, + 0.8159328699111938, + 438.46875, + 380.96875, + 0.7327859401702881, + 428.78125, + 477.84375, + 0.38979488611221313, + 680.65625, + 274.40625, + 0.5641653537750244, + 777.53125, + 390.65625, + 0.9421259164810181, + 787.21875, + 400.34375, + 0.40048304200172424, + 874.40625, + 497.21875, + 0.18685102462768555 + ], + "scale": [ + 4.650000095367432, + 6.199999809265137 + ], + "score": 0.7736721566090217 + }, + { + "category_id": 1, + "center": [ + 474.5, + 242.0 + ], + "image_id": 20506620400, + "keypoints": [ + 310.57421875, + 28.39972686767578, + 0.9113368391990662, + 300.6393127441406, + -1.404963493347168, + 0.02320457622408867, + 270.8346252441406, + 8.529932975769043, + 0.8642538785934448, + 221.16014099121094, + 38.33462142944336, + 0.004953181836754084, + 191.35545349121094, + 88.00910186767578, + 0.9422519207000732, + 260.89971923828125, + 127.74868774414062, + 0.8672645688056946, + 221.16014099121094, + 296.6419372558594, + 0.8818296194076538, + 429.79296875, + 207.2278594970703, + 0.945429801940918, + 509.2721252441406, + 395.99090576171875, + 0.8908262252807617, + 598.6862182617188, + 177.4231719970703, + 0.9821150302886963, + 698.03515625, + 246.9674530029297, + 0.8470542430877686, + 429.79296875, + 356.2513122558594, + 0.6654769778251648, + 429.79296875, + 465.53515625, + 0.654401421546936, + 638.42578125, + 266.8372497558594, + 0.3642529547214508, + 767.5794677734375, + 395.99090576171875, + 0.9786180257797241, + 777.5143432617188, + 395.99090576171875, + 0.24836769700050354, + 837.1237182617188, + 465.53515625, + 0.07316432893276215 + ], + "scale": [ + 4.768750190734863, + 6.358333110809326 + ], + "score": 0.7888199431555611 + }, + { + "category_id": 1, + "center": [ + 491.0, + 240.0 + ], + "image_id": 20506622001, + "keypoints": [ + 331.15625, + 28.59376335144043, + 0.9192582368850708, + 331.15625, + -43.59373092651367, + 0.009972955100238323, + 289.90625, + 7.968764305114746, + 0.8695001602172852, + 568.34375, + 276.09375, + 0.005729783326387405, + 197.09376525878906, + 69.84375762939453, + 0.9315994381904602, + 279.59375, + 131.71875, + 0.8164883852005005, + 217.71876525878906, + 307.03125, + 0.8809540271759033, + 434.28125, + 203.90625, + 0.9274941682815552, + 475.53125, + 482.34375, + 0.7823631167411804, + 599.28125, + 183.28125, + 0.8891234993934631, + 733.34375, + 451.40625, + 1.0106244087219238, + 434.28125, + 348.28125, + 0.7828179597854614, + 423.96875, + 461.71875, + 0.5758315324783325, + 640.53125, + 265.78125, + 0.598600447177887, + 753.96875, + 368.90625, + 0.8193422555923462, + 774.59375, + 379.21875, + 0.38416361808776855, + 888.03125, + 451.40625, + 0.09561888873577118 + ], + "scale": [ + 4.949999809265137, + 6.600000381469727 + ], + "score": 0.7991543752806527 + }, + { + "category_id": 1, + "center": [ + 486.0, + 240.5 + ], + "image_id": 20506622401, + "keypoints": [ + 360.3489685058594, + 34.43230438232422, + 0.9234877824783325, + 360.3489685058594, + -35.932273864746094, + 0.026973899453878403, + 310.08856201171875, + 14.328139305114746, + 0.8930342793464661, + 611.6510620117188, + 406.359375, + 0.005383139476180077, + 209.56771850585938, + 84.69271850585938, + 0.9382791519165039, + 300.0364685058594, + 145.00521850585938, + 0.7917512059211731, + 209.56771850585938, + 315.890625, + 0.8301330804824829, + 450.8177185058594, + 205.3177032470703, + 0.907488226890564, + 310.08856201171875, + 537.0364379882812, + 0.013592183589935303, + 591.546875, + 134.953125, + 0.9035121202468872, + 551.3385620117188, + 456.6197814941406, + 0.9319044947624207, + 440.765625, + 356.09893798828125, + 0.7692050933837891, + 430.7135314941406, + 456.6197814941406, + 0.5396713018417358, + 641.8073120117188, + 245.5260467529297, + 0.7281263470649719, + 762.4322509765625, + 376.203125, + 0.8783292770385742, + 772.484375, + 376.203125, + 0.37697747349739075, + 852.9010009765625, + 486.7760314941406, + 0.12409905344247818 + ], + "scale": [ + 4.824999809265137, + 6.433333396911621 + ], + "score": 0.8009153719131763 + }, + { + "category_id": 1, + "center": [ + 487.5, + 240.0 + ], + "image_id": 20506622801, + "keypoints": [ + 309.5377502441406, + 92.54557037353516, + 0.8703085780143738, + 319.70703125, + 41.69921875, + 0.9501798152923584, + 258.69140625, + 72.20703125, + 0.9595099687576294, + 340.0455627441406, + 31.52994728088379, + 0.021083194762468338, + 177.3372344970703, + 102.71484375, + 0.9420704245567322, + 309.5377502441406, + 133.22265625, + 0.7449156641960144, + 207.8450469970703, + 316.26953125, + 0.785454511642456, + 421.3997497558594, + 214.5768280029297, + 0.8484313488006592, + 350.21484375, + 539.9934692382812, + 0.05278438702225685, + 553.6002807617188, + 234.9153594970703, + 0.9895908832550049, + 553.6002807617188, + 448.4700622558594, + 0.9457603693008423, + 431.5690002441406, + 356.9466247558594, + 0.772014856338501, + 431.5690002441406, + 458.6393127441406, + 0.566626787185669, + 655.29296875, + 255.25390625, + 0.6655582189559937, + 756.9856567382812, + 367.1158752441406, + 0.8673675656318665, + 756.9856567382812, + 356.9466247558594, + 0.39567500352859497, + 838.33984375, + 468.80859375, + 0.2025732398033142 + ], + "scale": [ + 4.881249904632568, + 6.508333206176758 + ], + "score": 0.767069149017334 + }, + { + "category_id": 1, + "center": [ + 466.5, + 240.0 + ], + "image_id": 20506602300, + "keypoints": [ + 336.4544372558594, + 26.72527313232422, + 0.8056052923202515, + 669.37109375, + 401.2565002441406, + 0.0039009442552924156, + 305.2434997558594, + 16.32162857055664, + 0.8243522644042969, + 263.62890625, + 57.93621063232422, + 0.006896916776895523, + 242.82162475585938, + 78.74349975585938, + 0.9310061931610107, + 284.43621826171875, + 141.16537475585938, + 0.8530365228652954, + 180.39974975585938, + 328.43096923828125, + 0.8415558934211731, + 419.68359375, + 245.2018280029297, + 0.8911040425300598, + 294.83984375, + 494.8893127441406, + 0.020169848576188087, + 575.73828125, + 286.81640625, + 0.9632630944252014, + 482.10546875, + 484.48565673828125, + 0.894906222820282, + 450.89453125, + 370.0455627441406, + 0.7287932634353638, + 430.0872497558594, + 474.08203125, + 0.5585339069366455, + 679.7747192382812, + 276.4127502441406, + 0.5927298069000244, + 773.4075317382812, + 390.85284423828125, + 0.9579495787620544, + 783.8111572265625, + 401.2565002441406, + 0.3643801808357239, + 898.2512817382812, + 515.6965942382812, + 0.14885522425174713 + ], + "scale": [ + 4.993749618530273, + 6.658333778381348 + ], + "score": 0.7851704817551833 + }, + { + "category_id": 1, + "center": [ + 482.0, + 241.0 + ], + "image_id": 20506623201, + "keypoints": [ + 317.4296875, + 116.32552337646484, + 0.9028812646865845, + 327.4036560058594, + 56.48176956176758, + 0.9685444235801697, + 267.5599060058594, + 86.40364837646484, + 0.9488089084625244, + 347.3515625, + 36.53385543823242, + 0.03450096398591995, + 187.7682342529297, + 126.29947662353516, + 0.9445013403892517, + 327.4036560058594, + 126.29947662353516, + 0.7504575252532959, + 217.6901092529297, + 315.8046875, + 0.818313479423523, + 477.0130310058594, + 176.1692657470703, + 0.8797061443328857, + 357.3255310058594, + 535.2317504882812, + 0.05036575347185135, + 656.5442504882812, + 236.0130157470703, + 0.8993184566497803, + 556.8046875, + 445.4661560058594, + 0.9741796255111694, + 437.1171875, + 345.7265625, + 0.7026314735412598, + 417.1692810058594, + 455.4400939941406, + 0.5074495077133179, + 626.6223754882812, + 245.9869842529297, + 0.4176292419433594, + 766.2578125, + 385.6224060058594, + 0.7129443883895874, + 766.2578125, + 385.6224060058594, + 0.4326622486114502, + 836.0755004882812, + 465.4140625, + 0.08839289844036102 + ], + "scale": [ + 4.787499904632568, + 6.383333206176758 + ], + "score": 0.7757162877491542 + }, + { + "category_id": 1, + "center": [ + 514.5, + 241.5 + ], + "image_id": 20506624401, + "keypoints": [ + 375.10546875, + 60.80339813232422, + 0.8932353854179382, + 395.75653076171875, + 81.45443725585938, + 0.00772889144718647, + 344.12890625, + 40.1523551940918, + 0.9087609052658081, + 292.5013122558594, + 60.80339813232422, + 0.0025027189403772354, + 240.87371826171875, + 102.10547637939453, + 0.9710118174552917, + 313.15234375, + 122.75651550292969, + 0.7298118472099304, + 209.89715576171875, + 318.94140625, + 0.8284237384796143, + 468.03515625, + 112.43099975585938, + 0.9595768451690674, + 509.3372497558594, + 432.5221252441406, + 0.08737564086914062, + 643.5690307617188, + 60.80339813232422, + 0.9176884293556213, + 674.5455932617188, + 453.17315673828125, + 0.8844543099403381, + 447.3841247558594, + 339.5924377441406, + 0.7597938776016235, + 426.73309326171875, + 453.17315673828125, + 0.6694918274879456, + 653.89453125, + 246.6627655029297, + 0.7652004361152649, + 757.1497192382812, + 380.89453125, + 0.8421937823295593, + 777.80078125, + 370.5690002441406, + 0.48508602380752563, + 860.4049072265625, + 453.17315673828125, + 0.14352259039878845 + ], + "scale": [ + 4.956249713897705, + 6.608333587646484 + ], + "score": 0.8165176327411945 + }, + { + "category_id": 1, + "center": [ + 474.0, + 240.5 + ], + "image_id": 20506624801, + "keypoints": [ + 354.8072814941406, + 48.75520706176758, + 0.9181017875671387, + 344.4427185058594, + 28.02604103088379, + 0.007783005014061928, + 323.7135314941406, + 38.390625, + 0.941317081451416, + 251.1614532470703, + 59.11979293823242, + 0.0019711749628186226, + 230.4322967529297, + 100.578125, + 0.9678564071655273, + 302.984375, + 131.671875, + 0.8243919610977173, + 188.9739532470703, + 328.5989685058594, + 0.8418254852294922, + 468.8177185058594, + 121.30728912353516, + 0.9333095550537109, + 406.6302185058594, + 546.2551879882812, + 0.01390362624078989, + 645.015625, + 48.75520706176758, + 0.9391869306564331, + 645.015625, + 473.703125, + 0.04815008491277695, + 437.7239685058594, + 338.9635314941406, + 0.7874964475631714, + 437.7239685058594, + 463.3385314941406, + 0.6978682279586792, + 645.015625, + 235.3177032470703, + 0.7825407981872559, + 759.0260620117188, + 390.7864685058594, + 0.9147506952285767, + 769.390625, + 390.7864685058594, + 0.5111931562423706, + 831.578125, + 473.703125, + 0.22610461711883545 + ], + "scale": [ + 4.974999904632568, + 6.633333683013916 + ], + "score": 0.7912263961938711 + }, + { + "category_id": 1, + "center": [ + 464.5, + 240.5 + ], + "image_id": 20506633100, + "keypoints": [ + 333.54296875, + 51.33984375, + 0.9695327877998352, + 314.1419372558594, + 41.63932418823242, + 0.007820199243724346, + 294.7408752441406, + 31.93880271911621, + 0.9115940928459167, + 255.9387969970703, + 70.74088287353516, + 0.0024941880255937576, + 207.4362030029297, + 99.84244537353516, + 0.9440421462059021, + 285.0403747558594, + 128.9440155029297, + 0.7626718878746033, + 178.3346405029297, + 313.25390625, + 0.8292586803436279, + 449.94921875, + 148.3450469970703, + 0.8965126276016235, + 294.7408752441406, + 526.6653442382812, + 0.005178271327167749, + 643.9596557617188, + 70.74088287353516, + 0.947999119758606, + 479.05078125, + 478.1627502441406, + 0.8153805136680603, + 440.2486877441406, + 342.35546875, + 0.774392306804657, + 430.5481872558594, + 458.76171875, + 0.6621735095977783, + 653.66015625, + 245.3502655029297, + 0.7544882297515869, + 770.06640625, + 381.1575622558594, + 0.9361764192581177, + 770.06640625, + 390.8580627441406, + 0.36495262384414673, + 896.1731567382812, + 478.1627502441406, + 0.21775291860103607 + ], + "scale": [ + 4.65625, + 6.208333492279053 + ], + "score": 0.7704948474253926 + }, + { + "category_id": 1, + "center": [ + 478.0, + 239.5 + ], + "image_id": 20506635200, + "keypoints": [ + 350.0703125, + 29.6953125, + 0.9484895467758179, + 319.3671875, + 39.9296875, + 0.0053436486050486565, + 309.1328125, + 9.2265625, + 0.9208413362503052, + 605.9296875, + 387.8984375, + 0.009530150331556797, + 217.0234375, + 91.1015625, + 0.9587752819061279, + 288.6640625, + 142.2734375, + 0.7753745317459106, + 217.0234375, + 316.2578125, + 0.8538106083869934, + 401.2421875, + 254.8515625, + 0.8926006555557251, + 442.1796875, + 500.4765625, + 0.18933245539665222, + 554.7578125, + 265.0859375, + 0.9599102735519409, + 698.0390625, + 469.7734375, + 0.7011557817459106, + 442.1796875, + 367.4296875, + 0.7677204608917236, + 442.1796875, + 459.5390625, + 0.5576134920120239, + 677.5703125, + 285.5546875, + 0.6128731966018677, + 759.4453125, + 377.6640625, + 0.8577618598937988, + 769.6796875, + 387.8984375, + 0.47197216749191284, + 790.1484375, + 469.7734375, + 0.0718710646033287 + ], + "scale": [ + 4.912499904632568, + 6.549999713897705 + ], + "score": 0.7906845532930814 + }, + { + "category_id": 1, + "center": [ + 463.5, + 242.0 + ], + "image_id": 20506604100, + "keypoints": [ + 327.97265625, + 46.23828125, + 0.6757680177688599, + 659.26171875, + 387.56640625, + 0.0031197143252938986, + 307.89453125, + 26.16015625, + 0.820162296295166, + 257.69921875, + 66.31640625, + 0.007958504371345043, + 247.66015625, + 76.35546875, + 0.9207136631011963, + 287.81640625, + 136.58984375, + 0.8506186604499817, + 177.38671875, + 317.29296875, + 0.8438454866409302, + 428.36328125, + 226.94140625, + 0.8906707763671875, + 297.85546875, + 487.95703125, + 0.00956020224839449, + 588.98828125, + 287.17578125, + 0.8805042505264282, + 488.59765625, + 487.95703125, + 0.8898108005523682, + 448.44140625, + 367.48828125, + 0.7742035388946533, + 418.32421875, + 467.87890625, + 0.48688656091690063, + 679.33984375, + 287.17578125, + 0.452098548412323, + 769.69140625, + 387.56640625, + 0.9483135938644409, + 789.76953125, + 397.60546875, + 0.3644065856933594, + 900.19921875, + 497.99609375, + 0.11740881204605103 + ], + "scale": [ + 4.818749904632568, + 6.424999713897705 + ], + "score": 0.7536925214987534 + }, + { + "category_id": 1, + "center": [ + 497.5, + 242.0 + ], + "image_id": 20506604700, + "keypoints": [ + 350.01953125, + 50.82161331176758, + 0.9020881652832031, + 339.0950622558594, + 28.97265625, + 0.04247169569134712, + 317.24609375, + 39.89713668823242, + 0.9413256645202637, + 579.43359375, + 280.2356872558594, + 0.0028990714345127344, + 218.92578125, + 94.51953125, + 0.9464727640151978, + 295.3971252441406, + 149.1419219970703, + 0.8118846416473389, + 186.15234375, + 313.0091247558594, + 0.8577902317047119, + 437.4153747558594, + 203.7643280029297, + 0.9197704195976257, + 317.24609375, + 498.7252502441406, + 0.013270620256662369, + 601.2825317382812, + 149.1419219970703, + 0.9220682382583618, + 481.11328125, + 476.8763122558594, + 0.8498733043670654, + 448.33984375, + 334.8580627441406, + 0.7384647727012634, + 426.4908752441406, + 455.02734375, + 0.6978433132171631, + 644.98046875, + 258.38671875, + 0.7675333023071289, + 776.07421875, + 389.48046875, + 0.906692385673523, + 786.9987182617188, + 378.5559997558594, + 0.5491589307785034, + 885.3190307617188, + 498.7252502441406, + 0.1993388533592224 + ], + "scale": [ + 5.243750095367432, + 6.991666793823242 + ], + "score": 0.83161277954395 + }, + { + "category_id": 1, + "center": [ + 464.5, + 242.0 + ], + "image_id": 20506605900, + "keypoints": [ + 342.91796875, + 62.0586051940918, + 0.90000319480896, + 323.46484375, + 13.425796508789062, + 0.1975860893726349, + 294.28515625, + 42.6054801940918, + 0.944686770439148, + 819.51953125, + 421.94140625, + 0.0042344555258750916, + 187.29298400878906, + 100.96485137939453, + 0.950062096118927, + 304.01171875, + 139.87109375, + 0.7728551626205444, + 187.29298400878906, + 314.94921875, + 0.8047181367874146, + 459.63671875, + 188.50390625, + 0.892287015914917, + 274.83203125, + 470.57421875, + 0.0069792731665074825, + 673.62109375, + 188.50390625, + 0.8507509231567383, + 488.81640625, + 480.3007507324219, + 0.8556504249572754, + 449.91015625, + 353.85546875, + 0.7385477423667908, + 420.73046875, + 460.84765625, + 0.5852252840995789, + 673.62109375, + 266.31640625, + 0.7984213829040527, + 780.61328125, + 392.76171875, + 0.9520909786224365, + 800.06640625, + 402.48828125, + 0.3615261912345886, + 887.60546875, + 490.0273132324219, + 0.1522233784198761 + ], + "scale": [ + 4.668749809265137, + 6.224999904632568 + ], + "score": 0.8005250233870286 + }, + { + "category_id": 1, + "center": [ + 490.0, + 240.0 + ], + "image_id": 20506661201, + "keypoints": [ + 332.9166564941406, + 50.41666793823242, + 0.91316819190979, + 322.0833435058594, + 17.91666603088379, + 0.008969410322606564, + 300.4166564941406, + 39.58333206176758, + 0.9091094732284546, + 213.75, + 39.58333206176758, + 0.002222758485004306, + 213.75, + 115.41666412353516, + 0.9625641107559204, + 289.5833435058594, + 147.9166717529297, + 0.807776689529419, + 192.0833282470703, + 332.0833435058594, + 0.8502057790756226, + 452.0833435058594, + 180.4166717529297, + 0.9282655715942383, + 311.25, + 494.5833435058594, + 0.01156608946621418, + 625.4166870117188, + 104.58333587646484, + 0.8873748779296875, + 517.0833129882812, + 483.75, + 0.6177429556846619, + 452.0833435058594, + 353.75, + 0.75759357213974, + 441.25, + 472.9166564941406, + 0.6513778567314148, + 647.0833129882812, + 256.25, + 0.8663648962974548, + 766.25, + 386.25, + 0.881247878074646, + 777.0833129882812, + 375.4166564941406, + 0.4826784133911133, + 874.5833129882812, + 462.0833435058594, + 0.12319384515285492 + ], + "scale": [ + 5.199999809265137, + 6.933333396911621 + ], + "score": 0.8088823281801664 + }, + { + "category_id": 1, + "center": [ + 459.5, + 242.0 + ], + "image_id": 20506661500, + "keypoints": [ + 341.65496826171875, + 52.423187255859375, + 0.9715961813926697, + 659.32421875, + 390.58721923828125, + 0.008282188326120377, + 300.6653747558594, + 31.92839813232422, + 0.9546341896057129, + 577.3450317382812, + 411.08203125, + 0.0031550985295325518, + 208.43881225585938, + 113.90756225585938, + 0.9456169605255127, + 290.41796875, + 154.8971405029297, + 0.837567925453186, + 198.19142150878906, + 318.85546875, + 0.8372071385383606, + 444.12890625, + 195.88671875, + 0.9135280847549438, + 300.6653747558594, + 482.81378173828125, + 0.01531241461634636, + 618.3346557617188, + 124.15495300292969, + 0.8533800840377808, + 526.1080932617188, + 472.56640625, + 0.655286431312561, + 454.3763122558594, + 349.59765625, + 0.767731785774231, + 454.3763122558594, + 462.3190002441406, + 0.6070519685745239, + 659.32421875, + 257.37109375, + 0.844480037689209, + 772.0455322265625, + 380.33984375, + 0.9531264305114746, + 772.0455322265625, + 370.0924377441406, + 0.42379629611968994, + 843.77734375, + 462.3190002441406, + 0.12789899110794067 + ], + "scale": [ + 4.918749809265137, + 6.558332920074463 + ], + "score": 0.8126925780222967 + }, + { + "category_id": 1, + "center": [ + 465.5, + 240.5 + ], + "image_id": 20506662801, + "keypoints": [ + 335.77996826171875, + 38.1367301940918, + 0.9556728601455688, + 315.0247497558594, + -34.506492614746094, + 0.007518003694713116, + 294.26953125, + 17.38152313232422, + 0.8575963973999023, + 595.2200317382812, + 411.73046875, + 0.0035881914664059877, + 200.87110900878906, + 100.40235137939453, + 0.9438300132751465, + 294.26953125, + 141.9127655029297, + 0.8249257206916809, + 200.87110900878906, + 328.7096252441406, + 0.8537148237228394, + 439.5559997558594, + 193.80078125, + 0.9099494814872742, + 304.64715576171875, + 484.3736877441406, + 0.010871827602386475, + 605.59765625, + 121.15756225585938, + 0.8814283609390259, + 553.7096557617188, + 473.99609375, + 0.8467822074890137, + 449.93359375, + 349.46484375, + 0.7905577421188354, + 449.93359375, + 453.2408752441406, + 0.5033454895019531, + 657.4856567382812, + 235.3112030029297, + 0.82769775390625, + 761.26171875, + 370.22003173828125, + 0.914490818977356, + 761.26171875, + 349.46484375, + 0.3736304044723511, + 813.1497192382812, + 473.99609375, + 0.12689220905303955 + ], + "scale": [ + 4.981249809265137, + 6.641666889190674 + ], + "score": 0.8064324672405536 + }, + { + "category_id": 1, + "center": [ + 510.0, + 241.0 + ], + "image_id": 20506664001, + "keypoints": [ + 375.234375, + 52.328125, + 0.9416326284408569, + 386.015625, + 73.890625, + 0.006312258541584015, + 342.890625, + 30.765625, + 0.926004946231842, + 493.828125, + 138.578125, + 0.006323107052594423, + 256.640625, + 95.453125, + 0.9756015539169312, + 310.546875, + 127.796875, + 0.819530725479126, + 202.734375, + 300.296875, + 0.8632893562316895, + 461.484375, + 138.578125, + 0.9352587461471558, + 342.890625, + 559.046875, + 0.06397292017936707, + 623.203125, + 73.890625, + 0.9011883735656738, + 526.171875, + 429.671875, + 1.0623512268066406, + 450.703125, + 354.203125, + 0.7929717302322388, + 429.140625, + 462.015625, + 0.6274135708808899, + 655.546875, + 257.171875, + 0.8237371444702148, + 763.359375, + 397.328125, + 0.9697554111480713, + 784.921875, + 397.328125, + 0.5174197554588318, + 871.171875, + 472.796875, + 0.22067146003246307 + ], + "scale": [ + 5.174999713897705, + 6.900000095367432 + ], + "score": 0.8126304735030446 + }, + { + "category_id": 1, + "center": [ + 475.0, + 239.5 + ], + "image_id": 20506666400, + "keypoints": [ + 334.7265625, + 36.8828010559082, + 0.6485728621482849, + 386.6796875, + 26.49217414855957, + 0.0035679442808032036, + 303.5546875, + 16.10154914855957, + 0.7720158100128174, + 594.4921875, + 400.5546875, + 0.009686503559350967, + 241.21092224121094, + 68.05467987060547, + 0.9209901690483093, + 293.1640625, + 130.3984375, + 0.8476013541221619, + 178.86717224121094, + 317.4296875, + 0.8359730243682861, + 397.0703125, + 265.4765625, + 0.8231837153434753, + 313.9453125, + 494.0703430175781, + 0.009809635579586029, + 542.5390625, + 275.8671875, + 0.9101866483688354, + 532.1484375, + 473.2890625, + 0.8240804076194763, + 438.6328125, + 369.3828125, + 0.7788833379745483, + 428.2421875, + 483.6796875, + 0.4680677652359009, + 677.6171875, + 275.8671875, + 0.6126053333282471, + 771.1328125, + 400.5546875, + 0.8930786848068237, + 791.9140625, + 400.5546875, + 0.42424798011779785, + 875.0390625, + 514.8515625, + 0.12944993376731873 + ], + "scale": [ + 4.987500190734863, + 6.650000095367432 + ], + "score": 0.7507297763457665 + }, + { + "category_id": 1, + "center": [ + 462.0, + 240.0 + ], + "image_id": 20506666800, + "keypoints": [ + 316.6224060058594, + 44.4921875, + 0.6779143810272217, + 376.7786560058594, + 34.46614456176758, + 0.002940863836556673, + 296.5703125, + 24.44010353088379, + 0.7659209966659546, + 266.4921875, + 64.54427337646484, + 0.005607007071375847, + 236.4140625, + 64.54427337646484, + 0.9267217516899109, + 286.5442810058594, + 144.7526092529297, + 0.8144266605377197, + 176.2578125, + 305.1692810058594, + 0.8124463558197021, + 396.8307189941406, + 275.0911560058594, + 0.8887118101119995, + 296.5703125, + 485.6380310058594, + 0.012155476957559586, + 557.2473754882812, + 275.0911560058594, + 0.9618223905563354, + 517.1432495117188, + 475.6119689941406, + 0.8455818891525269, + 436.9349060058594, + 365.3255310058594, + 0.8085858821868896, + 416.8828125, + 475.6119689941406, + 0.45309484004974365, + 667.5338745117188, + 275.0911560058594, + 0.6619080305099487, + 777.8203125, + 395.4036560058594, + 0.918559730052948, + 787.8463745117188, + 395.4036560058594, + 0.3693159520626068, + 898.1328125, + 495.6640625, + 0.13748528063297272 + ], + "scale": [ + 4.8125, + 6.416666507720947 + ], + "score": 0.7619238977248852 + }, + { + "category_id": 1, + "center": [ + 446.5, + 241.0 + ], + "image_id": 20506667100, + "keypoints": [ + 325.03515625, + 38.55859375, + 0.9210686683654785, + 334.0325622558594, + -15.42578125, + 0.010792633518576622, + 289.0455627441406, + 20.56380271911621, + 0.8991165161132812, + 253.0559844970703, + 47.55598831176758, + 0.0035676925908774137, + 199.0716094970703, + 74.54817962646484, + 0.9392255544662476, + 298.04296875, + 137.5299530029297, + 0.7816699743270874, + 172.0794219970703, + 299.4830627441406, + 0.8222913146018982, + 397.0143127441406, + 263.4934997558594, + 0.84222412109375, + 289.0455627441406, + 506.4231872558594, + 0.007226781919598579, + 558.9674682617188, + 272.4908752441406, + 0.8315798044204712, + 531.9752807617188, + 479.4309997558594, + 0.8900066018104553, + 433.00390625, + 371.4622497558594, + 0.7247623801231384, + 442.0013122558594, + 470.43359375, + 0.4320885241031647, + 675.93359375, + 272.4908752441406, + 0.609747052192688, + 774.9049682617188, + 398.4544372558594, + 0.8297445774078369, + 774.9049682617188, + 407.4518127441406, + 0.36524802446365356, + 860.3801879882812, + 474.9322814941406, + 0.07533840835094452 + ], + "scale": [ + 4.318749904632568, + 5.758333206176758 + ], + "score": 0.7606748548837808 + }, + { + "category_id": 1, + "center": [ + 485.5, + 242.5 + ], + "image_id": 20506667400, + "keypoints": [ + 336.96484375, + 38.95182418823242, + 0.9260238409042358, + 314.9596252441406, + -49.06901168823242, + 0.007847880013287067, + 292.9544372558594, + 16.94661521911621, + 0.8846578598022461, + 612.0299682617188, + 369.0299377441406, + 0.005712709855288267, + 204.93359375, + 93.96484375, + 0.9616529941558838, + 292.9544372558594, + 137.9752655029297, + 0.779068112373352, + 182.9283905029297, + 314.0169372558594, + 0.8285418152809143, + 402.98046875, + 248.0012969970703, + 0.8923529982566833, + 314.9596252441406, + 512.0637817382812, + 0.012651795521378517, + 557.0169067382812, + 236.9987030029297, + 0.9353635311126709, + 524.0090942382812, + 468.0533752441406, + 0.9544037580490112, + 446.9908752441406, + 369.0299377441406, + 0.8249117136001587, + 435.98828125, + 479.0559997558594, + 0.5774176120758057, + 678.0455932617188, + 270.0065002441406, + 0.6942965984344482, + 766.06640625, + 391.03515625, + 0.921430230140686, + 799.07421875, + 391.03515625, + 0.4639732241630554, + 865.08984375, + 490.05859375, + 0.17514008283615112 + ], + "scale": [ + 5.28125, + 7.041666507720947 + ], + "score": 0.8187764837191656 + }, + { + "category_id": 1, + "center": [ + 468.5, + 240.5 + ], + "image_id": 20506668000, + "keypoints": [ + 347.89453125, + 52.35546875, + 0.9205572605133057, + 328.59765625, + 13.76171875, + 0.12859806418418884, + 309.30078125, + 42.70703125, + 0.9113746285438538, + 309.30078125, + -15.18359375, + 0.0022691679187119007, + 203.16796875, + 100.59765625, + 0.9240591526031494, + 299.65234375, + 129.54296875, + 0.7619653344154358, + 193.51953125, + 312.86328125, + 0.8254305124282837, + 473.32421875, + 187.43359375, + 0.8685465455055237, + 299.65234375, + 534.77734375, + 0.006035174708813429, + 675.94140625, + 206.73046875, + 0.861380934715271, + 521.56640625, + 447.94140625, + 0.9350179433822632, + 444.37890625, + 351.45703125, + 0.7624449729919434, + 425.08203125, + 457.58984375, + 0.5378572344779968, + 685.58984375, + 254.97265625, + 0.661535382270813, + 772.42578125, + 390.05078125, + 0.9234033226966858, + 791.72265625, + 399.69921875, + 0.3736617863178253, + 859.26171875, + 476.88671875, + 0.19281253218650818 + ], + "scale": [ + 4.631249904632568, + 6.175000190734863 + ], + "score": 0.7897873085278732 + }, + { + "category_id": 1, + "center": [ + 464.5, + 241.0 + ], + "image_id": 20506668300, + "keypoints": [ + 362.09765625, + 60.57683563232422, + 0.9410425424575806, + 332.83984375, + 21.566421508789062, + 0.1916140615940094, + 313.33465576171875, + 41.07162857055664, + 0.9788129329681396, + 810.7174072265625, + 421.42315673828125, + 0.004132870119065046, + 206.05599975585938, + 99.58724975585938, + 0.9384357929229736, + 313.33465576171875, + 138.59765625, + 0.7987966537475586, + 196.30340576171875, + 304.3919372558594, + 0.826123833656311, + 479.12890625, + 197.11328125, + 0.8614727258682251, + 293.8294372558594, + 538.4544067382812, + 0.008306248113512993, + 674.1809692382812, + 236.1237030029297, + 0.8750163912773132, + 518.1393432617188, + 440.9283752441406, + 0.9213277101516724, + 440.1184997558594, + 353.1549377441406, + 0.7777360677719116, + 420.61328125, + 460.43359375, + 0.46372342109680176, + 683.93359375, + 265.3815002441406, + 0.5396377444267273, + 781.4595947265625, + 392.16534423828125, + 0.9190682172775269, + 791.2122192382812, + 401.91796875, + 0.4504997730255127, + 849.7278442382812, + 470.1861877441406, + 0.09196077287197113 + ], + "scale": [ + 4.681249618530273, + 6.241666793823242 + ], + "score": 0.791668754357558 + }, + { + "category_id": 1, + "center": [ + 455.0, + 239.5 + ], + "image_id": 20506679800, + "keypoints": [ + 340.5989685058594, + 55.46354293823242, + 0.8801772594451904, + 340.5989685058594, + 5.723958492279053, + 0.11550547182559967, + 300.8072814941406, + 25.61979103088379, + 0.9431854486465454, + 579.3489379882812, + 284.265625, + 0.00556293735280633, + 201.328125, + 65.41146087646484, + 0.9753507375717163, + 261.015625, + 135.046875, + 0.7080065608024597, + 181.4322967529297, + 264.3697814941406, + 0.8071125149726868, + 370.4427185058594, + 154.9427032470703, + 0.23629173636436462, + 340.5989685058594, + 483.2239685058594, + 0.0392560213804245, + 360.4947814941406, + 115.15103912353516, + 0.3548864424228668, + 648.984375, + 473.2760314941406, + 0.28145235776901245, + 430.1302185058594, + 324.0572814941406, + 0.7494651079177856, + 450.0260314941406, + 443.4322814941406, + 0.7001863718032837, + 668.8801879882812, + 264.3697814941406, + 0.8079657554626465, + 748.4635620117188, + 353.9010314941406, + 0.9436068534851074, + 758.4114379882812, + 353.9010314941406, + 0.41261380910873413, + 887.734375, + 473.2760314941406, + 0.11377715319395065 + ], + "scale": [ + 4.775000095367432, + 6.366666793823242 + ], + "score": 0.6769462273671076 + }, + { + "category_id": 1, + "center": [ + 482.0, + 240.5 + ], + "image_id": 20506600801, + "keypoints": [ + 369.0703125, + 73.79425048828125, + 0.8555415868759155, + 702.4818115234375, + 385.6953430175781, + 0.006431925110518932, + 336.8046569824219, + 52.28383255004883, + 0.931135892868042, + 250.76300048828125, + 52.28383255004883, + 0.003082574112340808, + 250.76300048828125, + 106.05988311767578, + 0.9432290196418762, + 293.7838439941406, + 149.08071899414062, + 0.8198693990707397, + 196.9869384765625, + 321.1640625, + 0.8511849641799927, + 455.1119689941406, + 127.57029724121094, + 0.931148886680603, + 304.5390319824219, + 493.2474365234375, + 0.01019514724612236, + 637.9505615234375, + 63.039039611816406, + 0.9274539947509766, + 487.3775939941406, + 471.73699951171875, + 0.8275004625320435, + 433.6015625, + 331.9192810058594, + 0.7476762533187866, + 433.6015625, + 450.2265930175781, + 0.6294090747833252, + 648.7057495117188, + 245.8776092529297, + 0.8090473413467407, + 767.0130615234375, + 385.6953430175781, + 0.9001238346099854, + 777.7682495117188, + 385.6953430175781, + 0.47342637181282043, + 874.5651245117188, + 504.00262451171875, + 0.22002728283405304 + ], + "scale": [ + 5.162500381469727, + 6.883333206176758 + ], + "score": 0.7761981689504215 + }, + { + "category_id": 1, + "center": [ + 471.0, + 244.5 + ], + "image_id": 20506687200, + "keypoints": [ + 319.5807189941406, + 40.8671760559082, + 0.910134494304657, + 288.2525939941406, + 9.539048194885254, + 0.009942794218659401, + 277.80987548828125, + 19.98175811767578, + 0.8764102458953857, + 204.71092224121094, + 30.42446517944336, + 0.002275987295433879, + 183.82550048828125, + 82.63800811767578, + 0.9732427597045898, + 256.9244689941406, + 134.8515625, + 0.6118704676628113, + 225.59634399414062, + 249.7213592529297, + 0.8230199813842773, + 371.79425048828125, + 113.96614074707031, + 0.34441322088241577, + 476.2213439941406, + 218.3932342529297, + 0.8246178030967712, + 371.79425048828125, + 103.52342987060547, + 0.53194260597229, + 643.3046875, + 93.08071899414062, + 0.8848536610603333, + 444.8932189941406, + 312.3775939941406, + 0.6440327167510986, + 455.3359375, + 427.2474060058594, + 0.7770064473152161, + 674.6328125, + 260.1640625, + 0.5995314121246338, + 768.6171875, + 375.03387451171875, + 0.8983125686645508, + 779.0599365234375, + 375.03387451171875, + 0.37333744764328003, + 852.1588745117188, + 489.9036560058594, + 0.1878402680158615 + ], + "scale": [ + 5.012500286102295, + 6.683333396911621 + ], + "score": 0.7194804166044507 + }, + { + "category_id": 1, + "center": [ + 464.5, + 242.5 + ], + "image_id": 20506715800, + "keypoints": [ + 344.87109375, + 55.87890625, + 0.9513614177703857, + 325.73046875, + 8.02734375, + 0.021781615912914276, + 306.58984375, + 36.73828125, + 0.938438892364502, + 584.12890625, + 275.99609375, + 0.005755127873271704, + 210.88671875, + 103.73046875, + 0.9720684289932251, + 277.87890625, + 132.44140625, + 0.7460170984268188, + 201.31640625, + 304.70703125, + 0.8567571640014648, + 440.57421875, + 189.86328125, + 0.9067797064781189, + 507.56640625, + 467.40234375, + 0.8378151655197144, + 603.26953125, + 142.01171875, + 0.8853523135185242, + 756.39453125, + 448.26171875, + 0.8959295749664307, + 440.57421875, + 323.84765625, + 0.7974627017974854, + 459.71484375, + 438.69140625, + 0.6547960042953491, + 651.12109375, + 237.71484375, + 0.7174708843231201, + 765.96484375, + 381.26953125, + 0.8266650438308716, + 785.10546875, + 362.12890625, + 0.3870530426502228, + 852.09765625, + 457.83203125, + 0.09940864145755768 + ], + "scale": [ + 4.59375, + 6.125 + ], + "score": 0.8124262456383023 + }, + { + "category_id": 1, + "center": [ + 461.5, + 242.0 + ], + "image_id": 20506720400, + "keypoints": [ + 342.45703125, + 50.49609375, + 0.9186209440231323, + 332.10546875, + 81.55078125, + 0.005980147980153561, + 311.40234375, + 29.79296875, + 0.9670153856277466, + 269.99609375, + 60.84765625, + 0.005184922367334366, + 228.58984375, + 91.90234375, + 0.9486714601516724, + 269.99609375, + 143.66015625, + 0.8482094407081604, + 197.53515625, + 309.28515625, + 0.8440260887145996, + 394.21484375, + 257.52734375, + 0.8916004300117493, + 373.51171875, + 526.66796875, + 0.0842566192150116, + 549.48828125, + 267.87890625, + 0.9787477254867554, + 528.78515625, + 443.85546875, + 0.9684205055236816, + 435.62109375, + 361.04296875, + 0.7615891695022583, + 425.26953125, + 474.91015625, + 0.5315803289413452, + 673.70703125, + 278.23046875, + 0.6709675788879395, + 777.22265625, + 381.74609375, + 0.8746364712715149, + 777.22265625, + 371.39453125, + 0.4000617265701294, + 870.38671875, + 443.85546875, + 0.07103967666625977 + ], + "scale": [ + 4.96875, + 6.625 + ], + "score": 0.8157036350323603 + }, + { + "category_id": 1, + "center": [ + 480.5, + 242.0 + ], + "image_id": 20506723601, + "keypoints": [ + 329.33465576171875, + 42.07162857055664, + 0.9033101201057434, + 670.67578125, + 393.16534423828125, + 0.003573099384084344, + 309.8294372558594, + 22.566421508789062, + 0.9048811197280884, + 592.6549682617188, + 354.1549377441406, + 0.017446259036660194, + 241.56121826171875, + 61.57683563232422, + 0.9659637212753296, + 270.81903076171875, + 139.59765625, + 0.8121695518493652, + 212.30340576171875, + 295.6393127441406, + 0.8725656270980835, + 387.85028076171875, + 266.3815002441406, + 0.8545646071434021, + 397.6028747558594, + 500.4440002441406, + 0.2629888653755188, + 514.6340942382812, + 295.6393127441406, + 0.8790981769561768, + 563.3971557617188, + 383.4127502441406, + 0.9281233549118042, + 436.61328125, + 354.1549377441406, + 0.7683082818984985, + 436.61328125, + 461.43359375, + 0.5317234992980957, + 670.67578125, + 276.1341247558594, + 0.6186820864677429, + 777.9544067382812, + 373.66015625, + 0.9105724692344666, + 768.2017822265625, + 363.90753173828125, + 0.4130934476852417, + 816.96484375, + 461.43359375, + 0.1677204668521881 + ], + "scale": [ + 4.681249618530273, + 6.241666793823242 + ], + "score": 0.7590032092162541 + }, + { + "category_id": 1, + "center": [ + 473.0, + 241.0 + ], + "image_id": 20506727500, + "keypoints": [ + 358.2994689941406, + 46.5078125, + 0.8881107568740845, + 348.3255310058594, + 16.5859375, + 0.04674341529607773, + 318.4036560058594, + 26.55989646911621, + 0.9314190149307251, + 258.5599060058594, + 56.48176956176758, + 0.0021037287078797817, + 218.6640625, + 86.40364837646484, + 0.9474043846130371, + 268.5338439941406, + 156.2213592529297, + 0.7154048681259155, + 218.6640625, + 305.8307189941406, + 0.8103575706481934, + 398.1953125, + 226.0390625, + 0.4351649284362793, + 428.1171875, + 475.3880310058594, + 0.6491496562957764, + 487.9609375, + 315.8046875, + 0.7361252307891846, + 458.0390625, + 285.8828125, + 0.6999169588088989, + 438.0911560058594, + 355.7005310058594, + 0.6340659856796265, + 458.0390625, + 455.4400939941406, + 0.5615665912628174, + 637.5703125, + 226.0390625, + 0.6279999017715454, + 777.2057495117188, + 385.6224060058594, + 0.9402695894241333, + 777.2057495117188, + 365.6744689941406, + 0.46646755933761597, + 827.0755004882812, + 465.4140625, + 0.10065864026546478 + ], + "scale": [ + 4.787499904632568, + 6.383333206176758 + ], + "score": 0.7173873569284167 + }, + { + "category_id": 1, + "center": [ + 462.5, + 240.5 + ], + "image_id": 20506728800, + "keypoints": [ + 357.36328125, + 55.25911331176758, + 0.9161087274551392, + 337.3372497558594, + 5.194010257720947, + 0.1250564157962799, + 307.2981872558594, + 35.23307418823242, + 0.971458911895752, + 247.2200469970703, + 55.25911331176758, + 0.0017013862961903214, + 207.16796875, + 85.29817962646484, + 0.9346374869346619, + 277.2591247558594, + 145.3762969970703, + 0.7851245999336243, + 227.1940155029297, + 305.5846252441406, + 0.830978512763977, + 397.4153747558594, + 265.5325622558594, + 0.8353970050811768, + 437.4674377441406, + 495.83203125, + 0.3348078727722168, + 507.55859375, + 305.5846252441406, + 0.9118876457214355, + 687.79296875, + 455.7799377441406, + 0.702948808670044, + 437.4674377441406, + 345.63671875, + 0.6999818682670593, + 437.4674377441406, + 445.7669372558594, + 0.6447173357009888, + 647.7409057617188, + 255.51953125, + 0.6777551770210266, + 757.8840942382812, + 395.7018127441406, + 0.8667463064193726, + 767.8971557617188, + 395.7018127441406, + 0.4524945020675659, + 923.0989379882812, + 460.7864685058594, + 0.062093574553728104 + ], + "scale": [ + 4.806250095367432, + 6.4083333015441895 + ], + "score": 0.7546460543360028 + }, + { + "category_id": 1, + "center": [ + 492.0, + 240.0 + ], + "image_id": 20506731900, + "keypoints": [ + 340.6328125, + 39.8046875, + 0.3671509027481079, + 242.9765625, + 98.3984375, + 0.0041600801050662994, + 321.1015625, + 30.0390625, + 0.6539127826690674, + 252.7421875, + 78.8671875, + 0.008620520122349262, + 272.2734375, + 69.1015625, + 0.9435796141624451, + 272.2734375, + 147.2265625, + 0.7981024980545044, + 213.6796875, + 313.2421875, + 0.8817830085754395, + 379.6953125, + 254.6484375, + 0.6723036766052246, + 418.7578125, + 489.0234375, + 0.08083300292491913, + 477.3515625, + 303.4765625, + 0.8732596635818481, + 682.4296875, + 479.2578125, + 0.4711487293243408, + 428.5234375, + 352.3046875, + 0.7375746965408325, + 448.0546875, + 459.7265625, + 0.7039932012557983, + 623.8359375, + 215.5859375, + 0.780954897403717, + 789.8515625, + 371.8359375, + 0.9249749183654785, + 789.8515625, + 362.0703125, + 0.4867398738861084, + 819.1484375, + 449.9609375, + 0.09509164094924927 + ], + "scale": [ + 4.6875, + 6.25 + ], + "score": 0.7150368048594549 + }, + { + "category_id": 1, + "center": [ + 496.0, + 241.0 + ], + "image_id": 20506732600, + "keypoints": [ + 352.1328125, + 57.4453239440918, + 0.8921929001808167, + 342.2109375, + -12.007796287536621, + 0.0123818414285779, + 312.4453125, + 37.6015739440918, + 0.9068543910980225, + 580.3359375, + 285.6484375, + 0.004271760117262602, + 213.22657775878906, + 97.13282012939453, + 0.9321682453155518, + 272.7578125, + 156.6640625, + 0.792972207069397, + 223.14845275878906, + 325.3359375, + 0.8724691867828369, + 391.8203125, + 255.8828125, + 0.6766901612281799, + 441.4296875, + 503.9296569824219, + 0.4359964430332184, + 491.0390625, + 305.4921875, + 0.8730974197387695, + 669.6328125, + 424.5546875, + 1.0094490051269531, + 431.5078125, + 335.2578125, + 0.7800428867340088, + 451.3515625, + 454.3203125, + 0.6437257528305054, + 620.0234375, + 196.3515625, + 0.8282155990600586, + 749.0078125, + 394.7890625, + 0.37827903032302856, + 768.8515625, + 374.9453125, + 0.19297358393669128, + 848.2265625, + 454.3203125, + 0.16785429418087006 + ], + "scale": [ + 4.762499809265137, + 6.349999904632568 + ], + "score": 0.7709348637324113 + }, + { + "category_id": 1, + "center": [ + 454.0, + 240.0 + ], + "image_id": 20506740800, + "keypoints": [ + 333.5572814941406, + 52.109375, + 0.8783712387084961, + 333.5572814941406, + 3.9322917461395264, + 0.04185846447944641, + 304.6510314941406, + 32.83854293823242, + 0.9295479655265808, + 526.265625, + 273.7239685058594, + 0.010241723619401455, + 198.6614532470703, + 100.28646087646484, + 0.9627513885498047, + 266.109375, + 138.828125, + 0.6980545520782471, + 198.6614532470703, + 312.265625, + 0.8475747108459473, + 372.0989685058594, + 129.1927032470703, + 0.2342415153980255, + 506.9947814941406, + 447.1614685058594, + 0.060273732990026474, + 362.4635314941406, + 61.74479293823242, + 0.2758786380290985, + 680.4323120117188, + 485.703125, + 0.21174564957618713, + 429.9114685058594, + 341.171875, + 0.7608984708786011, + 449.1822814941406, + 437.5260314941406, + 0.7677221298217773, + 651.5260620117188, + 254.453125, + 0.8793199062347412, + 757.515625, + 360.4427185058594, + 0.9613603353500366, + 747.8801879882812, + 360.4427185058594, + 0.46191883087158203, + 776.7864379882812, + 466.4322814941406, + 0.18619030714035034 + ], + "scale": [ + 4.625, + 6.1666669845581055 + ], + "score": 0.6822604101437789 + }, + { + "category_id": 1, + "center": [ + 470.5, + 242.0 + ], + "image_id": 20506741201, + "keypoints": [ + 360.1419372558594, + 64.46746063232422, + 0.9593890905380249, + 360.1419372558594, + 6.889338493347168, + 0.009004179388284683, + 331.3528747558594, + 54.8711051940918, + 0.9403434991836548, + 264.17840576171875, + 74.06381225585938, + 0.002489966107532382, + 235.38934326171875, + 122.04557800292969, + 0.914853036403656, + 292.96746826171875, + 150.8346405029297, + 0.7368491888046265, + 197.00392150878906, + 333.16534423828125, + 0.79034423828125, + 456.10546875, + 131.64193725585938, + 0.8385823369026184, + 283.37109375, + 477.11065673828125, + 0.008226954378187656, + 648.0325317382812, + 74.06381225585938, + 0.9101893901824951, + 628.83984375, + 448.32159423828125, + 0.014696769416332245, + 446.5091247558594, + 342.76171875, + 0.759658694267273, + 446.5091247558594, + 457.91796875, + 0.6737573742866516, + 648.0325317382812, + 246.7981719970703, + 0.8626326322555542, + 763.1887817382812, + 371.55078125, + 0.9618821144104004, + 782.3814697265625, + 371.55078125, + 0.4671329855918884, + 859.15234375, + 438.7252502441406, + 0.13618043065071106 + ], + "scale": [ + 4.606249809265137, + 6.141666889190674 + ], + "score": 0.8179678817590078 + }, + { + "category_id": 1, + "center": [ + 459.0, + 241.0 + ], + "image_id": 20506742100, + "keypoints": [ + 307.203125, + 47.328125, + 0.903411865234375, + 296.734375, + -15.484375, + 0.00795374158769846, + 265.328125, + 26.390625, + 0.9022717475891113, + 537.515625, + 277.640625, + 0.006448780652135611, + 192.046875, + 99.671875, + 0.9566441774368286, + 265.328125, + 141.546875, + 0.8241836428642273, + 212.984375, + 319.515625, + 0.848506510257721, + 411.890625, + 172.953125, + 0.9042977690696716, + 485.171875, + 476.546875, + 0.5625949501991272, + 589.859375, + 152.015625, + 0.8957345485687256, + 736.421875, + 445.140625, + 0.9615586996078491, + 432.828125, + 329.984375, + 0.7633862495422363, + 453.765625, + 434.671875, + 0.6556234955787659, + 642.203125, + 235.765625, + 0.6582509875297546, + 746.890625, + 371.859375, + 0.8065873384475708, + 778.296875, + 361.390625, + 0.3239175081253052, + 940.5625, + 450.375, + 0.05893123894929886 + ], + "scale": [ + 5.025000095367432, + 6.700000286102295 + ], + "score": 0.7833549635750907 + }, + { + "category_id": 1, + "center": [ + 463.5, + 239.5 + ], + "image_id": 20506742401, + "keypoints": [ + 332.80340576171875, + 46.06902313232422, + 0.9799464344978333, + 343.2591247558594, + 77.43621063232422, + 0.007341291755437851, + 301.43621826171875, + 25.15756607055664, + 0.963824987411499, + 594.1965942382812, + 276.0950622558594, + 0.0022022887133061886, + 207.33465576171875, + 98.34766387939453, + 0.9533970952033997, + 280.5247497558594, + 150.62631225585938, + 0.8056668043136597, + 207.33465576171875, + 307.4622497558594, + 0.8204958438873291, + 426.9049377441406, + 171.5377655029297, + 0.8973374366760254, + 468.7278747558594, + 432.93096923828125, + 0.08190887421369553, + 625.5637817382812, + 119.25912475585938, + 0.9333481788635254, + 636.01953125, + 443.38671875, + 0.8393805027008057, + 426.9049377441406, + 338.82940673828125, + 0.7502027750015259, + 426.9049377441406, + 453.8424377441406, + 0.6056233644485474, + 656.9309692382812, + 244.7278594970703, + 0.6298784017562866, + 771.9439697265625, + 370.19659423828125, + 0.8943638205528259, + 771.9439697265625, + 370.19659423828125, + 0.40907853841781616, + 876.5012817382812, + 453.8424377441406, + 0.15560854971408844 + ], + "scale": [ + 5.018749713897705, + 6.691666603088379 + ], + "score": 0.8063495525946984 + }, + { + "category_id": 1, + "center": [ + 494.5, + 242.5 + ], + "image_id": 20506744400, + "keypoints": [ + 337.68359375, + 24.98048210144043, + 0.938701868057251, + 337.68359375, + -25.605451583862305, + 0.011498039588332176, + 297.21484375, + 4.746108531951904, + 0.8817769885063171, + 236.51173400878906, + 24.98048210144043, + 0.002782241441309452, + 196.04298400878906, + 75.56641387939453, + 0.9516807198524475, + 266.86328125, + 126.15235137939453, + 0.8252740502357483, + 206.16017150878906, + 308.26171875, + 0.8591848015785217, + 428.73828125, + 166.62109375, + 0.922014594078064, + 499.55859375, + 449.90234375, + 0.8237685561180115, + 610.84765625, + 126.15235137939453, + 0.8957533836364746, + 742.37109375, + 429.66796875, + 0.997223973274231, + 438.85546875, + 328.49609375, + 0.7481284141540527, + 448.97265625, + 449.90234375, + 0.612134575843811, + 651.31640625, + 267.79296875, + 0.8750885725021362, + 762.60546875, + 358.84765625, + 0.7895714044570923, + 772.72265625, + 348.73046875, + 0.359307199716568, + 823.30859375, + 449.90234375, + 0.07778807729482651 + ], + "scale": [ + 4.856249809265137, + 6.474999904632568 + ], + "score": 0.819972078715052 + }, + { + "category_id": 1, + "center": [ + 464.0, + 242.0 + ], + "image_id": 20506747600, + "keypoints": [ + 323.90887451171875, + 43.94011688232422, + 1.0129306316375732, + 314.2474060058594, + -23.690086364746094, + 0.007661888375878334, + 294.92449951171875, + 34.27865982055664, + 0.9310494661331177, + 459.1692810058594, + 43.94011688232422, + 0.006004729308187962, + 207.97137451171875, + 101.90886688232422, + 0.9312052726745605, + 265.94012451171875, + 130.8932342529297, + 0.7807261943817139, + 198.30990600585938, + 314.4609375, + 0.8537124991416931, + 391.5390625, + 101.90886688232422, + 0.8689700961112976, + 294.92449951171875, + 527.0130004882812, + 0.011098720133304596, + 536.4609375, + 92.24740600585938, + 0.9770840406417847, + 526.7994995117188, + 459.3828125, + 0.9016478061676025, + 430.1849060058594, + 333.7838439941406, + 0.7792822122573853, + 430.1849060058594, + 449.7213439941406, + 0.5964528322219849, + 633.0755004882812, + 217.8463592529297, + 0.7933516502380371, + 768.3359375, + 382.09112548828125, + 0.9324357509613037, + 758.6744384765625, + 362.7682189941406, + 0.33227628469467163, + 855.2890625, + 459.3828125, + 0.17287558317184448 + ], + "scale": [ + 4.637499809265137, + 6.183333396911621 + ], + "score": 0.8223942105586712 + }, + { + "category_id": 1, + "center": [ + 461.5, + 242.0 + ], + "image_id": 20506748100, + "keypoints": [ + 326.67578125, + 47.2539176940918, + 0.8595983982086182, + 436.5325622558594, + 77.21485137939453, + 0.004322268534451723, + 296.71484375, + 27.27996063232422, + 0.8631994128227234, + 456.5065002441406, + 127.14974975585938, + 0.0038895560428500175, + 236.79298400878906, + 77.21485137939453, + 0.904194712638855, + 256.7669372558594, + 127.14974975585938, + 0.7627273797988892, + 196.84506225585938, + 316.90234375, + 0.831379771232605, + 396.5846252441406, + 107.17578887939453, + 0.8977808952331543, + 286.7278747558594, + 536.6158447265625, + 0.016278328374028206, + 546.3893432617188, + 127.14974975585938, + 0.9209789633750916, + 526.4153442382812, + 456.72003173828125, + 0.8986736536026001, + 426.5455627441406, + 346.86328125, + 0.745942234992981, + 436.5325622558594, + 446.7330627441406, + 0.5877349376678467, + 636.2720947265625, + 227.01953125, + 0.7116137146949768, + 776.08984375, + 376.82421875, + 0.8684892654418945, + 766.1028442382812, + 356.8502502441406, + 0.4071570634841919, + 865.97265625, + 426.75909423828125, + 0.15100538730621338 + ], + "scale": [ + 4.793749809265137, + 6.391666412353516 + ], + "score": 0.789190031014956 + }, + { + "category_id": 1, + "center": [ + 503.5, + 241.5 + ], + "image_id": 20506763201, + "keypoints": [ + 326.68359375, + 43.25130081176758, + 0.9453684091567993, + 830.3424682617188, + 386.16796875, + 0.009421766735613346, + 294.53515625, + 21.81900978088379, + 0.9195379614830017, + 498.1419372558594, + 150.4127655029297, + 0.004530847072601318, + 208.8059844970703, + 86.11588287353516, + 0.9499008655548096, + 262.38671875, + 128.98046875, + 0.8447949886322021, + 219.5221405029297, + 311.1549377441406, + 0.8513872623443604, + 401.6966247558594, + 107.54817962646484, + 0.9532562494277954, + 444.5611877441406, + 514.76171875, + 0.45427078008651733, + 562.4387817382812, + 107.54817962646484, + 0.9515146017074585, + 637.4518432617188, + 386.16796875, + 0.9311188459396362, + 433.8450622558594, + 343.3033752441406, + 0.7671608924865723, + 444.5611877441406, + 450.46484375, + 0.6565301418304443, + 658.8840942382812, + 214.7096405029297, + 0.733603298664093, + 776.76171875, + 386.16796875, + 0.8759031295776367, + 787.4778442382812, + 364.7356872558594, + 0.3992157280445099, + 873.20703125, + 493.3294372558594, + 0.16145554184913635 + ], + "scale": [ + 5.143749713897705, + 6.858333587646484 + ], + "score": 0.8023973682097026 + }, + { + "category_id": 1, + "center": [ + 465.0, + 241.0 + ], + "image_id": 20506763800, + "keypoints": [ + 336.09375, + 50.2187614440918, + 0.9540249109268188, + 346.40625, + 81.15625762939453, + 0.00691657979041338, + 305.15625, + 29.59376335144043, + 0.956511914730072, + 583.59375, + 400.84375, + 0.0194245558232069, + 212.34376525878906, + 81.15625762939453, + 0.9334261417388916, + 263.90625, + 132.71875, + 0.8020288944244385, + 202.03126525878906, + 308.03125, + 0.8297898769378662, + 397.96875, + 112.09375762939453, + 0.9010665416717529, + 377.34375, + 524.59375, + 0.04465353488922119, + 562.96875, + 112.09375762939453, + 0.9146794080734253, + 542.34375, + 431.78125, + 0.9491535425186157, + 428.90625, + 349.28125, + 0.8016626238822937, + 449.53125, + 452.40625, + 0.6511331796646118, + 655.78125, + 225.53125, + 0.7204442620277405, + 769.21875, + 369.90625, + 0.9085311889648438, + 769.21875, + 359.59375, + 0.4299631118774414, + 810.46875, + 473.03125, + 0.14912444353103638 + ], + "scale": [ + 4.949999809265137, + 6.600000381469727 + ], + "score": 0.8271088921106778 + }, + { + "category_id": 1, + "center": [ + 472.0, + 240.5 + ], + "image_id": 20506767200, + "keypoints": [ + 350.25518798828125, + 50.5781135559082, + 0.978973925113678, + 340.515625, + -17.598976135253906, + 0.005497452802956104, + 321.03643798828125, + 31.09894561767578, + 0.8983762860298157, + 486.609375, + 109.01561737060547, + 0.007665008306503296, + 223.64060974121094, + 70.05728149414062, + 0.9048633575439453, + 262.59893798828125, + 118.75520324707031, + 0.8056153059005737, + 213.90103149414062, + 303.8072814941406, + 0.8375439643859863, + 398.953125, + 118.75520324707031, + 0.8803120255470276, + 428.171875, + 508.33856201171875, + 0.5132648944854736, + 564.5260620117188, + 99.27603149414062, + 0.9148231744766235, + 622.9635620117188, + 410.9427185058594, + 0.966239333152771, + 428.171875, + 333.02606201171875, + 0.7622454762458801, + 437.9114685058594, + 449.90106201171875, + 0.5728920698165894, + 652.1823120117188, + 245.3697967529297, + 0.7870001792907715, + 769.0573120117188, + 381.7239685058594, + 0.8264416456222534, + 759.3177490234375, + 362.24481201171875, + 0.328376829624176, + 827.4948120117188, + 469.3802185058594, + 0.10326515138149261 + ], + "scale": [ + 4.675000190734863, + 6.233333587646484 + ], + "score": 0.7840691762311118 + }, + { + "category_id": 1, + "center": [ + 498.0, + 242.0 + ], + "image_id": 20506771000, + "keypoints": [ + 325.265625, + 37.859375, + 0.9058892726898193, + 356.671875, + 100.671875, + 0.0037523899227380753, + 304.328125, + 16.921875, + 0.8529869318008423, + 492.765625, + 121.609375, + 0.015369881875813007, + 231.046875, + 69.265625, + 0.926053524017334, + 262.453125, + 121.609375, + 0.870177686214447, + 199.640625, + 310.046875, + 0.8375535011291504, + 398.546875, + 111.140625, + 0.8890070915222168, + 429.953125, + 508.953125, + 0.17720341682434082, + 555.578125, + 100.671875, + 0.9478046894073486, + 670.734375, + 446.140625, + 0.8959449529647827, + 429.953125, + 320.515625, + 0.7838050723075867, + 429.953125, + 435.671875, + 0.7507463693618774, + 649.796875, + 257.703125, + 0.9027656316757202, + 764.953125, + 362.390625, + 0.7990432977676392, + 785.890625, + 372.859375, + 0.44811028242111206, + 869.640625, + 467.078125, + 0.156570702791214 + ], + "scale": [ + 5.025000095367432, + 6.700000286102295 + ], + "score": 0.8315298694830674 + }, + { + "category_id": 1, + "center": [ + 455.0, + 240.5 + ], + "image_id": 20506707100, + "keypoints": [ + 290.4296875, + 95.87760162353516, + 0.9135212898254395, + 280.4557189941406, + 46.0078125, + 0.9518714547157288, + 230.5859375, + 85.90364837646484, + 1.002070426940918, + 320.3515625, + 26.05989646911621, + 0.027547085657715797, + 160.7682342529297, + 135.7734375, + 0.933185338973999, + 310.3775939941406, + 125.79947662353516, + 0.7917178273200989, + 230.5859375, + 315.3046875, + 0.8625615835189819, + 479.9349060058594, + 145.7473907470703, + 0.8600486516952515, + 499.8828125, + 484.8619689941406, + 0.615046501159668, + 659.4661254882812, + 75.9296875, + 0.9373756647109985, + 729.2838745117188, + 444.9661560058594, + 0.912024736404419, + 450.0130310058594, + 335.2525939941406, + 0.7924762964248657, + 459.9869689941406, + 434.9921875, + 0.6589981317520142, + 649.4921875, + 235.5130157470703, + 0.7690634727478027, + 749.2317504882812, + 355.2005310058594, + 0.9191864728927612, + 779.1536254882812, + 345.2265625, + 0.4091876447200775, + 913.8020629882812, + 459.9270935058594, + 0.11399178951978683 + ], + "scale": [ + 4.787499904632568, + 6.383333206176758 + ], + "score": 0.8218890329202017 + }, + { + "category_id": 1, + "center": [ + 478.5, + 240.5 + ], + "image_id": 20506773601, + "keypoints": [ + 317.64715576171875, + 38.1367301940918, + 0.9184595346450806, + 691.2408447265625, + 390.9752502441406, + 0.009317257441580296, + 286.51434326171875, + 27.75912857055664, + 0.9270808100700378, + 462.93359375, + 141.9127655029297, + 0.004670251160860062, + 213.87110900878906, + 100.40235137939453, + 0.9669430255889893, + 265.7591247558594, + 152.29037475585938, + 0.8585758209228516, + 182.73829650878906, + 318.33203125, + 0.8791300058364868, + 421.4231872558594, + 193.80078125, + 0.9279478788375854, + 307.26953125, + 484.3736877441406, + 0.008294016122817993, + 597.8424682617188, + 141.9127655029297, + 0.9015535116195679, + 483.6888122558594, + 484.3736877441406, + 0.8443936705589294, + 442.1783752441406, + 349.46484375, + 0.7665256261825562, + 431.80078125, + 463.61846923828125, + 0.6427815556526184, + 649.73046875, + 245.6887969970703, + 0.7034215927124023, + 763.8840942382812, + 390.9752502441406, + 0.8914234638214111, + 774.26171875, + 390.9752502441406, + 0.4516008198261261, + 857.2825317382812, + 484.3736877441406, + 0.22205252945423126 + ], + "scale": [ + 4.981249809265137, + 6.641666889190674 + ], + "score": 0.7787064175520625 + }, + { + "category_id": 1, + "center": [ + 476.0, + 242.0 + ], + "image_id": 20506707600, + "keypoints": [ + 294.6719055175781, + 126.60939025878906, + 0.8535385727882385, + 272.6927185058594, + 82.65106201171875, + 0.9671450853347778, + 228.73440551757812, + 126.60939025878906, + 0.9722024202346802, + 558.421875, + 247.4947967529297, + 0.014543693512678146, + 162.79690551757812, + 192.546875, + 0.949872612953186, + 294.6719055175781, + 126.60939025878906, + 0.6956216096878052, + 228.73440551757812, + 335.41143798828125, + 0.8953180313110352, + 459.515625, + 159.57814025878906, + 0.8472784161567688, + 481.4947814941406, + 489.2655944824219, + 0.567939281463623, + 624.359375, + 258.484375, + 0.8943690061569214, + 734.2551879882812, + 445.3072814941406, + 0.9975555539131165, + 448.5260314941406, + 313.4322814941406, + 0.6672983169555664, + 459.515625, + 434.31768798828125, + 0.7018501162528992, + 690.296875, + 280.4635314941406, + 0.4339992105960846, + 745.2447509765625, + 368.38018798828125, + 0.6766213178634644, + 789.2030639648438, + 390.3593444824219, + 0.22229987382888794, + 899.0989379882812, + 445.3072814941406, + 0.09418557584285736 + ], + "scale": [ + 5.274999618530273, + 7.0333333015441895 + ], + "score": 0.7561939616998037 + }, + { + "category_id": 1, + "center": [ + 461.0, + 240.0 + ], + "image_id": 20506776800, + "keypoints": [ + 352.171875, + 79.34896087646484, + 0.8820690512657166, + 321.078125, + 27.52604103088379, + 0.06624096632003784, + 300.3489685058594, + 68.984375, + 0.8893303871154785, + 590.5573120117188, + 359.1927185058594, + 0.003693969687446952, + 196.703125, + 131.171875, + 0.9287769794464111, + 300.3489685058594, + 141.5364532470703, + 0.8237498998641968, + 196.703125, + 328.0989685058594, + 0.8781744241714478, + 466.1822814941406, + 172.6302032470703, + 0.8838226795196533, + 289.984375, + 493.9322814941406, + 0.017420457676053047, + 642.3801879882812, + 265.9114685058594, + 0.9282561540603638, + 486.9114685058594, + 473.203125, + 0.9390822649002075, + 435.0885314941406, + 348.828125, + 0.6974046230316162, + 424.7239685058594, + 462.8385314941406, + 0.6305199861526489, + 673.4739379882812, + 276.2760314941406, + 0.5027584433555603, + 777.1198120117188, + 390.2864685058594, + 0.9516010284423828, + 777.1198120117188, + 400.6510314941406, + 0.468708872795105, + 839.3073120117188, + 473.203125, + 0.1571711301803589 + ], + "scale": [ + 4.974999904632568, + 6.633333683013916 + ], + "score": 0.8003272918554453 + }, + { + "category_id": 1, + "center": [ + 456.0, + 241.0 + ], + "image_id": 20506778000, + "keypoints": [ + 328.7213439941406, + 52.627593994140625, + 0.9354480504989624, + 338.90362548828125, + 83.17446899414062, + 0.0063203126192092896, + 298.1744689941406, + 32.26300811767578, + 0.9302730560302734, + 542.5494995117188, + 388.64324951171875, + 0.003359486348927021, + 216.71612548828125, + 113.72134399414062, + 0.9230310320854187, + 287.9921875, + 164.6328125, + 0.8533377647399902, + 175.98696899414062, + 337.7317810058594, + 0.8176946640014648, + 410.1796875, + 256.2734375, + 0.8841098546981812, + 298.1744689941406, + 490.4661560058594, + 0.010571102611720562, + 552.7317504882812, + 276.6380310058594, + 0.9732639789581299, + 491.6380310058594, + 480.28387451171875, + 0.8491190671920776, + 440.7265625, + 368.2786560058594, + 0.756528913974762, + 430.5442810058594, + 470.1015625, + 0.48676151037216187, + 664.7369995117188, + 266.4557189941406, + 0.6051206588745117, + 776.7421875, + 388.64324951171875, + 0.9202143549919128, + 766.5599365234375, + 398.8255310058594, + 0.40479880571365356, + 858.2005615234375, + 470.1015625, + 0.18833500146865845 + ], + "scale": [ + 4.887500286102295, + 6.516666412353516 + ], + "score": 0.7953616701639615 + }, + { + "category_id": 1, + "center": [ + 437.0, + 239.5 + ], + "image_id": 20506779500, + "keypoints": [ + 324.0963439941406, + 38.23698043823242, + 0.943078875541687, + 314.2786560058594, + -30.48697853088379, + 0.008026701398193836, + 284.8255310058594, + 28.41927146911621, + 0.9249399900436401, + 255.3723907470703, + 57.87239456176758, + 0.0020621628500521183, + 206.2838592529297, + 106.9609375, + 0.9523094892501831, + 284.8255310058594, + 156.0494842529297, + 0.7945768237113953, + 176.8307342529297, + 332.7682189941406, + 0.8058187961578369, + 402.6380310058594, + 254.2265625, + 0.816733717918396, + 275.0078125, + 480.0338439941406, + 0.01113196462392807, + 549.9036254882812, + 254.2265625, + 0.9023834466934204, + 490.9974060058594, + 480.0338439941406, + 0.7212474346160889, + 441.9088439941406, + 362.2213439941406, + 0.7078371047973633, + 441.9088439941406, + 460.3984375, + 0.5751733779907227, + 667.7161254882812, + 264.0442810058594, + 0.7391132116317749, + 775.7109375, + 391.6744689941406, + 0.9133746027946472, + 785.5286254882812, + 381.8567810058594, + 0.43555182218551636, + 888.6145629882812, + 494.7604064941406, + 0.16979199647903442 + ], + "scale": [ + 4.712500095367432, + 6.2833333015441895 + ], + "score": 0.7870875917948209 + }, + { + "category_id": 1, + "center": [ + 463.5, + 240.0 + ], + "image_id": 20506780000, + "keypoints": [ + 327.62109375, + 33.66535186767578, + 0.1663220226764679, + 307.4908752441406, + -46.85548782348633, + 0.003402063623070717, + 297.42578125, + 23.60024642944336, + 0.3429968059062958, + 216.90493774414062, + 73.92577362060547, + 0.015012253075838089, + 267.23046875, + 73.92577362060547, + 0.8329675197601318, + 267.23046875, + 144.38150024414062, + 0.8082494735717773, + 186.70962524414062, + 345.68359375, + 0.8053325414657593, + 398.0768127441406, + 245.0325469970703, + 0.8273639678955078, + 428.2721252441406, + 295.3580627441406, + 0.00812314823269844, + 549.0534057617188, + 245.0325469970703, + 0.9044450521469116, + 488.6627502441406, + 476.52996826171875, + 0.8777450323104858, + 448.40234375, + 355.74871826171875, + 0.7728137969970703, + 448.40234375, + 456.3997497558594, + 0.6460931897163391, + 669.8346557617188, + 265.1627502441406, + 0.7496808767318726, + 770.4857177734375, + 385.94403076171875, + 0.9302338361740112, + 780.55078125, + 385.94403076171875, + 0.4090494215488434, + 911.3971557617188, + 486.5950622558594, + 0.26074135303497314 + ], + "scale": [ + 4.831250190734863, + 6.441666603088379 + ], + "score": 0.7052086820969214 + }, + { + "category_id": 1, + "center": [ + 500.5, + 242.5 + ], + "image_id": 20506780700, + "keypoints": [ + 312.35546875, + 35.05859375, + 0.7325149178504944, + 293.05859375, + -71.07421875, + 0.004065010230988264, + 283.41015625, + 25.41015625, + 0.8539042472839355, + 572.86328125, + 382.40234375, + 0.004738545976579189, + 235.16796875, + 83.30078125, + 0.9268070459365845, + 283.41015625, + 150.83984375, + 0.8695799112319946, + 186.92578125, + 324.51171875, + 0.7666250467300415, + 399.19140625, + 256.97265625, + 0.8044940829277039, + 331.65234375, + 546.42578125, + 0.0046956492587924, + 553.56640625, + 266.62109375, + 0.9089227914810181, + 486.02734375, + 478.88671875, + 0.75953608751297, + 447.43359375, + 363.10546875, + 0.7864854335784912, + 437.78515625, + 459.58984375, + 0.5970581769943237, + 669.34765625, + 266.62109375, + 0.5719856023788452, + 756.18359375, + 372.75390625, + 0.879004180431366, + 756.18359375, + 363.10546875, + 0.3633180260658264, + 862.31640625, + 469.23828125, + 0.2613896131515503 + ], + "scale": [ + 4.631249904632568, + 6.175000190734863 + ], + "score": 0.7201160831110818 + }, + { + "category_id": 1, + "center": [ + 455.5, + 237.5 + ], + "image_id": 20506782500, + "keypoints": [ + 322.78515625, + 45.80078125, + 0.9087855219841003, + 332.6158752441406, + 16.30859375, + 0.0743829682469368, + 283.4622497558594, + 26.13932228088379, + 0.919165849685669, + 529.23046875, + 271.9075622558594, + 0.008526048623025417, + 185.1549530029297, + 85.12369537353516, + 0.9363596439361572, + 263.80078125, + 124.44661712646484, + 0.709687352180481, + 204.81640625, + 291.5690002441406, + 0.8193344473838806, + 371.9388122558594, + 124.44661712646484, + 0.6280263662338257, + 411.26171875, + 498.0143127441406, + 0.45372527837753296, + 371.9388122558594, + 94.95442962646484, + 0.8176153302192688, + 657.0299682617188, + 468.5221252441406, + 0.8900314569473267, + 440.75390625, + 321.0611877441406, + 0.7658475041389465, + 450.5846252441406, + 429.19921875, + 0.790959358215332, + 647.19921875, + 252.24609375, + 0.7561233639717102, + 755.3372192382812, + 370.21484375, + 0.882808268070221, + 755.3372192382812, + 360.3841247558594, + 0.38899070024490356, + 892.9674682617188, + 448.8606872558594, + 0.15528056025505066 + ], + "scale": [ + 4.71875, + 6.291666507720947 + ], + "score": 0.7619614601135254 + }, + { + "category_id": 1, + "center": [ + 486.0, + 240.0 + ], + "image_id": 20506708300, + "keypoints": [ + 362.953125, + 67.734375, + 0.9395759701728821, + 333.421875, + 28.359375, + 0.010953538119792938, + 323.578125, + 48.046875, + 0.9535127878189087, + 559.828125, + 274.453125, + 0.006010464858263731, + 225.140625, + 116.953125, + 0.9505865573883057, + 294.046875, + 146.484375, + 0.7827539443969727, + 225.140625, + 323.671875, + 0.8479986190795898, + 451.546875, + 176.015625, + 0.9265346527099609, + 510.609375, + 461.484375, + 0.2790352702140808, + 609.046875, + 116.953125, + 0.901939332485199, + 727.171875, + 441.796875, + 0.8573904037475586, + 451.546875, + 333.515625, + 0.7650978565216064, + 451.546875, + 441.796875, + 0.6793132424354553, + 648.421875, + 244.921875, + 0.8562019467353821, + 756.703125, + 372.890625, + 0.8936182260513306, + 766.546875, + 372.890625, + 0.5083727240562439, + 796.078125, + 451.640625, + 0.08126018941402435 + ], + "scale": [ + 4.724999904632568, + 6.300000190734863 + ], + "score": 0.7958522524152484 + }, + { + "category_id": 1, + "center": [ + 481.0, + 240.5 + ], + "image_id": 20506785201, + "keypoints": [ + 332.6015625, + 61.3984375, + 0.9028363227844238, + 301.8984375, + 20.4609375, + 0.378388911485672, + 281.4296875, + 40.9296875, + 0.9536346197128296, + 557.7578125, + 235.3828125, + 0.008566896431148052, + 189.3203125, + 102.3359375, + 0.9188612699508667, + 301.8984375, + 143.2734375, + 0.8095136880874634, + 199.5546875, + 307.0234375, + 0.8360469341278076, + 465.6484375, + 204.6796875, + 0.8737705945968628, + 434.9453125, + 481.0078125, + 0.0894806906580925, + 639.6328125, + 276.3203125, + 0.9095380306243896, + 660.1015625, + 450.3046875, + 0.7291426658630371, + 445.1796875, + 347.9609375, + 0.7186112403869629, + 424.7109375, + 450.3046875, + 0.5489594340324402, + 711.2734375, + 317.2578125, + 0.41300222277641296, + 782.9140625, + 378.6640625, + 0.9140725135803223, + 772.6796875, + 388.8984375, + 0.38463330268859863, + 844.3203125, + 460.5390625, + 0.096575066447258 + ], + "scale": [ + 4.912499904632568, + 6.549999713897705 + ], + "score": 0.7350722679070064 + }, + { + "category_id": 1, + "center": [ + 478.5, + 246.0 + ], + "image_id": 20506786001, + "keypoints": [ + 326.13671875, + 41.0976676940918, + 0.8804750442504883, + 305.12109375, + 20.08204460144043, + 0.1820143461227417, + 284.10546875, + 30.58985710144043, + 0.9104928970336914, + 263.08984375, + -32.45701599121094, + 0.0017317186575382948, + 189.53517150878906, + 83.12891387939453, + 0.9351135492324829, + 294.61328125, + 135.66796875, + 0.8243408203125, + 210.55079650878906, + 293.28515625, + 0.8525651693344116, + 431.21484375, + 240.74609375, + 0.861767053604126, + 389.18359375, + 492.93359375, + 0.11332900077104568, + 599.33984375, + 303.79296875, + 0.9199153184890747, + 641.37109375, + 471.91796875, + 0.25676557421684265, + 452.23046875, + 345.82421875, + 0.708203911781311, + 420.70703125, + 440.39453125, + 0.553802490234375, + 704.41796875, + 293.28515625, + 0.48772910237312317, + 777.97265625, + 377.34765625, + 0.9153608083724976, + 809.49609375, + 398.36328125, + 0.3087976574897766, + 904.06640625, + 492.93359375, + 0.07360357791185379 + ], + "scale": [ + 5.043749809265137, + 6.725000381469727 + ], + "score": 0.7242561074403616 + }, + { + "category_id": 1, + "center": [ + 473.5, + 240.0 + ], + "image_id": 20506708801, + "keypoints": [ + 343.12890625, + 57.4804573059082, + 0.9221926331520081, + 687.30859375, + 391.23046875, + 0.0060981265269219875, + 322.26953125, + 47.0507698059082, + 0.9428112506866455, + 280.55078125, + 57.4804573059082, + 0.0048911599442362785, + 238.83201599121094, + 99.19921112060547, + 0.9600648880004883, + 280.55078125, + 151.34765625, + 0.8519722819328308, + 197.11326599121094, + 328.65234375, + 0.8679705858230591, + 426.56640625, + 213.92578125, + 0.9615715742111206, + 384.84765625, + 495.5273742675781, + 0.07990588247776031, + 593.44140625, + 161.77734375, + 0.9027522206306458, + 624.73046875, + 474.66796875, + 0.5352849960327148, + 447.42578125, + 339.08203125, + 0.7205775380134583, + 447.42578125, + 443.37890625, + 0.6973598003387451, + 645.58984375, + 234.78515625, + 0.6426594853401184, + 770.74609375, + 370.37109375, + 0.935661792755127, + 770.74609375, + 380.80078125, + 0.4372391104698181, + 833.32421875, + 464.23828125, + 0.20813235640525818 + ], + "scale": [ + 5.006250381469727, + 6.675000190734863 + ], + "score": 0.7561607509851456 + }, + { + "category_id": 1, + "center": [ + 447.0, + 240.5 + ], + "image_id": 20506788401, + "keypoints": [ + 306.53125, + 12.84375, + 0.7685427069664001, + 267.78125, + 3.15625, + 0.050528980791568756, + 248.40625, + 3.15625, + 0.4267522692680359, + 606.84375, + 410.03125, + 0.007967237383127213, + 161.21875, + 51.59375, + 0.9349899291992188, + 287.15625, + 100.03125, + 0.7810609936714172, + 209.65625, + 264.71875, + 0.8090296983718872, + 432.46875, + 216.28125, + 0.8466900587081909, + 364.65625, + 487.53125, + 0.16005173325538635, + 597.15625, + 303.46875, + 0.8979601860046387, + 635.90625, + 477.84375, + 0.3293580114841461, + 442.15625, + 342.21875, + 0.7267961502075195, + 432.46875, + 448.78125, + 0.653802216053009, + 694.03125, + 264.71875, + 0.4825931787490845, + 761.84375, + 371.28125, + 0.9443779587745667, + 771.53125, + 390.65625, + 0.3793575167655945, + 839.34375, + 468.15625, + 0.14529730379581451 + ], + "scale": [ + 4.650000095367432, + 6.199999809265137 + ], + "score": 0.6908700672479776 + }, + { + "category_id": 1, + "center": [ + 482.5, + 242.5 + ], + "image_id": 20506822001, + "keypoints": [ + 331.64715576171875, + 39.6289176940918, + 0.9319944381713867, + 321.2434997558594, + -12.389307022094727, + 0.04192576929926872, + 290.0325622558594, + 18.82162857055664, + 0.897318959236145, + 466.89453125, + 216.4908905029297, + 0.00215639709495008, + 196.39974975585938, + 81.24349975585938, + 0.9416602849960327, + 269.22528076171875, + 143.66537475585938, + 0.8514328002929688, + 217.20704650878906, + 310.1236877441406, + 0.853791356086731, + 394.06903076171875, + 268.5091247558594, + 0.7959270477294922, + 487.7018127441406, + 455.77471923828125, + 0.8501120805740356, + 529.31640625, + 268.5091247558594, + 0.8897579908370972, + 706.1783447265625, + 320.52734375, + 0.8845030069351196, + 435.68359375, + 382.94921875, + 0.6958094239234924, + 435.68359375, + 466.1783752441406, + 0.410658597946167, + 664.5637817382812, + 268.5091247558594, + 0.39076024293899536, + 758.1965942382812, + 393.35284423828125, + 0.6014297008514404, + 758.1965942382812, + 393.35284423828125, + 0.1697501540184021, + 862.2330322265625, + 476.58203125, + 0.03414623439311981 + ], + "scale": [ + 4.993749618530273, + 6.658333778381348 + ], + "score": 0.7688581485014695 + }, + { + "category_id": 1, + "center": [ + 433.5, + 241.0 + ], + "image_id": 20506825201, + "keypoints": [ + 322.62109375, + 24.52213478088379, + 0.877572238445282, + 290.94140625, + -17.71744728088379, + 0.04597246274352074, + 280.3815002441406, + 13.962239265441895, + 0.9025386571884155, + 248.7018280029297, + 35.08203125, + 0.002883198671042919, + 195.90234375, + 66.76171875, + 0.9348276257514954, + 280.3815002441406, + 130.12109375, + 0.9122216701507568, + 195.90234375, + 256.83984375, + 0.8441397547721863, + 385.98046875, + 267.3997497558594, + 0.7830830216407776, + 121.98307037353516, + 499.7174377441406, + 0.20399074256420135, + 533.8190307617188, + 277.9596252441406, + 0.9138585329055786, + 269.8216247558594, + 415.23828125, + 0.014851456508040428, + 428.2200622558594, + 362.4388122558594, + 0.808502197265625, + 417.66015625, + 468.0377502441406, + 0.6121652126312256, + 649.9778442382812, + 288.51953125, + 0.6351523995399475, + 755.5768432617188, + 383.55859375, + 0.8850470781326294, + 766.13671875, + 394.1184997558594, + 0.37833845615386963, + 919.2551879882812, + 473.3177185058594, + 0.09839123487472534 + ], + "scale": [ + 5.068749904632568, + 6.758333206176758 + ], + "score": 0.7454951990109223 + }, + { + "category_id": 1, + "center": [ + 441.5, + 241.5 + ], + "image_id": 20506834000, + "keypoints": [ + 277.41796875, + 45.6601448059082, + 0.915515124797821, + 245.66014099121094, + 13.90233039855957, + 0.28675568103790283, + 224.48826599121094, + 35.0742073059082, + 0.9402421712875366, + 531.48046875, + 394.99609375, + 0.003635970177128911, + 139.80076599121094, + 109.17577362060547, + 0.9424083232879639, + 266.83203125, + 151.51953125, + 0.847591757774353, + 150.38670349121094, + 299.72265625, + 0.828201174736023, + 383.27734375, + 267.96484375, + 0.8409242630004883, + 256.24609375, + 500.8554992675781, + 0.03813968971371651, + 531.48046875, + 278.55078125, + 0.9281020760536194, + 457.37890625, + 490.26953125, + 0.8893184661865234, + 415.03515625, + 363.23828125, + 0.796277642250061, + 393.86328125, + 469.09765625, + 0.5222820043563843, + 658.51171875, + 289.13671875, + 0.6632640957832336, + 764.37109375, + 384.41015625, + 0.9057235717773438, + 774.95703125, + 394.99609375, + 0.4706844389438629, + 928.453125, + 474.390625, + 0.08604146540164948 + ], + "scale": [ + 5.081250190734863, + 6.775000095367432 + ], + "score": 0.769806485090937 + }, + { + "category_id": 1, + "center": [ + 446.0, + 240.0 + ], + "image_id": 20506834300, + "keypoints": [ + 280.5052185058594, + 53.15104293823242, + 0.9168999195098877, + 248.4739532470703, + 21.11979103088379, + 0.49267250299453735, + 227.1197967529297, + 31.796875, + 0.9182595014572144, + 184.4114532470703, + 53.15104293823242, + 0.003067727666348219, + 141.703125, + 117.21353912353516, + 0.9318918585777283, + 259.1510314941406, + 149.2447967529297, + 0.8442126512527466, + 152.3802032470703, + 309.4010314941406, + 0.8219289779663086, + 376.5989685058594, + 266.6927185058594, + 0.8646537661552429, + 269.828125, + 490.9114685058594, + 0.026439841836690903, + 526.078125, + 277.3697814941406, + 0.9801739454269409, + 462.015625, + 480.234375, + 0.8819030523300171, + 419.3072814941406, + 373.4635314941406, + 0.7780205607414246, + 397.953125, + 469.5572814941406, + 0.4959895610809326, + 654.203125, + 288.046875, + 0.6606872081756592, + 760.9739379882812, + 384.140625, + 0.863650381565094, + 771.6510620117188, + 405.4947814941406, + 0.4530203938484192, + 825.0364379882812, + 437.5260314941406, + 0.0918022096157074 + ], + "scale": [ + 5.125, + 6.833333492279053 + ], + "score": 0.7788545915058681 + }, + { + "category_id": 1, + "center": [ + 461.0, + 241.0 + ], + "image_id": 20506844700, + "keypoints": [ + 305.1927185058594, + 75.14063262939453, + 0.8640172481536865, + 295.140625, + 34.93230438232422, + 0.7989257574081421, + 254.93231201171875, + 55.036468505859375, + 0.950891375541687, + 325.296875, + 24.88022232055664, + 0.005193739198148251, + 154.41148376464844, + 115.34896850585938, + 0.9445196390151978, + 295.140625, + 135.453125, + 0.7500960230827332, + 174.51564025878906, + 316.390625, + 0.8079179525375366, + 466.0260314941406, + 175.66146850585938, + 0.8880120515823364, + 285.08856201171875, + 537.5364379882812, + 0.014497121796011925, + 667.0676879882812, + 125.40104675292969, + 0.8921295404434204, + 506.234375, + 467.171875, + 0.9447779059410095, + 435.8697814941406, + 346.546875, + 0.7313949465751648, + 425.8177185058594, + 467.171875, + 0.5820093154907227, + 657.015625, + 256.078125, + 0.7991122007369995, + 767.5885009765625, + 376.703125, + 0.904395580291748, + 767.5885009765625, + 366.6510314941406, + 0.4573260545730591, + 923.3958129882812, + 462.14581298828125, + 0.12284000217914581 + ], + "scale": [ + 4.824999809265137, + 6.433333396911621 + ], + "score": 0.808251827955246 + }, + { + "category_id": 1, + "center": [ + 471.5, + 241.0 + ], + "image_id": 20506845201, + "keypoints": [ + 304.99609375, + 42.26953125, + 0.9029203653335571, + 272.76953125, + 10.04296875, + 0.15698789060115814, + 262.02734375, + 42.26953125, + 0.9385970234870911, + 208.31640625, + 53.01171875, + 0.002753913402557373, + 165.34765625, + 117.46484375, + 0.9435786008834839, + 272.76953125, + 128.20703125, + 0.8075973987579346, + 176.08984375, + 310.82421875, + 0.8107835054397583, + 444.64453125, + 171.17578125, + 0.8406540751457214, + 304.99609375, + 557.89453125, + 0.01911303959786892, + 627.26171875, + 106.72265625, + 0.9047236442565918, + 498.35546875, + 471.95703125, + 0.9839856624603271, + 433.90234375, + 353.79296875, + 0.7839318513870239, + 412.41796875, + 461.21484375, + 0.5877795219421387, + 648.74609375, + 246.37109375, + 0.8257710933685303, + 766.91015625, + 375.27734375, + 0.7999051213264465, + 777.65234375, + 353.79296875, + 0.4141662120819092, + 852.84765625, + 439.73046875, + 0.16838037967681885 + ], + "scale": [ + 5.15625, + 6.875 + ], + "score": 0.8111072366054242 + }, + { + "category_id": 1, + "center": [ + 502.0, + 243.0 + ], + "image_id": 20506845601, + "keypoints": [ + 313.7838439941406, + 54.78383255004883, + 0.8940472602844238, + 292.2734069824219, + 11.762993812561035, + 0.03588550537824631, + 281.5181884765625, + 44.028621673583984, + 0.9484282732009888, + 485.8671875, + 140.8255157470703, + 0.004553848411887884, + 195.47653198242188, + 119.3150863647461, + 0.9429088234901428, + 281.5181884765625, + 151.58071899414062, + 0.8510151505470276, + 173.9661102294922, + 334.4192810058594, + 0.824837327003479, + 442.8463439941406, + 162.33592224121094, + 0.9484171271324158, + 335.29425048828125, + 560.2786865234375, + 0.012570520862936974, + 625.6849365234375, + 97.80467224121094, + 0.8922882080078125, + 507.3775939941406, + 463.4818115234375, + 0.9685286283493042, + 432.09112548828125, + 366.6849060058594, + 0.8082561492919922, + 432.09112548828125, + 463.4818115234375, + 0.5447066426277161, + 657.9505615234375, + 248.3776092529297, + 0.8108434677124023, + 765.5026245117188, + 388.1953430175781, + 0.8834241628646851, + 787.0130615234375, + 377.44012451171875, + 0.5355704426765442, + 873.0547485351562, + 452.7265930175781, + 0.2042907476425171 + ], + "scale": [ + 5.162500381469727, + 6.883333206176758 + ], + "score": 0.7898258864879608 + }, + { + "category_id": 1, + "center": [ + 446.5, + 240.5 + ], + "image_id": 20506846801, + "keypoints": [ + 305.69921875, + 26.69139289855957, + 0.9718859195709229, + 649.87890625, + 391.73046875, + 0.004856671206653118, + 263.98046875, + 16.26170539855957, + 0.8736836910247803, + 566.44140625, + 412.58984375, + 0.005899267271161079, + 190.97264099121094, + 110.12889862060547, + 0.9463036060333252, + 274.41015625, + 151.84765625, + 0.857844889163971, + 159.68357849121094, + 329.15234375, + 0.8289831876754761, + 409.99609375, + 245.71484375, + 0.8628945350646973, + 284.83984375, + 496.0273742675781, + 0.02341802790760994, + 576.87109375, + 203.99609375, + 0.8931546211242676, + 503.86328125, + 475.16796875, + 0.8348410129547119, + 451.71484375, + 360.44140625, + 0.7836214900016785, + 441.28515625, + 464.73828125, + 0.6397648453712463, + 660.30859375, + 256.14453125, + 0.7830021381378174, + 775.03515625, + 391.73046875, + 0.9347927570343018, + 775.03515625, + 391.73046875, + 0.40215301513671875, + 868.90234375, + 496.0273742675781, + 0.1548612415790558 + ], + "scale": [ + 5.006250381469727, + 6.675000190734863 + ], + "score": 0.8163789006379935 + }, + { + "category_id": 1, + "center": [ + 431.0, + 241.0 + ], + "image_id": 20506851900, + "keypoints": [ + 271.9635314941406, + 30.66144561767578, + 0.9367915391921997, + 251.4427032470703, + -10.380224227905273, + 0.022017354145646095, + 230.92185974121094, + 20.40102767944336, + 0.9191905856132507, + 548.9948120117188, + 400.0364685058594, + 0.0030967616476118565, + 148.83853149414062, + 112.74478149414062, + 0.9509341716766357, + 261.703125, + 153.7864532470703, + 0.7964067459106445, + 159.09893798828125, + 338.4739685058594, + 0.8245086669921875, + 405.3489685058594, + 235.8697967529297, + 0.8901199102401733, + 271.9635314941406, + 482.11981201171875, + 0.012204570695757866, + 569.515625, + 225.609375, + 0.9231323599815369, + 518.2135620117188, + 482.11981201171875, + 0.8391053676605225, + 436.1302185058594, + 358.99481201171875, + 0.785016655921936, + 425.8697814941406, + 471.859375, + 0.5922755002975464, + 651.5989990234375, + 256.390625, + 0.6989328861236572, + 764.4635620117188, + 389.77606201171875, + 0.9537070989608765, + 784.984375, + 400.0364685058594, + 0.42383766174316406, + 877.328125, + 492.3802185058594, + 0.23671367764472961 + ], + "scale": [ + 4.925000190734863, + 6.566667079925537 + ], + "score": 0.7693337734256472 + }, + { + "category_id": 1, + "center": [ + 454.0, + 239.5 + ], + "image_id": 20506852300, + "keypoints": [ + 270.5234375, + 33.78385543823242, + 0.8905662298202515, + 237.1640625, + 11.544270515441895, + 0.14110611379146576, + 226.0442657470703, + 22.6640625, + 0.9022505283355713, + 592.9973754882812, + 411.8567810058594, + 0.007942906580865383, + 148.2057342529297, + 111.62239837646484, + 0.9094356894493103, + 259.4036560058594, + 144.9817657470703, + 0.8570845723152161, + 159.3255157470703, + 334.0182189941406, + 0.8437681198120117, + 392.8411560058594, + 245.0598907470703, + 0.9080758094787598, + 281.6432189941406, + 500.8150939941406, + 0.014756218530237675, + 559.6380004882812, + 211.7005157470703, + 0.8892098665237427, + 504.0390625, + 478.5755310058594, + 0.8750656247138977, + 437.3203125, + 367.3775939941406, + 0.8223776817321777, + 437.3203125, + 467.4557189941406, + 0.5609228610992432, + 659.7161254882812, + 267.2994689941406, + 0.7086227536201477, + 770.9140625, + 389.6171875, + 0.9126851558685303, + 782.0338745117188, + 378.4974060058594, + 0.4539661407470703, + 826.5130004882812, + 489.6953125, + 0.14244624972343445 + ], + "scale": [ + 5.337500095367432, + 7.116666316986084 + ], + "score": 0.8103100795012254 + }, + { + "category_id": 1, + "center": [ + 437.5, + 241.0 + ], + "image_id": 20506852800, + "keypoints": [ + 275.83984375, + 37.6210823059082, + 0.9087622761726379, + 265.41015625, + -14.527359008789062, + 0.03575842082500458, + 223.69139099121094, + 27.19139289855957, + 0.9282013773918152, + 557.44140625, + 402.66015625, + 0.005401824600994587, + 150.68357849121094, + 110.62889862060547, + 0.9195177555084229, + 254.98045349121094, + 152.34765625, + 0.8030326962471008, + 161.11326599121094, + 329.65234375, + 0.8313196897506714, + 400.99609375, + 235.78515625, + 0.8462187051773071, + 275.83984375, + 496.5273742675781, + 0.01625102013349533, + 578.30078125, + 194.06640625, + 0.8375422954559326, + 515.72265625, + 475.66796875, + 0.8405721187591553, + 432.28515625, + 360.94140625, + 0.7851047515869141, + 432.28515625, + 454.80859375, + 0.5829790830612183, + 661.73828125, + 256.64453125, + 0.6414306163787842, + 766.03515625, + 392.23046875, + 0.9631156325340271, + 776.46484375, + 392.23046875, + 0.336599200963974, + 901.62109375, + 486.09765625, + 0.2031063437461853 + ], + "scale": [ + 5.006250381469727, + 6.675000190734863 + ], + "score": 0.7448216101952961 + }, + { + "category_id": 1, + "center": [ + 439.5, + 239.5 + ], + "image_id": 20506853800, + "keypoints": [ + 275.41796875, + 33.0742073059082, + 0.9269669055938721, + 254.24607849121094, + -51.61330032348633, + 0.006269661244004965, + 233.07420349121094, + 22.48826789855957, + 0.9264975786209106, + 561.23828125, + 403.58203125, + 0.006774513982236385, + 158.97264099121094, + 107.17577362060547, + 0.9591156244277954, + 254.24607849121094, + 160.10546875, + 0.8198368549346924, + 169.55857849121094, + 329.48046875, + 0.8666176795959473, + 402.44921875, + 244.79296875, + 0.847648561000824, + 275.41796875, + 498.8554992675781, + 0.013790165074169636, + 561.23828125, + 202.44921875, + 0.887700617313385, + 508.30859375, + 488.26953125, + 0.7973576784133911, + 434.20703125, + 361.23828125, + 0.7834704518318176, + 434.20703125, + 467.09765625, + 0.5529929399490356, + 656.51171875, + 265.96484375, + 0.7084748148918152, + 772.95703125, + 392.99609375, + 0.9621338844299316, + 762.37109375, + 371.82421875, + 0.39021819829940796, + 857.64453125, + 456.51171875, + 0.11090070009231567 + ], + "scale": [ + 5.081250190734863, + 6.775000095367432 + ], + "score": 0.8022332145617559 + }, + { + "category_id": 1, + "center": [ + 442.5, + 240.5 + ], + "image_id": 20506854700, + "keypoints": [ + 278.8216247558594, + 45.14192581176758, + 0.9149792194366455, + 247.1419219970703, + 13.462239265441895, + 0.12786580622196198, + 236.58203125, + 34.58203125, + 0.9316005110740662, + 215.4622344970703, + 97.94140625, + 0.0025683059357106686, + 152.1028594970703, + 108.50130462646484, + 0.9226087927818298, + 247.1419219970703, + 140.1809844970703, + 0.8284151554107666, + 194.3424530029297, + 309.1393127441406, + 0.866748571395874, + 394.98046875, + 235.2200469970703, + 0.8912242650985718, + 458.33984375, + 478.09765625, + 0.8064333200454712, + 574.4987182617188, + 203.5403594970703, + 0.9189863204956055, + 648.41796875, + 361.9388122558594, + 0.9510412216186523, + 426.66015625, + 351.37890625, + 0.7480144500732422, + 437.2200622558594, + 446.41796875, + 0.529220461845398, + 637.8580932617188, + 266.8997497558594, + 0.5741431713104248, + 775.13671875, + 393.6184997558594, + 0.7801374197006226, + 806.81640625, + 383.05859375, + 0.21380725502967834, + 901.85546875, + 456.9778747558594, + 0.09222978353500366 + ], + "scale": [ + 5.068749904632568, + 6.758333206176758 + ], + "score": 0.7769542953797749 + }, + { + "category_id": 1, + "center": [ + 465.5, + 242.0 + ], + "image_id": 20506870401, + "keypoints": [ + 325.40234375, + 60.391937255859375, + 0.9177207350730896, + 294.26953125, + 81.14714813232422, + 0.007127394899725914, + 294.26953125, + 50.01433563232422, + 0.9193047285079956, + 242.38153076171875, + 60.391937255859375, + 0.00342980632558465, + 200.87110900878906, + 101.90235137939453, + 0.9137800931930542, + 252.75912475585938, + 153.79037475585938, + 0.8085519075393677, + 200.87110900878906, + 330.2096252441406, + 0.8939262628555298, + 398.0455627441406, + 247.1887969970703, + 0.9390177726745605, + 470.6888122558594, + 485.8736877441406, + 0.6917510032653809, + 553.7096557617188, + 278.3216247558594, + 0.971477210521698, + 719.7512817382812, + 444.36328125, + 0.9836375713348389, + 439.5559997558594, + 361.3424377441406, + 0.7634658813476562, + 418.80078125, + 465.11846923828125, + 0.48528337478637695, + 678.2408447265625, + 278.3216247558594, + 0.5509458780288696, + 740.5064697265625, + 371.72003173828125, + 0.6886817216873169, + 782.0169067382812, + 371.72003173828125, + 0.3172685205936432, + 844.2825317382812, + 433.98565673828125, + 0.08732317388057709 + ], + "scale": [ + 4.981249809265137, + 6.641666889190674 + ], + "score": 0.7746294758149556 + }, + { + "category_id": 1, + "center": [ + 460.0, + 240.5 + ], + "image_id": 20506870800, + "keypoints": [ + 340.2083435058594, + 72.79166412353516, + 0.9273015260696411, + 340.2083435058594, + 5.708333492279053, + 0.008598608896136284, + 301.875, + 53.625, + 0.9535654187202454, + 579.7916870117188, + 379.4583435058594, + 0.007192876655608416, + 206.0416717529297, + 111.125, + 0.9689379930496216, + 253.9583282470703, + 159.0416717529297, + 0.7602444887161255, + 196.4583282470703, + 331.5416564941406, + 0.849911093711853, + 397.7083435058594, + 245.2916717529297, + 0.9332610368728638, + 464.7916564941406, + 475.2916564941406, + 0.46351146697998047, + 551.0416870117188, + 274.0416564941406, + 0.97640061378479, + 723.5416870117188, + 456.125, + 0.8257096409797668, + 436.0416564941406, + 350.7083435058594, + 0.7535290718078613, + 416.875, + 456.125, + 0.4871296286582947, + 685.2083129882812, + 293.2083435058594, + 0.483002245426178, + 742.7083129882812, + 369.875, + 0.8545650243759155, + 761.875, + 379.4583435058594, + 0.41230344772338867, + 809.7916870117188, + 436.9583435058594, + 0.09118868410587311 + ], + "scale": [ + 4.599999904632568, + 6.133333206176758 + ], + "score": 0.7606694783483233 + }, + { + "category_id": 1, + "center": [ + 465.0, + 245.0 + ], + "image_id": 20506884300, + "keypoints": [ + 304.1275939941406, + 38.1640625, + 0.922092080116272, + 313.3203125, + 65.7421875, + 0.004067336209118366, + 267.3567810058594, + 28.97135353088379, + 0.9113978147506714, + 230.5859375, + 74.93489837646484, + 0.004633135162293911, + 193.8151092529297, + 111.70572662353516, + 0.939380407333374, + 258.1640625, + 148.4765625, + 0.8397282361984253, + 184.6223907470703, + 341.5234375, + 0.8110754489898682, + 423.6328125, + 222.0182342529297, + 0.905430793762207, + 432.8255310058594, + 497.7994689941406, + 0.5853322744369507, + 589.1015625, + 166.8619842529297, + 0.9214036464691162, + 579.9088745117188, + 387.4869689941406, + 0.8384719491004944, + 442.0182189941406, + 350.7161560058594, + 0.7964186668395996, + 460.4036560058594, + 461.0286560058594, + 0.5918178558349609, + 653.4505004882812, + 249.5963592529297, + 0.6998845934867859, + 763.7630004882812, + 387.4869689941406, + 0.876839816570282, + 782.1484375, + 387.4869689941406, + 0.34747928380966187, + 887.8645629882812, + 447.2395935058594, + 0.1561921238899231 + ], + "scale": [ + 4.412499904632568, + 5.883333206176758 + ], + "score": 0.7847680619784764 + }, + { + "category_id": 1, + "center": [ + 461.5, + 240.0 + ], + "image_id": 20506886001, + "keypoints": [ + 354.44921875, + 71.77733612060547, + 0.8394167423248291, + 313.66796875, + 30.99608039855957, + 0.017664801329374313, + 313.66796875, + 51.3867073059082, + 0.9018804430961609, + 242.30076599121094, + 61.5820198059082, + 0.001998484367504716, + 211.71482849121094, + 102.36327362060547, + 0.9302420616149902, + 283.08203125, + 132.94921875, + 0.6799861192703247, + 211.71482849121094, + 316.46484375, + 0.8495373725891113, + 456.40234375, + 122.75389862060547, + 0.8802058696746826, + 446.20703125, + 489.7851867675781, + 0.6041738986968994, + 670.50390625, + 81.97264862060547, + 0.9145954847335815, + 690.89453125, + 449.00390625, + 0.9729914665222168, + 425.81640625, + 316.46484375, + 0.7348617315292358, + 436.01171875, + 428.61328125, + 0.75502610206604, + 639.91796875, + 255.29296875, + 0.8194735050201416, + 741.87109375, + 367.44140625, + 0.822521448135376, + 752.06640625, + 377.63671875, + 0.3748433589935303, + 792.84765625, + 449.00390625, + 0.05988914147019386 + ], + "scale": [ + 4.893750190734863, + 6.524999618530273 + ], + "score": 0.7914111145905086 + }, + { + "category_id": 1, + "center": [ + 499.0, + 240.0 + ], + "image_id": 20506886401, + "keypoints": [ + 333.5052185058594, + 53.15104293823242, + 0.8732923269271851, + 717.8801879882812, + 384.140625, + 0.004300038330256939, + 301.4739685058594, + 42.47395706176758, + 0.8894729018211365, + 589.7551879882812, + 384.140625, + 0.004294287879019976, + 226.734375, + 106.53646087646484, + 0.9628323912620544, + 280.1197814941406, + 149.2447967529297, + 0.8628799915313721, + 184.0260467529297, + 330.7552185058594, + 0.8668006658554077, + 408.2447814941406, + 234.6614532470703, + 0.9464744925498962, + 344.1822814941406, + 554.9739379882812, + 0.03090149164199829, + 568.4010620117188, + 202.6302032470703, + 0.8622878789901733, + 547.046875, + 437.5260314941406, + 0.9068795442581177, + 450.953125, + 362.7864685058594, + 0.83333820104599, + 440.2760314941406, + 480.234375, + 0.5142285227775574, + 664.4948120117188, + 266.6927185058594, + 0.5935316681861877, + 760.5885620117188, + 394.8177185058594, + 0.9448037147521973, + 781.9426879882812, + 405.4947814941406, + 0.4142950177192688, + 878.0364379882812, + 490.9114685058594, + 0.2626321315765381 + ], + "scale": [ + 5.125, + 6.833333492279053 + ], + "score": 0.766696389232363 + }, + { + "category_id": 1, + "center": [ + 473.5, + 242.0 + ], + "image_id": 20506887201, + "keypoints": [ + 318.4934997558594, + 54.92317581176758, + 0.8626643419265747, + 307.8033752441406, + 76.30338287353516, + 0.005019811913371086, + 275.7330627441406, + 33.54296875, + 0.8652334213256836, + 607.1262817382812, + 407.6966247558594, + 0.011909344233572483, + 200.90234375, + 108.37369537353516, + 0.9472529888153076, + 275.7330627441406, + 151.1341094970703, + 0.8333724737167358, + 179.5221405029297, + 343.5559997558594, + 0.8466842174530029, + 393.32421875, + 268.7252502441406, + 0.8503705263137817, + 329.18359375, + 568.0481567382812, + 0.01680784858763218, + 542.9856567382812, + 279.4153747558594, + 0.9460510015487671, + 575.0559692382812, + 450.45703125, + 0.917891800403595, + 436.0846252441406, + 364.9361877441406, + 0.7941411733627319, + 436.0846252441406, + 482.52734375, + 0.4529460072517395, + 692.6471557617188, + 279.4153747558594, + 0.6324034929275513, + 778.16796875, + 397.0065002441406, + 0.8782227039337158, + 799.5481567382812, + 407.6966247558594, + 0.40683409571647644, + 863.6887817382812, + 493.2174377441406, + 0.12796026468276978 + ], + "scale": [ + 5.131249904632568, + 6.8416666984558105 + ], + "score": 0.7872360188227433 + }, + { + "category_id": 1, + "center": [ + 469.5, + 243.0 + ], + "image_id": 20506888000, + "keypoints": [ + 293.11328125, + 34.54296875, + 0.7586330771446228, + 282.4231872558594, + -18.90755271911621, + 0.017339395359158516, + 261.04296875, + 23.85286521911621, + 0.8280538320541382, + 603.1262817382812, + 408.6966247558594, + 0.009593441151082516, + 196.90234375, + 87.99349212646484, + 0.8655616641044617, + 250.3528594970703, + 152.1341094970703, + 0.8793748617172241, + 175.5221405029297, + 344.5559997558594, + 0.8376806974411011, + 389.32421875, + 269.7252502441406, + 0.8658435344696045, + 367.9440002441406, + 569.0481567382812, + 0.009590589441359043, + 538.9856567382812, + 280.4153747558594, + 0.9401513338088989, + 571.0559692382812, + 451.45703125, + 0.9362285137176514, + 442.7747497558594, + 365.9361877441406, + 0.8117855787277222, + 432.0846252441406, + 483.52734375, + 0.436892032623291, + 688.6471557617188, + 280.4153747558594, + 0.6224182844161987, + 774.16796875, + 387.31640625, + 0.8678178787231445, + 784.8580932617188, + 376.6263122558594, + 0.3846960961818695, + 870.37890625, + 515.59765625, + 0.07392123341560364 + ], + "scale": [ + 5.131249904632568, + 6.8416666984558105 + ], + "score": 0.7719336450099945 + }, + { + "category_id": 1, + "center": [ + 465.0, + 240.5 + ], + "image_id": 20506888400, + "keypoints": [ + 279.0625, + 33.3125, + 0.7377827763557434, + 289.6875, + 75.8125, + 0.004269059281796217, + 257.8125, + 22.6875, + 0.8565291166305542, + 597.8125, + 405.1875, + 0.014094632118940353, + 204.6875, + 75.8125, + 0.910038948059082, + 257.8125, + 150.1875, + 0.8711245059967041, + 172.8125, + 341.4375, + 0.8193544149398804, + 385.3125, + 267.0625, + 0.8347100019454956, + 385.3125, + 553.9375, + 0.02324492856860161, + 534.0625, + 277.6875, + 0.904419481754303, + 565.9375, + 458.3125, + 0.9092299938201904, + 427.8125, + 373.3125, + 0.8132791519165039, + 417.1875, + 479.5625, + 0.40239083766937256, + 682.8125, + 277.6875, + 0.6264185309410095, + 767.8125, + 383.9375, + 0.889452338218689, + 789.0625, + 405.1875, + 0.35648566484451294, + 916.5625, + 511.4375, + 0.11664263904094696 + ], + "scale": [ + 5.099999904632568, + 6.800000190734863 + ], + "score": 0.7639396740840032 + }, + { + "category_id": 1, + "center": [ + 437.0, + 240.0 + ], + "image_id": 20506888800, + "keypoints": [ + 277.15625, + 38.9062614440918, + 0.8820072412490845, + 266.84375, + 80.15625762939453, + 0.00397072359919548, + 256.53125, + 18.28126335144043, + 0.8893012404441833, + 246.21876525878906, + 59.5312614440918, + 0.00480192806571722, + 194.65626525878906, + 80.15625762939453, + 0.9309430122375488, + 256.53125, + 152.34375, + 0.7856653928756714, + 174.03126525878906, + 327.65625, + 0.8151098489761353, + 380.28125, + 265.78125, + 0.8152706623077393, + 349.34375, + 482.34375, + 0.011840874329209328, + 534.96875, + 286.40625, + 0.9452271461486816, + 565.90625, + 451.40625, + 0.9230889678001404, + 431.84375, + 358.59375, + 0.8219030499458313, + 431.84375, + 482.34375, + 0.4324102997779846, + 679.34375, + 276.09375, + 0.4688081443309784, + 772.15625, + 399.84375, + 0.9125947952270508, + 782.46875, + 399.84375, + 0.3414030075073242, + 885.59375, + 502.9687194824219, + 0.1256456822156906 + ], + "scale": [ + 4.949999809265137, + 6.600000381469727 + ], + "score": 0.7664409852944888 + }, + { + "category_id": 1, + "center": [ + 452.5, + 240.0 + ], + "image_id": 20506889100, + "keypoints": [ + 301.64715576171875, + 47.532562255859375, + 0.9052702188491821, + 291.2434997558594, + -14.889307022094727, + 0.007493543438613415, + 260.0325622558594, + 26.72527313232422, + 0.9181572198867798, + 228.82162475585938, + 57.93621063232422, + 0.0029895601328462362, + 176.80340576171875, + 99.55078887939453, + 0.9755532741546631, + 270.43621826171875, + 151.5690155029297, + 0.7756065726280212, + 166.39974975585938, + 338.8346252441406, + 0.82121741771698, + 405.68359375, + 266.0091247558594, + 0.8357149958610535, + 312.05078125, + 546.9075317382812, + 0.013765462674200535, + 551.3346557617188, + 286.81640625, + 0.9533370733261108, + 572.1419067382812, + 453.27471923828125, + 0.9246768951416016, + 436.89453125, + 370.0455627441406, + 0.8329639434814453, + 436.89453125, + 484.48565673828125, + 0.3343917727470398, + 676.1783447265625, + 286.81640625, + 0.6114954352378845, + 769.8111572265625, + 390.85284423828125, + 0.9169446229934692, + 801.0220947265625, + 401.2565002441406, + 0.3848426342010498, + 905.05859375, + 494.8893127441406, + 0.13640497624874115 + ], + "scale": [ + 4.993749618530273, + 6.658333778381348 + ], + "score": 0.7838593904788678 + }, + { + "category_id": 1, + "center": [ + 467.5, + 240.5 + ], + "image_id": 20506889400, + "keypoints": [ + 309.8502502441406, + 61.10546875, + 0.9210176467895508, + 277.2330627441406, + 39.36067581176758, + 0.03236865997314453, + 266.3606872558594, + 39.36067581176758, + 0.9404197931289673, + 603.4049682617188, + 398.1497497558594, + 0.0038124648854136467, + 168.5091094970703, + 104.59505462646484, + 0.9274594187736511, + 266.3606872558594, + 158.95703125, + 0.798332154750824, + 179.3815155029297, + 332.9153747558594, + 0.8171831369400024, + 396.8294372558594, + 267.6809997558594, + 0.8658446073532104, + 407.7018127441406, + 604.7252807617188, + 0.012221583165228367, + 549.04296875, + 267.6809997558594, + 0.9722262024879456, + 570.7877807617188, + 452.51171875, + 0.9509207606315613, + 440.3190002441406, + 365.5325622558594, + 0.8179483413696289, + 429.4466247558594, + 485.12890625, + 0.39706215262413025, + 690.3840942382812, + 278.5533752441406, + 0.6109427809715271, + 788.2356567382812, + 387.27734375, + 0.871437668800354, + 788.2356567382812, + 376.4049377441406, + 0.44954460859298706, + 853.4700317382812, + 496.0013122558594, + 0.09643951803445816 + ], + "scale": [ + 5.21875, + 6.9583330154418945 + ], + "score": 0.79541071332418 + }, + { + "category_id": 1, + "center": [ + 444.5, + 239.5 + ], + "image_id": 20506910000, + "keypoints": [ + 311.39453125, + 60.49609375, + 0.9553506374359131, + 320.57421875, + -3.76171875, + 0.007408767007291317, + 274.67578125, + 32.95703125, + 0.9095841646194458, + 210.41796875, + 88.03515625, + 0.002283249981701374, + 173.69921875, + 97.21484375, + 0.9065585136413574, + 228.77734375, + 152.29296875, + 0.6415829658508301, + 192.05859375, + 308.34765625, + 0.8656834959983826, + 394.01171875, + 234.91015625, + 0.2712358236312866, + 476.62890625, + 455.22265625, + 0.8526840209960938, + 348.11328125, + 106.39453125, + 0.4408360421657562, + 678.58203125, + 317.52734375, + 0.9360693693161011, + 430.73046875, + 345.06640625, + 0.6194401979446411, + 430.73046875, + 455.22265625, + 0.38846105337142944, + 641.86328125, + 234.91015625, + 0.832287073135376, + 779.55859375, + 390.96484375, + 0.66950523853302, + 779.55859375, + 372.60546875, + 0.17339438199996948, + 834.63671875, + 418.50390625, + 0.056911446154117584 + ], + "scale": [ + 4.40625, + 5.875 + ], + "score": 0.7145598920492026 + }, + { + "category_id": 1, + "center": [ + 477.0, + 244.5 + ], + "image_id": 20506910300, + "keypoints": [ + 285.59375, + 42.15625, + 0.9013510942459106, + 252.78125, + 20.28125, + 0.13292047381401062, + 241.84375, + 31.21875, + 0.945177435874939, + 209.03125, + 53.09375, + 0.003967205062508583, + 154.34375, + 107.78125, + 0.931351900100708, + 263.71875, + 140.59375, + 0.8713130950927734, + 187.15625, + 304.65625, + 0.8856182098388672, + 427.78125, + 217.15625, + 0.8976569771766663, + 449.65625, + 490.59375, + 0.7991681098937988, + 602.78125, + 217.15625, + 0.9516863822937012, + 668.40625, + 348.40625, + 0.8219788074493408, + 438.71875, + 359.34375, + 0.69755619764328, + 427.78125, + 468.71875, + 0.44303762912750244, + 690.28125, + 271.84375, + 0.37098240852355957, + 766.84375, + 392.15625, + 0.5090257525444031, + 799.65625, + 282.78125, + 0.15255054831504822, + 887.15625, + 435.90625, + 0.05721810460090637 + ], + "scale": [ + 5.25, + 7.0 + ], + "score": 0.7712233846004193 + }, + { + "category_id": 1, + "center": [ + 481.0, + 240.0 + ], + "image_id": 20506910600, + "keypoints": [ + 258.1614685058594, + 27.52604103088379, + 0.9018563032150269, + 237.4322967529297, + -3.5677082538604736, + 0.3788589835166931, + 206.3385467529297, + 27.52604103088379, + 0.9177082777023315, + 610.5573120117188, + 390.2864685058594, + 0.0036448126193135977, + 133.7864532470703, + 120.80728912353516, + 0.948850691318512, + 258.1614685058594, + 141.5364532470703, + 0.8429664373397827, + 185.609375, + 317.734375, + 0.850767970085144, + 423.9947814941406, + 234.8177032470703, + 0.8647745251655579, + 455.0885314941406, + 493.9322814941406, + 0.8266892433166504, + 579.4635620117188, + 286.640625, + 0.9742151498794556, + 724.5676879882812, + 442.109375, + 0.9554775953292847, + 444.7239685058594, + 359.1927185058594, + 0.7609341740608215, + 434.359375, + 473.203125, + 0.47321686148643494, + 693.4739379882812, + 286.640625, + 0.4858096241950989, + 766.0260620117188, + 400.6510314941406, + 0.8158186078071594, + 786.7551879882812, + 379.921875, + 0.29260993003845215, + 807.484375, + 483.5677185058594, + 0.0515725202858448 + ], + "scale": [ + 4.974999904632568, + 6.633333683013916 + ], + "score": 0.7527036249637604 + }, + { + "category_id": 1, + "center": [ + 433.5, + 240.5 + ], + "image_id": 20506911400, + "keypoints": [ + 263.98828125, + 19.62109375, + 0.8181012868881226, + 243.44140625, + -0.92578125, + 0.25901204347610474, + 212.62109375, + 9.34765625, + 0.7982614040374756, + 603.01171875, + 420.28515625, + 0.005179936997592449, + 140.70703125, + 91.53515625, + 0.8891501426696777, + 263.98828125, + 142.90234375, + 0.8159728050231934, + 171.52734375, + 297.00390625, + 0.7991328239440918, + 407.81640625, + 235.36328125, + 0.893013060092926, + 346.17578125, + 533.29296875, + 0.043048541992902756, + 582.46484375, + 297.00390625, + 0.8995202779769897, + 531.09765625, + 440.83203125, + 0.9780261516571045, + 428.36328125, + 348.37109375, + 0.8057853579521179, + 418.08984375, + 451.10546875, + 0.4682179093360901, + 695.47265625, + 266.18359375, + 0.46942204236984253, + 757.11328125, + 368.91796875, + 0.9563649296760559, + 746.83984375, + 368.91796875, + 0.3005146086215973, + 880.39453125, + 492.19921875, + 0.13865457475185394 + ], + "scale": [ + 4.931250095367432, + 6.575000286102295 + ], + "score": 0.7250353459800992 + }, + { + "category_id": 1, + "center": [ + 469.0, + 244.5 + ], + "image_id": 20506901400, + "keypoints": [ + 300.2760314941406, + 43.11979293823242, + 0.8960853815078735, + 278.5052185058594, + 10.463541984558105, + 0.30950993299484253, + 256.734375, + 32.234375, + 0.943577766418457, + 594.1823120117188, + 402.3385314941406, + 0.006575450766831636, + 169.6510467529297, + 108.43228912353516, + 0.9248929023742676, + 289.390625, + 141.0885467529297, + 0.834032416343689, + 180.5364532470703, + 315.2552185058594, + 0.8267490863800049, + 441.7864685058594, + 228.171875, + 0.857410192489624, + 278.5052185058594, + 532.9635620117188, + 0.025187751278281212, + 637.7239379882812, + 293.484375, + 0.919967770576477, + 507.0989685058594, + 467.6510314941406, + 0.9374501705169678, + 441.7864685058594, + 369.6822814941406, + 0.7968282103538513, + 409.1302185058594, + 478.5364685058594, + 0.47236886620521545, + 713.921875, + 326.140625, + 0.44411754608154297, + 768.3489379882812, + 380.5677185058594, + 0.8841187953948975, + 801.0051879882812, + 402.3385314941406, + 0.2517576813697815, + 888.0885620117188, + 456.765625, + 0.10760380327701569 + ], + "scale": [ + 5.224999904632568, + 6.9666666984558105 + ], + "score": 0.7356333370719638 + }, + { + "category_id": 1, + "center": [ + 447.5, + 242.0 + ], + "image_id": 20506918300, + "keypoints": [ + 269.82421875, + 42.78776168823242, + 0.9258968830108643, + 248.2877655029297, + 10.483073234558105, + 0.07245822995901108, + 237.51953125, + 32.01953125, + 0.9720990657806396, + 528.26171875, + 279.6888122558594, + 0.005713056772947311, + 151.3737030029297, + 96.62890625, + 0.9236007928848267, + 269.82421875, + 139.7018280029297, + 0.8388358354568481, + 162.1419219970703, + 290.45703125, + 0.7980705499649048, + 409.8111877441406, + 204.3112030029297, + 0.9264490604400635, + 86.76432037353516, + 495.0533752441406, + 0.11365223675966263, + 582.1028442382812, + 182.7747344970703, + 0.9150707125663757, + 129.8372344970703, + 473.5169372558594, + 0.00895883608609438, + 442.1158752441406, + 333.5299377441406, + 0.7430424094200134, + 442.1158752441406, + 441.2122497558594, + 0.7143664360046387, + 657.48046875, + 258.15234375, + 0.6666494607925415, + 765.1627807617188, + 387.37109375, + 0.9343218207359314, + 786.69921875, + 387.37109375, + 0.452465295791626, + 883.61328125, + 462.7486877441406, + 0.1488167941570282 + ], + "scale": [ + 5.168750286102295, + 6.891666412353516 + ], + "score": 0.8175723602374395 + }, + { + "category_id": 1, + "center": [ + 457.0, + 242.0 + ], + "image_id": 20506918801, + "keypoints": [ + 253.69273376464844, + 38.69273376464844, + 0.9173702001571655, + 220.72398376464844, + 5.72398567199707, + 0.027357716113328934, + 220.72398376464844, + 27.703149795532227, + 0.955141544342041, + 539.421875, + 280.4635314941406, + 0.005292113870382309, + 132.8073272705078, + 104.6302261352539, + 0.9229050278663635, + 253.69273376464844, + 137.59896850585938, + 0.8387447595596313, + 154.7864990234375, + 313.4322814941406, + 0.7966212034225464, + 407.546875, + 192.546875, + 0.9389758110046387, + 132.8073272705078, + 500.25518798828125, + 0.016593366861343384, + 583.3801879882812, + 181.5572967529297, + 0.9313389658927917, + 627.3385009765625, + 489.2655944824219, + 0.015274480916559696, + 440.515625, + 335.41143798828125, + 0.7659244537353516, + 451.5052185058594, + 445.3072814941406, + 0.7106781005859375, + 660.3072509765625, + 247.4947967529297, + 0.6969024538993835, + 770.2030639648438, + 379.3697814941406, + 0.9500213265419006, + 781.1926879882812, + 379.3697814941406, + 0.483107328414917, + 825.1510009765625, + 478.2760009765625, + 0.11371020972728729 + ], + "scale": [ + 5.274999618530273, + 7.0333333015441895 + ], + "score": 0.8256442646185557 + }, + { + "category_id": 1, + "center": [ + 458.5, + 240.5 + ], + "image_id": 20506922100, + "keypoints": [ + 265.9544372558594, + 36.95182418823242, + 0.9287348985671997, + 243.94921875, + 25.94921875, + 0.09045691788196564, + 221.9440155029297, + 25.94921875, + 0.9640712738037109, + 541.01953125, + 400.0377502441406, + 0.004353414289653301, + 144.92578125, + 113.97005462646484, + 0.9328328371047974, + 265.9544372558594, + 146.9778594970703, + 0.8532832860946655, + 155.9283905029297, + 323.01953125, + 0.8048319816589355, + 419.9908752441406, + 201.9908905029297, + 0.9059041738510132, + 287.9596252441406, + 499.0611877441406, + 0.01015947200357914, + 596.0325317382812, + 179.9856719970703, + 0.884371280670166, + 475.00390625, + 477.0559997558594, + 0.8765074014663696, + 441.99609375, + 345.0247497558594, + 0.740692675113678, + 441.99609375, + 455.05078125, + 0.6986432671546936, + 673.05078125, + 257.00390625, + 0.6850357055664062, + 772.07421875, + 378.0325622558594, + 0.9442816972732544, + 783.0768432617188, + 378.0325622558594, + 0.4404047429561615, + 827.0872192382812, + 477.0559997558594, + 0.10293258726596832 + ], + "scale": [ + 5.28125, + 7.041666507720947 + ], + "score": 0.8199688631754655 + }, + { + "category_id": 1, + "center": [ + 468.5, + 239.5 + ], + "image_id": 20506922800, + "keypoints": [ + 343.16796875, + 70.57421875, + 0.8944385051727295, + 321.37109375, + 37.87890625, + 0.11702488362789154, + 299.57421875, + 48.77734375, + 0.9400599598884583, + 604.73046875, + 408.42578125, + 0.004150650929659605, + 201.48828125, + 103.26953125, + 0.9141032695770264, + 288.67578125, + 135.96484375, + 0.8270670771598816, + 179.69140625, + 332.13671875, + 0.8173849582672119, + 463.05078125, + 179.55859375, + 0.9004471302032471, + 277.77734375, + 561.00390625, + 0.01170591451227665, + 681.01953125, + 179.55859375, + 0.8633868098258972, + 506.64453125, + 473.81640625, + 0.9964712858200073, + 441.25390625, + 353.93359375, + 0.7886097431182861, + 419.45703125, + 473.81640625, + 0.6066951751708984, + 670.12109375, + 255.84765625, + 0.6738168597221375, + 768.20703125, + 386.62890625, + 0.8391630053520203, + 790.00390625, + 408.42578125, + 0.4215729236602783, + 855.39453125, + 495.61328125, + 0.18865865468978882 + ], + "scale": [ + 5.231249809265137, + 6.974999904632568 + ], + "score": 0.8064012848413907 + }, + { + "category_id": 1, + "center": [ + 441.5, + 241.5 + ], + "image_id": 20506923100, + "keypoints": [ + 253.0559844970703, + 31.51953125, + 0.9007025957107544, + 242.2877655029297, + 9.983073234558105, + 0.0666862204670906, + 209.9830780029297, + 31.51953125, + 0.9365135431289673, + 177.6783905029297, + 53.05598831176758, + 0.003534817136824131, + 145.3737030029297, + 106.89713287353516, + 0.9389239549636841, + 253.0559844970703, + 139.2018280029297, + 0.8597021698951721, + 177.6783905029297, + 322.26171875, + 0.8697853088378906, + 414.5794372558594, + 193.04296875, + 0.9019409418106079, + 446.8841247558594, + 483.78515625, + 0.7004889249801636, + 597.6393432617188, + 193.04296875, + 0.8994182348251343, + 694.5534057617188, + 451.48046875, + 0.9101682901382446, + 425.34765625, + 333.0299377441406, + 0.7644497156143188, + 436.1158752441406, + 440.7122497558594, + 0.627894401550293, + 662.2487182617188, + 246.8841094970703, + 0.5914513468742371, + 737.6262817382812, + 376.1028747558594, + 0.8598157167434692, + 769.9309692382812, + 376.1028747558594, + 0.3653130531311035, + 909.91796875, + 462.2486877441406, + 0.16884484887123108 + ], + "scale": [ + 5.168750286102295, + 6.891666412353516 + ], + "score": 0.7947548713002887 + }, + { + "category_id": 1, + "center": [ + 461.5, + 242.5 + ], + "image_id": 20506927900, + "keypoints": [ + 253.0299530029297, + 95.04557037353516, + 0.8943604230880737, + 253.0299530029297, + 44.19921875, + 0.970219612121582, + 202.18359375, + 74.70703125, + 0.9639127254486084, + 273.3684997558594, + 13.69140625, + 0.02477692812681198, + 130.9987030029297, + 115.38411712646484, + 0.9144773483276367, + 283.5377502441406, + 135.72265625, + 0.7903032302856445, + 161.5065155029297, + 328.9388122558594, + 0.7906168699264526, + 425.9075622558594, + 217.0768280029297, + 0.9203765392303467, + 314.0455627441406, + 552.6627807617188, + 0.016235223039984703, + 578.4465942382812, + 278.0924377441406, + 0.953376054763794, + 507.26171875, + 450.9700622558594, + 0.9251294136047363, + 436.0768127441406, + 369.6158752441406, + 0.733548641204834, + 436.0768127441406, + 481.4778747558594, + 0.468439519405365, + 680.1393432617188, + 278.0924377441406, + 0.46402913331985474, + 761.4934692382812, + 379.78515625, + 0.9027750492095947, + 781.83203125, + 389.9544372558594, + 0.3242270350456238, + 903.86328125, + 481.4778747558594, + 0.06579314172267914 + ], + "scale": [ + 4.881249904632568, + 6.508333206176758 + ], + "score": 0.7868422567844391 + }, + { + "category_id": 1, + "center": [ + 439.5, + 240.5 + ], + "image_id": 20506928200, + "keypoints": [ + 252.33204650878906, + 114.03516387939453, + 0.8899492621421814, + 252.33204650878906, + 63.4492301940918, + 0.9150004386901855, + 201.74610900878906, + 103.91797637939453, + 0.9454585313796997, + 272.56640625, + 53.3320426940918, + 0.20837125182151794, + 141.04298400878906, + 134.26953125, + 0.9582802057266235, + 292.80078125, + 134.26953125, + 0.7965102195739746, + 171.39454650878906, + 316.37890625, + 0.8390243649482727, + 454.67578125, + 174.73828125, + 0.9101051092147827, + 313.03515625, + 518.72265625, + 0.06054916977882385, + 677.25390625, + 124.15235137939453, + 0.9004794955253601, + 515.37890625, + 447.90234375, + 0.960289716720581, + 434.44140625, + 346.73046875, + 0.7913970947265625, + 434.44140625, + 458.01953125, + 0.674119234085083, + 657.01953125, + 255.67578125, + 0.706937313079834, + 768.30859375, + 366.96484375, + 0.9017657041549683, + 788.54296875, + 377.08203125, + 0.38268959522247314, + 839.12890625, + 447.90234375, + 0.09293244779109955 + ], + "scale": [ + 4.856249809265137, + 6.474999904632568 + ], + "score": 0.7853585024674733 + }, + { + "category_id": 1, + "center": [ + 488.5, + 241.5 + ], + "image_id": 20506929400, + "keypoints": [ + 322.3997497558594, + 64.68359375, + 0.9563920497894287, + 268.8190002441406, + 11.102864265441895, + 0.014075923711061478, + 279.53515625, + 53.96744918823242, + 0.9734022617340088, + 472.42578125, + 139.6966094970703, + 0.004872524179518223, + 193.8059844970703, + 128.98046875, + 0.9454624652862549, + 279.53515625, + 150.4127655029297, + 0.8524616956710815, + 161.6575469970703, + 332.5872497558594, + 0.8462474346160889, + 429.5611877441406, + 161.12890625, + 0.9308040142059326, + 322.3997497558594, + 568.3424682617188, + 0.02280837669968605, + 611.7356567382812, + 96.83203125, + 0.8916888236999512, + 504.57421875, + 471.8971252441406, + 0.9872967004776001, + 440.27734375, + 354.01953125, + 0.7827693223953247, + 429.5611877441406, + 461.1809997558594, + 0.6048315763473511, + 654.6002807617188, + 246.8580780029297, + 0.8632625937461853, + 772.4778442382812, + 386.16796875, + 0.8335810899734497, + 783.1940307617188, + 375.4518127441406, + 0.4990054965019226, + 868.9231567382812, + 439.7486877441406, + 0.17501536011695862 + ], + "scale": [ + 5.143749713897705, + 6.858333587646484 + ], + "score": 0.8436311941880447 + }, + { + "category_id": 1, + "center": [ + 441.0, + 241.0 + ], + "image_id": 20506932001, + "keypoints": [ + 256.0, + 36.0000114440918, + 0.9096529483795166, + 256.0, + -33.99998092651367, + 0.009390689432621002, + 216.00001525878906, + 26.00001335144043, + 0.9115104079246521, + 526.0, + 276.0, + 0.005774746648967266, + 136.00001525878906, + 106.00000762939453, + 0.9471253156661987, + 236.00001525878906, + 136.0, + 0.7887382507324219, + 146.00001525878906, + 326.0, + 0.8180892467498779, + 406.0, + 206.0, + 0.8592449426651001, + 266.0, + 536.0, + 0.011634117923676968, + 596.0, + 166.0, + 0.9301280975341797, + 516.0, + 466.0, + 0.8978989720344543, + 436.0, + 336.0, + 0.7660048007965088, + 436.0, + 456.0, + 0.6124860048294067, + 676.0, + 236.0, + 0.7856284379959106, + 776.0, + 386.0, + 0.9467583894729614, + 796.0, + 386.0, + 0.4725467562675476, + 901.0, + 480.9999694824219, + 0.1701394021511078 + ], + "scale": [ + 4.799999713897705, + 6.399999618530273 + ], + "score": 0.8189086593114413 + }, + { + "category_id": 1, + "center": [ + 461.5, + 239.5 + ], + "image_id": 20506934500, + "keypoints": [ + 271.44140625, + 28.89453125, + 0.7018591165542603, + 302.26171875, + 39.16796875, + 0.003412459045648575, + 240.62109375, + 18.62109375, + 0.8309073448181152, + 548.82421875, + 275.45703125, + 0.006667605135589838, + 199.52734375, + 69.98828125, + 0.9376353025436401, + 240.62109375, + 141.90234375, + 0.8656965494155884, + 178.98046875, + 326.82421875, + 0.8809390068054199, + 415.26953125, + 213.81640625, + 0.9028783440589905, + 435.81640625, + 501.47265625, + 0.45170724391937256, + 589.91796875, + 162.44921875, + 0.9445126056671143, + 702.92578125, + 450.10546875, + 0.9103449583053589, + 435.81640625, + 337.09765625, + 0.7418454885482788, + 446.08984375, + 450.10546875, + 0.6357278823852539, + 661.83203125, + 244.63671875, + 0.5868669748306274, + 754.29296875, + 378.19140625, + 0.7032146453857422, + 774.83984375, + 398.73828125, + 0.3446057438850403, + 934.078125, + 465.515625, + 0.17832887172698975 + ], + "scale": [ + 4.931250095367432, + 6.575000286102295 + ], + "score": 0.7456243719373431 + }, + { + "category_id": 1, + "center": [ + 472.5, + 242.5 + ], + "image_id": 20506937000, + "keypoints": [ + 279.9544372558594, + 38.95182418823242, + 0.9116328954696655, + 279.9544372558594, + -60.07161331176758, + 0.0063943034037947655, + 246.9466094970703, + 16.94661521911621, + 0.9500919580459595, + 599.0299682617188, + 413.0403747558594, + 0.004136820789426565, + 169.9283905029297, + 82.96224212646484, + 0.9679163694381714, + 257.94921875, + 137.9752655029297, + 0.891631007194519, + 158.92578125, + 314.0169372558594, + 0.8260915279388428, + 411.9856872558594, + 203.9908905029297, + 0.8905500769615173, + 279.9544372558594, + 567.0768432617188, + 0.01611192338168621, + 588.02734375, + 159.98046875, + 0.8755248785018921, + 599.0299682617188, + 446.0481872558594, + 0.8452491760253906, + 433.9908752441406, + 336.0221252441406, + 0.8102824687957764, + 422.98828125, + 457.05078125, + 0.5473101139068604, + 643.0403442382812, + 225.99609375, + 0.7199565172195435, + 764.0690307617188, + 369.0299377441406, + 0.838410496711731, + 786.07421875, + 358.02734375, + 0.5051096081733704, + 874.0950317382812, + 468.0533752441406, + 0.11622282862663269 + ], + "scale": [ + 5.28125, + 7.041666507720947 + ], + "score": 0.8138274687987107 + }, + { + "category_id": 1, + "center": [ + 462.0, + 241.5 + ], + "image_id": 20506941300, + "keypoints": [ + 298.5234375, + 56.9296875, + 0.9031484723091125, + 266.8828125, + 14.7421875, + 0.09851062297821045, + 256.3359375, + 46.3828125, + 0.9213302731513977, + 203.6015625, + 56.9296875, + 0.002210165373980999, + 171.9609375, + 120.2109375, + 0.932976484298706, + 256.3359375, + 151.8515625, + 0.7911763787269592, + 182.5078125, + 341.6953125, + 0.8637638688087463, + 382.8984375, + 257.3203125, + 0.7965404391288757, + 435.6328125, + 499.8984375, + 0.6011604070663452, + 498.9140625, + 320.6015625, + 0.9151915907859802, + 688.7578125, + 447.1640625, + 0.9456940293312073, + 425.0859375, + 341.6953125, + 0.745599091053009, + 414.5390625, + 447.1640625, + 0.5409184098243713, + 636.0234375, + 267.8671875, + 0.7292304039001465, + 741.4921875, + 373.3359375, + 0.7511904239654541, + 783.6796875, + 362.7890625, + 0.37905406951904297, + 868.0546875, + 436.6171875, + 0.10310276597738266 + ], + "scale": [ + 5.0625, + 6.75 + ], + "score": 0.7726410244192395 + }, + { + "category_id": 1, + "center": [ + 486.0, + 241.0 + ], + "image_id": 20506942401, + "keypoints": [ + 318.0833435058594, + 83.91666412353516, + 0.8885915279388428, + 274.75, + 8.083333015441895, + 0.01577909290790558, + 274.75, + 62.25, + 0.9408754706382751, + 567.25, + 289.75, + 0.0024311025626957417, + 188.0833282470703, + 138.0833282470703, + 0.9464274048805237, + 253.0833282470703, + 159.75, + 0.8211084008216858, + 198.9166717529297, + 333.0833435058594, + 0.863689661026001, + 404.75, + 213.9166717529297, + 0.9538246989250183, + 480.5833435058594, + 473.9166564941406, + 0.7414536476135254, + 578.0833129882812, + 192.25, + 0.8729361295700073, + 729.75, + 441.4166564941406, + 0.970405101776123, + 437.25, + 333.0833435058594, + 0.7675260305404663, + 426.4166564941406, + 441.4166564941406, + 0.5864713788032532, + 643.0833129882812, + 257.25, + 0.7084712386131287, + 762.25, + 376.4166564941406, + 0.8861218690872192, + 805.5833129882812, + 376.4166564941406, + 0.3722953796386719, + 892.25, + 452.25, + 0.1304803490638733 + ], + "scale": [ + 5.199999809265137, + 6.933333396911621 + ], + "score": 0.8085855671337673 + }, + { + "category_id": 1, + "center": [ + 476.0, + 242.0 + ], + "image_id": 20506943601, + "keypoints": [ + 319.2942810058594, + 52.87239456176758, + 0.903609037399292, + 276.0650939941406, + 9.643229484558105, + 0.01636296510696411, + 276.0650939941406, + 31.2578125, + 0.9284733533859253, + 600.2838745117188, + 409.5130310058594, + 0.004395800177007914, + 189.6067657470703, + 85.29427337646484, + 0.9521377086639404, + 276.0650939941406, + 139.3307342529297, + 0.8369075059890747, + 178.7994842529297, + 312.2474060058594, + 0.8704886436462402, + 405.7525939941406, + 236.5963592529297, + 0.9053295254707336, + 308.4869689941406, + 506.7786560058594, + 0.04780522733926773, + 557.0546875, + 225.7890625, + 0.9882066249847412, + 481.4036560058594, + 463.5494689941406, + 1.0154863595962524, + 438.1744689941406, + 355.4765625, + 0.7307485342025757, + 427.3671875, + 463.5494689941406, + 0.6520054340362549, + 675.9348754882812, + 258.2109375, + 0.5921423435211182, + 762.3932495117188, + 387.8984375, + 0.9042149782180786, + 794.8151245117188, + 377.0911560058594, + 0.4419310688972473, + 859.6588745117188, + 495.9713439941406, + 0.1849309653043747 + ], + "scale": [ + 5.1875, + 6.916666507720947 + ], + "score": 0.824744701385498 + }, + { + "category_id": 1, + "center": [ + 493.0, + 240.0 + ], + "image_id": 20506944401, + "keypoints": [ + 319.4322814941406, + 66.43228912353516, + 0.9384573101997375, + 319.4322814941406, + 10.442708015441895, + 0.011366124264895916, + 274.640625, + 55.234375, + 0.9093853235244751, + 252.2447967529297, + 88.828125, + 0.0027800966054201126, + 196.2552032470703, + 111.22396087646484, + 0.9252188205718994, + 274.640625, + 156.015625, + 0.8804279565811157, + 173.859375, + 323.984375, + 0.8491116762161255, + 420.2135314941406, + 245.5989532470703, + 0.9377661943435669, + 319.4322814941406, + 581.5364379882812, + 0.013071918860077858, + 588.1823120117188, + 301.5885314941406, + 0.9565138816833496, + 487.4010314941406, + 469.5572814941406, + 0.9765488505363464, + 442.609375, + 379.9739685058594, + 0.7468806505203247, + 420.2135314941406, + 469.5572814941406, + 0.48774492740631104, + 722.5573120117188, + 312.7864685058594, + 0.43995022773742676, + 767.3489379882812, + 379.9739685058594, + 0.9106684923171997, + 812.140625, + 402.3697814941406, + 0.3454556465148926, + 879.328125, + 480.7552185058594, + 0.26231569051742554 + ], + "scale": [ + 5.375, + 7.166666507720947 + ], + "score": 0.7547461177621569 + }, + { + "category_id": 1, + "center": [ + 511.5, + 241.0 + ], + "image_id": 20506948300, + "keypoints": [ + 320.3216247558594, + 60.74609375, + 0.9313592314720154, + 298.47265625, + 17.04817771911621, + 0.4073532819747925, + 265.69921875, + 49.82161331176758, + 0.9516861438751221, + 484.1888122558594, + 268.3111877441406, + 0.0022405649069696665, + 178.3033905029297, + 104.44400787353516, + 0.9393452405929565, + 265.69921875, + 137.2174530029297, + 0.8545538187026978, + 211.0768280029297, + 322.93359375, + 0.8515942096710205, + 418.6419372558594, + 246.4622344970703, + 0.8652955293655396, + 484.1888122558594, + 464.9518127441406, + 0.794882595539093, + 582.5090942382812, + 312.0091247558594, + 0.9449688196182251, + 768.2252807617188, + 410.3294372558594, + 0.958450436592102, + 440.4908752441406, + 366.6315002441406, + 0.6148726940155029, + 407.7174377441406, + 475.8763122558594, + 0.20532119274139404, + 669.9049682617188, + 322.93359375, + 0.3685574531555176, + 735.4518432617188, + 410.3294372558594, + 0.07469747215509415, + 790.07421875, + 355.70703125, + 0.05255141481757164, + 921.16796875, + 399.4049377441406, + 0.019184745848178864 + ], + "scale": [ + 5.243750095367432, + 6.991666793823242 + ], + "score": 0.7452492805627676 + }, + { + "category_id": 1, + "center": [ + 456.5, + 240.0 + ], + "image_id": 20506949201, + "keypoints": [ + 314.7096252441406, + 59.09503936767578, + 0.9258500337600708, + 295.15234375, + 29.75910186767578, + 0.21504399180412292, + 275.59503173828125, + 39.53774642944336, + 0.9434430599212646, + 295.15234375, + -19.134132385253906, + 0.001799531513825059, + 177.80857849121094, + 107.98827362060547, + 0.9306850433349609, + 275.59503173828125, + 147.1028594970703, + 0.7999621629714966, + 197.36587524414062, + 323.1184997558594, + 0.851743757724762, + 422.2747497558594, + 254.66796875, + 0.8516702651977539, + 432.0533752441406, + 499.1341247558594, + 0.45201295614242554, + 588.51171875, + 323.1184997558594, + 0.8845956325531006, + 676.51953125, + 450.24090576171875, + 0.8384691476821899, + 432.0533752441406, + 362.23309326171875, + 0.8176093101501465, + 412.49609375, + 469.7981872558594, + 0.3892102837562561, + 725.4127807617188, + 313.33984375, + 0.5417989492416382, + 744.9700927734375, + 391.56903076171875, + 0.8472594022750854, + 764.52734375, + 411.1263122558594, + 0.2737630605697632, + 906.3177490234375, + 494.24481201171875, + 0.10880959779024124 + ], + "scale": [ + 4.693750381469727, + 6.258333206176758 + ], + "score": 0.7042078038056692 + }, + { + "category_id": 1, + "center": [ + 558.0, + 240.5 + ], + "image_id": 20506950001, + "keypoints": [ + 314.7578125, + 72.1015625, + 0.9239245057106018, + 289.8099060058594, + 34.6796875, + 0.20931977033615112, + 264.8619689941406, + 59.62760543823242, + 0.9221484661102295, + 639.0807495117188, + -152.4296875, + 0.002340953331440687, + 177.5442657470703, + 121.99739837646484, + 0.9340182542800903, + 277.3359375, + 146.9453125, + 0.8494192361831665, + 214.9661407470703, + 334.0546875, + 0.855336606502533, + 427.0234375, + 246.7369842529297, + 0.9102445840835571, + 514.3411254882812, + 446.3203125, + 0.8210383653640747, + 601.6588745117188, + 321.5807189941406, + 0.9345163106918335, + 838.6640625, + 396.4244689941406, + 0.9314125776290894, + 439.4974060058594, + 396.4244689941406, + 0.5296145081520081, + 427.0234375, + 471.2682189941406, + 0.1535721719264984, + 676.5026245117188, + 371.4765625, + 0.48675423860549927, + 763.8203125, + 371.4765625, + 0.09895959496498108, + 826.1901245117188, + 346.5286560058594, + 0.0462099052965641, + 888.5598754882812, + 296.6328125, + 0.028894348070025444 + ], + "scale": [ + 5.987500190734863, + 7.983333587646484 + ], + "score": 0.7756456186374029 + }, + { + "category_id": 1, + "center": [ + 560.5, + 240.5 + ], + "image_id": 20506952001, + "keypoints": [ + 312.94140625, + 81.80859375, + 0.9129871726036072, + 287.55078125, + 43.72265625, + 0.23748984932899475, + 262.16015625, + 69.11328125, + 0.9444078207015991, + 643.01953125, + -172.09765625, + 0.0031039975583553314, + 173.29296875, + 132.58984375, + 0.9500662684440613, + 274.85546875, + 157.98046875, + 0.8464869260787964, + 236.76953125, + 335.71484375, + 0.8838779330253601, + 414.50390625, + 246.84765625, + 0.8792349100112915, + 528.76171875, + 437.27734375, + 0.8884838819503784, + 579.54296875, + 310.32421875, + 0.9367043972015381, + 846.14453125, + 373.80078125, + 0.9358540773391724, + 452.58984375, + 411.88671875, + 0.49437233805656433, + 427.19921875, + 500.75390625, + 0.09862296283245087, + 681.10546875, + 361.10546875, + 0.3737579882144928, + 719.19140625, + 348.41015625, + 0.07462254166603088, + 884.23046875, + 272.23828125, + 0.03535434976220131, + 896.92578125, + 284.93359375, + 0.026436232030391693 + ], + "scale": [ + 6.09375, + 8.125 + ], + "score": 0.7736436302463213 + }, + { + "category_id": 1, + "center": [ + 521.5, + 239.5 + ], + "image_id": 20506952401, + "keypoints": [ + 327.58721923828125, + 78.82940673828125, + 0.9289214611053467, + 305.4257507324219, + 45.58721923828125, + 0.2187075912952423, + 283.2642822265625, + 67.7486801147461, + 0.9394049048423767, + 593.5247192382812, + -120.62374114990234, + 0.0020578214898705482, + 183.5377197265625, + 134.23306274414062, + 0.9820221662521362, + 283.2642822265625, + 156.39451599121094, + 0.8203729391098022, + 227.8606414794922, + 344.7669372558594, + 0.8695964217185974, + 427.31378173828125, + 245.0403594970703, + 0.9300803542137146, + 515.9596557617188, + 477.7357177734375, + 0.8459907174110413, + 571.36328125, + 311.5247497558594, + 0.9663349390029907, + 792.9779052734375, + 422.3320617675781, + 0.9222888350486755, + 438.39453125, + 366.92840576171875, + 0.5774712562561035, + 427.31378173828125, + 477.7357177734375, + 0.18196386098861694, + 671.08984375, + 311.5247497558594, + 0.49327176809310913, + 737.57421875, + 411.2513122558594, + 0.22589725255966187, + 804.0586547851562, + 355.84765625, + 0.10275251418352127, + 881.6237182617188, + 444.4934997558594, + 0.052218735218048096 + ], + "scale": [ + 5.318750381469727, + 7.091666221618652 + ], + "score": 0.7477200466852921 + }, + { + "category_id": 1, + "center": [ + 480.0, + 242.0 + ], + "image_id": 20506953100, + "keypoints": [ + 319.3489685058594, + 60.61979293823242, + 0.9142258167266846, + 298.6197814941406, + -1.5677083730697632, + 0.03957153484225273, + 277.890625, + 50.25520706176758, + 0.9349730014801025, + 609.5573120117188, + 381.921875, + 0.010767612606287003, + 184.609375, + 122.80728912353516, + 0.9476943016052246, + 277.890625, + 153.9010467529297, + 0.8394576907157898, + 205.3385467529297, + 330.0989685058594, + 0.8445842266082764, + 422.9947814941406, + 247.1822967529297, + 0.8890763521194458, + 402.265625, + 516.6614379882812, + 0.06532296538352966, + 578.4635620117188, + 309.3697814941406, + 0.9342520236968994, + 588.828125, + 433.7447814941406, + 0.9271982908248901, + 454.0885314941406, + 361.1927185058594, + 0.8049825429916382, + 433.359375, + 475.203125, + 0.43262505531311035, + 692.4739379882812, + 288.640625, + 0.6313173770904541, + 765.0260620117188, + 392.2864685058594, + 0.9059339761734009, + 796.1198120117188, + 402.6510314941406, + 0.3186998963356018, + 858.3073120117188, + 475.203125, + 0.07046035677194595 + ], + "scale": [ + 4.974999904632568, + 6.633333683013916 + ], + "score": 0.7942323501293476 + }, + { + "category_id": 1, + "center": [ + 491.5, + 241.0 + ], + "image_id": 20506955100, + "keypoints": [ + 324.1888122558594, + 62.89453125, + 0.9297776222229004, + 281.01171875, + 30.51171875, + 0.20713621377944946, + 281.01171875, + 41.30598831176758, + 0.976905345916748, + 615.6340942382812, + 365.1341247558594, + 0.004192697815597057, + 183.86328125, + 106.07161712646484, + 0.9097016453742981, + 291.8059997558594, + 138.4544219970703, + 0.8149396181106567, + 183.86328125, + 311.1627502441406, + 0.8037445545196533, + 464.5143127441406, + 192.42578125, + 0.8835279941558838, + 324.1888122558594, + 570.2252807617188, + 0.022100161761045456, + 669.60546875, + 192.42578125, + 0.8951160907745361, + 496.8971252441406, + 462.2825622558594, + 1.0187195539474487, + 432.1315002441406, + 365.1341247558594, + 0.7726532220840454, + 421.3372497558594, + 473.0768127441406, + 0.5876870155334473, + 648.0169067382812, + 267.9856872558594, + 0.5210232138633728, + 755.9596557617188, + 375.9283752441406, + 0.8991143703460693, + 788.3424682617188, + 397.5169372558594, + 0.3976683020591736, + 853.1080932617188, + 473.0768127441406, + 0.1838092803955078 + ], + "scale": [ + 5.181250095367432, + 6.9083333015441895 + ], + "score": 0.7584081973348346 + }, + { + "category_id": 1, + "center": [ + 460.5, + 239.5 + ], + "image_id": 20506956001, + "keypoints": [ + 321.3528747558594, + 61.96746063232422, + 0.9130089282989502, + 292.5638122558594, + 4.389338493347168, + 0.04783675819635391, + 273.37109375, + 52.3711051940918, + 0.9500278234481812, + 570.8580932617188, + 369.05078125, + 0.003936429508030415, + 187.00392150878906, + 138.73828125, + 0.9383382797241211, + 263.7747497558594, + 157.93099975585938, + 0.8178669214248657, + 187.00392150878906, + 340.26171875, + 0.8222009539604187, + 388.52734375, + 273.0872497558594, + 0.8859639167785645, + 407.7200622558594, + 541.78515625, + 0.030962742865085602, + 542.0690307617188, + 282.68359375, + 0.9827018976211548, + 570.8580932617188, + 436.2252502441406, + 0.903695821762085, + 426.9127502441406, + 369.05078125, + 0.7742336392402649, + 426.9127502441406, + 474.61065673828125, + 0.32389575242996216, + 657.2252197265625, + 282.68359375, + 0.5915865302085876, + 762.78515625, + 397.83984375, + 0.8707995414733887, + 781.9778442382812, + 388.24346923828125, + 0.4338774085044861, + 877.94140625, + 474.61065673828125, + 0.16152527928352356 + ], + "scale": [ + 4.606249809265137, + 6.141666889190674 + ], + "score": 0.785245954990387 + }, + { + "category_id": 1, + "center": [ + 450.5, + 241.0 + ], + "image_id": 20506956400, + "keypoints": [ + 319.80340576171875, + 68.48047637939453, + 0.9270704984664917, + 298.8919372558594, + 26.65756607055664, + 0.04010559618473053, + 277.98046875, + 58.024749755859375, + 0.9193574786186218, + 581.1965942382812, + 371.69659423828125, + 0.0047735851258039474, + 183.87892150878906, + 141.6705780029297, + 0.9134817123413086, + 257.06903076171875, + 162.58203125, + 0.7703596949577332, + 194.33465576171875, + 329.8736877441406, + 0.8485150337219238, + 382.5377502441406, + 267.1393127441406, + 0.8827890753746033, + 392.9934997558594, + 507.6210632324219, + 0.05922549590468407, + 539.3737182617188, + 277.5950622558594, + 0.9807937145233154, + 581.1965942382812, + 434.43096923828125, + 0.9175878763198853, + 424.3606872558594, + 371.69659423828125, + 0.8043297529220581, + 445.2721252441406, + 476.25390625, + 0.395679235458374, + 664.8424072265625, + 288.05078125, + 0.5979434847831726, + 758.9439697265625, + 392.6080627441406, + 0.8955748677253723, + 769.3997192382812, + 403.06378173828125, + 0.3874119222164154, + 905.32421875, + 476.25390625, + 0.08649207651615143 + ], + "scale": [ + 5.018749713897705, + 6.691666603088379 + ], + "score": 0.7877611036484058 + }, + { + "category_id": 1, + "center": [ + 459.0, + 241.0 + ], + "image_id": 20506956800, + "keypoints": [ + 309.0911560058594, + 60.07551956176758, + 0.913873553276062, + 278.0755310058594, + -1.9557291269302368, + 0.06998078525066376, + 267.7369689941406, + 49.73698043823242, + 0.936906635761261, + 588.2317504882812, + 380.5703125, + 0.005558486096560955, + 185.0286407470703, + 132.4453125, + 0.910338819026947, + 257.3984375, + 163.4609375, + 0.7835643887519836, + 195.3671875, + 339.2161560058594, + 0.8335343599319458, + 381.4609375, + 277.1849060058594, + 0.8782551288604736, + 402.1380310058594, + 545.9869995117188, + 0.059029579162597656, + 536.5390625, + 287.5234375, + 0.9933608770370483, + 567.5546875, + 442.6015625, + 0.9081090092658997, + 433.1536560058594, + 370.2317810058594, + 0.8162471055984497, + 422.8150939941406, + 473.6171875, + 0.3953433036804199, + 660.6015625, + 287.5234375, + 0.6296294331550598, + 763.9869995117188, + 390.9088439941406, + 0.8694546222686768, + 784.6640625, + 390.9088439941406, + 0.4204537868499756, + 908.7265625, + 473.6171875, + 0.13062632083892822 + ], + "scale": [ + 4.962500095367432, + 6.616666793823242 + ], + "score": 0.7914670018049387 + }, + { + "category_id": 1, + "center": [ + 469.0, + 242.5 + ], + "image_id": 20506957800, + "keypoints": [ + 300.1328125, + 42.9296875, + 0.9161829948425293, + 289.8984375, + -38.9453125, + 0.0112318005412817, + 269.4296875, + 32.6953125, + 0.9168150424957275, + 596.9296875, + 370.4296875, + 0.0088659031316638, + 197.7890625, + 114.5703125, + 0.9322008490562439, + 259.1953125, + 155.5078125, + 0.8033998012542725, + 187.5546875, + 339.7265625, + 0.8289982080459595, + 392.2421875, + 278.3203125, + 0.8602672815322876, + 402.4765625, + 544.4140625, + 0.04833164066076279, + 545.7578125, + 268.0859375, + 0.9582836031913757, + 566.2265625, + 431.8359375, + 0.9611801505088806, + 433.1796875, + 360.1953125, + 0.78938227891922, + 433.1796875, + 472.7734375, + 0.4220261573791504, + 668.5703125, + 278.3203125, + 0.614177942276001, + 770.9140625, + 390.8984375, + 0.8371443748474121, + 781.1484375, + 401.1328125, + 0.4169856309890747, + 903.9609375, + 472.7734375, + 0.1604868322610855 + ], + "scale": [ + 4.912499904632568, + 6.549999713897705 + ], + "score": 0.7890034088721642 + }, + { + "category_id": 1, + "center": [ + 468.0, + 242.0 + ], + "image_id": 20506961601, + "keypoints": [ + 305.734375, + 58.796875, + 0.9090772867202759, + 274.328125, + 6.453125, + 0.021728772670030594, + 263.859375, + 48.328125, + 0.9262685775756836, + 201.046875, + 58.796875, + 0.0024992208927869797, + 180.109375, + 111.140625, + 0.9517562389373779, + 253.390625, + 153.015625, + 0.8589935302734375, + 201.046875, + 330.984375, + 0.8639084696769714, + 399.953125, + 268.171875, + 0.8818130493164062, + 441.828125, + 508.953125, + 0.5543887615203857, + 546.515625, + 257.703125, + 0.9731194972991943, + 609.328125, + 383.328125, + 0.8213339447975159, + 441.828125, + 362.390625, + 0.7435452938079834, + 441.828125, + 456.609375, + 0.49819791316986084, + 651.203125, + 257.703125, + 0.604751467704773, + 766.359375, + 404.265625, + 0.8445522785186768, + 787.296875, + 404.265625, + 0.39452213048934937, + 871.046875, + 446.140625, + 0.14029468595981598 + ], + "scale": [ + 5.025000095367432, + 6.700000286102295 + ], + "score": 0.7733020314148494 + }, + { + "category_id": 1, + "center": [ + 460.5, + 243.5 + ], + "image_id": 20506962001, + "keypoints": [ + 293.5924377441406, + 44.28776168823242, + 0.8956782817840576, + 272.0559997558594, + 11.983073234558105, + 0.06470159441232681, + 250.51953125, + 22.75130271911621, + 0.9166258573532104, + 444.34765625, + 195.04296875, + 0.00362587021663785, + 164.3737030029297, + 87.36067962646484, + 0.9599183797836304, + 261.2877502441406, + 141.2018280029297, + 0.8261193037033081, + 196.6783905029297, + 324.26171875, + 0.8683590888977051, + 390.5065002441406, + 270.4205627441406, + 0.8756174445152283, + 465.8841247558594, + 475.0169372558594, + 0.5271725058555603, + 552.0299682617188, + 259.65234375, + 0.9368875026702881, + 692.0169067382812, + 453.48046875, + 0.9596571922302246, + 433.5794372558594, + 345.7981872558594, + 0.776918888092041, + 433.5794372558594, + 442.7122497558594, + 0.5819073915481567, + 638.17578125, + 248.8841094970703, + 0.5697140097618103, + 735.08984375, + 356.56640625, + 0.7370023727416992, + 778.1627807617188, + 367.3346252441406, + 0.3899313807487488, + 864.30859375, + 431.9440002441406, + 0.09981434047222137 + ], + "scale": [ + 5.168750286102295, + 6.891666412353516 + ], + "score": 0.7729649714061192 + }, + { + "category_id": 1, + "center": [ + 442.5, + 239.5 + ], + "image_id": 20506970000, + "keypoints": [ + 298.8216247558594, + 56.18619918823242, + 0.9005193710327148, + 269.0950622558594, + -3.2669270038604736, + 0.027247967198491096, + 259.1861877441406, + 46.27734375, + 0.9185881614685059, + 516.81640625, + 274.1809997558594, + 0.002784250071272254, + 170.0065155029297, + 125.54817962646484, + 0.920905590057373, + 279.00390625, + 155.2747344970703, + 0.806784987449646, + 170.0065155029297, + 343.54296875, + 0.7996946573257446, + 427.63671875, + 214.7278594970703, + 0.8846248388290405, + 288.9127502441406, + 482.2669372558594, + 0.011840896680951118, + 596.0872192382812, + 165.18359375, + 0.9430736303329468, + 487.08984375, + 472.3580627441406, + 0.8090987205505371, + 437.5455627441406, + 343.54296875, + 0.7679471969604492, + 437.5455627441406, + 452.5403747558594, + 0.594417929649353, + 655.5403442382812, + 244.4544219970703, + 0.7693455219268799, + 774.4465942382812, + 383.1783752441406, + 0.9132954478263855, + 784.35546875, + 373.26953125, + 0.37383365631103516, + 823.9909057617188, + 452.5403747558594, + 0.08760059624910355 + ], + "scale": [ + 4.756249904632568, + 6.3416666984558105 + ], + "score": 0.8001638238246624 + }, + { + "category_id": 1, + "center": [ + 446.0, + 240.5 + ], + "image_id": 20506970801, + "keypoints": [ + 282.5234375, + 34.8359375, + 0.924720287322998, + 261.4296875, + -49.5390625, + 0.007969656027853489, + 240.3359375, + 24.2890625, + 0.9119830131530762, + 177.0546875, + 55.9296875, + 0.003157007973641157, + 166.5078125, + 108.6640625, + 0.9522013068199158, + 250.8828125, + 150.8515625, + 0.8098618388175964, + 187.6015625, + 330.1484375, + 0.8856469392776489, + 409.0859375, + 224.6796875, + 0.8714772462844849, + 472.3671875, + 477.8046875, + 0.4457981586456299, + 577.8359375, + 193.0390625, + 0.8859407901763916, + 714.9453125, + 456.7109375, + 0.7814189195632935, + 430.1796875, + 330.1484375, + 0.7420938611030579, + 440.7265625, + 446.1640625, + 0.6848462820053101, + 662.2109375, + 235.2265625, + 0.7067402601242065, + 746.5859375, + 382.8828125, + 0.7768722176551819, + 746.5859375, + 393.4296875, + 0.3876609206199646, + 931.15625, + 472.53125, + 0.10733822733163834 + ], + "scale": [ + 5.0625, + 6.75 + ], + "score": 0.7690901458263397 + }, + { + "category_id": 1, + "center": [ + 454.0, + 239.5 + ], + "image_id": 20506972801, + "keypoints": [ + 312.3984375, + 97.8984375, + 0.8862840533256531, + 283.1015625, + 58.8359375, + 0.12254530191421509, + 273.3359375, + 88.1328125, + 0.9464206695556641, + 214.7421875, + 107.6640625, + 0.001514051458798349, + 185.4453125, + 156.4921875, + 0.953722357749939, + 292.8671875, + 146.7265625, + 0.8029193878173828, + 175.6796875, + 332.2734375, + 0.781753659248352, + 449.1171875, + 176.0234375, + 0.8625158071517944, + 283.1015625, + 527.5859375, + 0.006907863542437553, + 644.4296875, + 215.0859375, + 0.8325028419494629, + 488.1796875, + 478.7578125, + 0.922182559967041, + 429.5859375, + 351.8046875, + 0.7530010938644409, + 419.8203125, + 459.2265625, + 0.5901047587394714, + 654.1953125, + 254.1484375, + 0.6827410459518433, + 761.6171875, + 381.1015625, + 0.9451808929443359, + 771.3828125, + 381.1015625, + 0.37394094467163086, + 849.5078125, + 478.7578125, + 0.23621094226837158 + ], + "scale": [ + 4.6875, + 6.25 + ], + "score": 0.7549629296575274 + }, + { + "category_id": 1, + "center": [ + 454.5, + 242.5 + ], + "image_id": 20506973201, + "keypoints": [ + 320.5481872558594, + 76.39974212646484, + 0.9493857026100159, + 309.83203125, + 33.53515625, + 0.015506060793995857, + 288.3997497558594, + 65.68359375, + 0.9316341280937195, + 266.9674377441406, + 97.83203125, + 0.00296326307579875, + 202.6705780029297, + 129.98046875, + 0.9184988141059875, + 288.3997497558594, + 151.4127655029297, + 0.8587936162948608, + 159.8059844970703, + 333.5872497558594, + 0.8249695897102356, + 459.8580627441406, + 140.6966094970703, + 0.8921505212783813, + 299.1158752441406, + 526.4778442382812, + 0.015701280906796455, + 642.0325317382812, + 76.39974212646484, + 0.8757871389389038, + 481.2903747558594, + 494.3294372558594, + 0.8179395198822021, + 438.42578125, + 344.3033752441406, + 0.8039886951446533, + 427.7096252441406, + 462.1809997558594, + 0.5924040675163269, + 642.0325317382812, + 247.8580780029297, + 0.836462140083313, + 770.6262817382812, + 397.8841247558594, + 0.9276241064071655, + 770.6262817382812, + 397.8841247558594, + 0.4450886845588684, + 824.20703125, + 472.8971252441406, + 0.1328796148300171 + ], + "scale": [ + 5.143749713897705, + 6.858333587646484 + ], + "score": 0.8211328249711257 + }, + { + "category_id": 1, + "center": [ + 493.5, + 240.5 + ], + "image_id": 20506973601, + "keypoints": [ + 300.3554992675781, + 59.06121826171875, + 0.917434811592102, + 312.06121826171875, + 0.53257817029953, + 0.006023041903972626, + 253.53257751464844, + 47.355491638183594, + 0.963559627532959, + 475.94140625, + 129.2955780029297, + 0.0035897872876375914, + 183.2982177734375, + 129.2955780029297, + 0.9606509208679199, + 276.94403076171875, + 152.70704650878906, + 0.8895562887191772, + 159.88674926757812, + 351.70440673828125, + 0.8319547176361084, + 429.1184997558594, + 187.82421875, + 0.931858479976654, + 276.94403076171875, + 433.6445007324219, + 0.010382681153714657, + 604.7044067382812, + 129.2955780029297, + 0.8929476737976074, + 499.3528747558594, + 480.4674072265625, + 0.8244152069091797, + 440.82421875, + 363.41015625, + 0.7872380614280701, + 429.1184997558594, + 457.05596923828125, + 0.56081223487854, + 639.8215942382812, + 246.3528594970703, + 0.7900528907775879, + 780.2903442382812, + 386.82159423828125, + 0.9511845111846924, + 791.9960327148438, + 386.82159423828125, + 0.5252596139907837, + 873.9361572265625, + 468.7616882324219, + 0.14963853359222412 + ], + "scale": [ + 5.618749618530273, + 7.491666793823242 + ], + "score": 0.8328403876377986 + }, + { + "category_id": 1, + "center": [ + 447.0, + 239.5 + ], + "image_id": 20506975900, + "keypoints": [ + 268.25, + 49.91666793823242, + 0.8442131876945496, + 658.25, + 396.5833435058594, + 0.005866337567567825, + 235.75, + 28.25, + 0.8846526145935059, + 571.5833129882812, + 407.4166564941406, + 0.0042749871499836445, + 181.5833282470703, + 93.25, + 0.9364228844642639, + 268.25, + 158.25, + 0.8689776659011841, + 159.9166717529297, + 331.5833435058594, + 0.8230617046356201, + 409.0833435058594, + 244.9166717529297, + 0.888702392578125, + 289.9166564941406, + 526.5833129882812, + 0.018194766715168953, + 582.4166870117188, + 190.75, + 0.893796443939209, + 495.75, + 494.0833435058594, + 0.7170300483703613, + 441.5833435058594, + 353.25, + 0.7586040496826172, + 441.5833435058594, + 450.75, + 0.6903440952301025, + 669.0833129882812, + 255.75, + 0.8306604623794556, + 777.4166870117188, + 385.75, + 0.9448187351226807, + 777.4166870117188, + 374.9166564941406, + 0.37967899441719055, + 820.75, + 483.25, + 0.10323522984981537 + ], + "scale": [ + 5.199999809265137, + 6.933333396911621 + ], + "score": 0.804689483000682 + }, + { + "category_id": 1, + "center": [ + 497.5, + 242.0 + ], + "image_id": 20506976500, + "keypoints": [ + 289.00390625, + 57.33203125, + 0.9297082424163818, + 241.34765625, + 21.58984375, + 0.023502780124545097, + 241.34765625, + 45.41796875, + 0.9467729330062866, + 586.85546875, + 414.75390625, + 0.009656846523284912, + 157.94921875, + 116.90234375, + 0.9405622482299805, + 265.17578125, + 164.55859375, + 0.8554693460464478, + 157.94921875, + 331.35546875, + 0.8555968403816223, + 408.14453125, + 224.12890625, + 0.9453842639923096, + 277.08984375, + 438.58203125, + 0.015873869881033897, + 563.02734375, + 188.38671875, + 0.8812308311462402, + 503.45703125, + 474.32421875, + 0.5871621966362, + 443.88671875, + 355.18359375, + 0.7912657260894775, + 431.97265625, + 462.41015625, + 0.5746997594833374, + 658.33984375, + 259.87109375, + 0.6633669137954712, + 777.48046875, + 390.92578125, + 0.9765040278434753, + 801.30859375, + 390.92578125, + 0.5235786437988281, + 872.79296875, + 462.41015625, + 0.15926124155521393 + ], + "scale": [ + 5.71875, + 7.625 + ], + "score": 0.805484767143543 + }, + { + "category_id": 1, + "center": [ + 453.0, + 240.0 + ], + "image_id": 20506978801, + "keypoints": [ + 294.3671875, + 40.4296875, + 0.8931589126586914, + 263.6640625, + 9.7265625, + 0.24012498557567596, + 243.1953125, + 30.1953125, + 0.943878173828125, + 580.9296875, + 398.6328125, + 0.00627603055909276, + 151.0859375, + 112.0703125, + 0.919176459312439, + 284.1328125, + 132.5390625, + 0.822719931602478, + 171.5546875, + 316.7578125, + 0.8465906381607056, + 406.9453125, + 245.1171875, + 0.880818247795105, + 304.6015625, + 541.9140625, + 0.024045858532190323, + 560.4609375, + 255.3515625, + 0.9512688517570496, + 550.2265625, + 449.8046875, + 0.9371975660324097, + 427.4140625, + 357.6953125, + 0.8070554733276367, + 406.9453125, + 470.2734375, + 0.43034690618515015, + 673.0390625, + 265.5859375, + 0.5361881256103516, + 765.1484375, + 367.9296875, + 0.9415786862373352, + 754.9140625, + 357.6953125, + 0.3863891661167145, + 857.2578125, + 449.8046875, + 0.1777265965938568 + ], + "scale": [ + 4.912499904632568, + 6.549999713897705 + ], + "score": 0.7526065802999905 + }, + { + "category_id": 1, + "center": [ + 468.0, + 241.0 + ], + "image_id": 20506984300, + "keypoints": [ + 306.13800048828125, + 47.80988311767578, + 0.8801549673080444, + 316.5807189941406, + -4.403660774230957, + 0.07787739485502243, + 264.3671875, + 26.92446517944336, + 0.8927494287490845, + 327.0234375, + 16.48175811767578, + 0.002473049331456423, + 170.38279724121094, + 79.13800811767578, + 0.956189751625061, + 243.48175048828125, + 141.7942657470703, + 0.7486702799797058, + 191.26821899414062, + 298.4349060058594, + 0.8409256935119629, + 368.79425048828125, + 120.90884399414062, + 0.597064197063446, + 494.1067810058594, + 413.3046875, + 0.8993216753005981, + 327.0234375, + 37.3671760559082, + 0.4852851629257202, + 702.9609375, + 277.5494689941406, + 0.9466362595558167, + 421.0078125, + 381.9765625, + 0.4682406783103943, + 410.5650939941406, + 475.9609375, + 0.3253539800643921, + 619.4192504882812, + 246.2213592529297, + 0.17212024331092834, + 744.7318115234375, + 392.4192810058594, + 0.6261352300643921, + 765.6171875, + 402.86199951171875, + 0.09950286149978638, + 948.3646240234375, + 428.96875, + 0.050792694091796875 + ], + "scale": [ + 5.012500286102295, + 6.683333396911621 + ], + "score": 0.7222272753715515 + }, + { + "category_id": 1, + "center": [ + 471.0, + 240.5 + ], + "image_id": 20506985100, + "keypoints": [ + 282.7838439941406, + 52.28383255004883, + 0.9054723978042603, + 272.02862548828125, + 20.018203735351562, + 0.2823588252067566, + 250.51820373535156, + 30.773412704467773, + 0.9544432163238525, + 207.4973602294922, + 52.28383255004883, + 0.0031927009113132954, + 164.47653198242188, + 95.30467224121094, + 0.924775242805481, + 239.76300048828125, + 138.3255157470703, + 0.8741519451141357, + 185.9869384765625, + 299.6536560058594, + 0.8741223812103271, + 390.3359375, + 192.1015625, + 0.8417559862136841, + 454.8671875, + 471.73699951171875, + 0.8181814551353455, + 540.9088745117188, + 202.8567657470703, + 0.9258003234863281, + 659.2161865234375, + 353.4296875, + 0.9456639289855957, + 422.6015625, + 353.4296875, + 0.6499696373939514, + 422.6015625, + 460.9818115234375, + 0.4543607831001282, + 626.9505615234375, + 256.6328125, + 0.48473840951919556, + 756.0130615234375, + 396.4505310058594, + 0.7052603960037231, + 766.7682495117188, + 385.6953430175781, + 0.20343944430351257, + 863.5651245117188, + 439.47137451171875, + 0.06524865329265594 + ], + "scale": [ + 5.162500381469727, + 6.883333206176758 + ], + "score": 0.7229662915070851 + }, + { + "category_id": 1, + "center": [ + 481.0, + 242.0 + ], + "image_id": 20506986200, + "keypoints": [ + 269.9843444824219, + 30.984352111816406, + 0.8836439847946167, + 247.17184448242188, + -3.2344024181365967, + 0.5686742067337036, + 212.95309448242188, + 19.578100204467773, + 0.8874456882476807, + 281.3905944824219, + 8.171849250793457, + 0.002618683036416769, + 121.70308685302734, + 99.42185974121094, + 0.9236557483673096, + 235.76559448242188, + 133.64060974121094, + 0.8888416290283203, + 155.92184448242188, + 304.734375, + 0.8295239210128784, + 384.046875, + 236.296875, + 0.8258055448532104, + 292.7968444824219, + 487.2344055175781, + 0.03201541677117348, + 555.140625, + 281.921875, + 0.9321944713592529, + 475.296875, + 475.8281555175781, + 0.977410078048706, + 429.671875, + 350.359375, + 0.735365629196167, + 418.265625, + 453.0156555175781, + 0.6299264430999756, + 692.015625, + 270.515625, + 0.6610046625137329, + 760.4531860351562, + 384.5781555175781, + 0.9403866529464722, + 783.2656860351562, + 373.171875, + 0.45708975195884705, + 874.5156860351562, + 475.8281555175781, + 0.16882945597171783 + ], + "scale": [ + 5.475000381469727, + 7.300000190734863 + ], + "score": 0.795783458011491 + }, + { + "category_id": 1, + "center": [ + 471.5, + 242.0 + ], + "image_id": 20507011601, + "keypoints": [ + 281.6888122558594, + 41.34244918823242, + 0.8520660400390625, + 270.8424377441406, + 8.803385734558105, + 0.7620744705200195, + 238.3033905029297, + 30.49609375, + 0.9171057939529419, + 216.6106719970703, + 41.34244918823242, + 0.004414443392306566, + 162.37890625, + 106.42057037353516, + 0.8884912729263306, + 303.3815002441406, + 128.11328125, + 0.8330869078636169, + 184.0716094970703, + 312.5013122558594, + 0.8130870461463928, + 466.0768127441406, + 171.4987030029297, + 0.8908485770225525, + 314.2278747558594, + 529.4284057617188, + 0.04158450663089752, + 650.46484375, + 117.26692962646484, + 0.9158430099487305, + 509.4622497558594, + 453.50390625, + 0.9901699423789978, + 444.3841247558594, + 355.88671875, + 0.7679846286773682, + 444.3841247558594, + 464.3502502441406, + 0.6276848316192627, + 650.46484375, + 247.4231719970703, + 0.7361618876457214, + 758.9284057617188, + 388.42578125, + 0.9032096266746521, + 780.62109375, + 388.42578125, + 0.4175196886062622, + 867.3919067382812, + 442.6575622558594, + 0.14174383878707886 + ], + "scale": [ + 5.206250190734863, + 6.941666603088379 + ], + "score": 0.8082381231444222 + }, + { + "category_id": 1, + "center": [ + 472.0, + 241.5 + ], + "image_id": 20507012901, + "keypoints": [ + 334.5390625, + 73.49217987060547, + 0.8990030288696289, + 273.4453125, + 32.76300811767578, + 0.04191109910607338, + 293.80987548828125, + 53.127593994140625, + 0.9105992913246155, + 741.8307495117188, + -79.2422103881836, + 0.001566991675645113, + 191.98696899414062, + 134.5859375, + 0.9477393627166748, + 303.9921875, + 144.76821899414062, + 0.8137080073356628, + 161.44007873535156, + 348.4140625, + 0.8084689974784851, + 477.0911560058594, + 175.31509399414062, + 0.8903601765632629, + 293.80987548828125, + 552.0599365234375, + 0.008584882132709026, + 701.1015625, + 185.4973907470703, + 0.8767094612121582, + 507.6380310058594, + 450.23699951171875, + 0.9705761671066284, + 436.3619689941406, + 368.7786560058594, + 0.8206284046173096, + 426.1796875, + 470.6015625, + 0.47323882579803467, + 660.3724365234375, + 256.7734375, + 0.6067321300506592, + 752.0130615234375, + 399.3255310058594, + 0.8401696085929871, + 772.3776245117188, + 399.3255310058594, + 0.37500354647636414, + 904.7474365234375, + 470.6015625, + 0.0775948092341423 + ], + "scale": [ + 4.887500286102295, + 6.516666412353516 + ], + "score": 0.787149000626344 + }, + { + "category_id": 1, + "center": [ + 443.0, + 240.5 + ], + "image_id": 20507013200, + "keypoints": [ + 330.3958435058594, + 59.35417938232422, + 0.9514520168304443, + 310.8125, + 20.187515258789062, + 0.039866916835308075, + 291.22918701171875, + 39.77084732055664, + 0.9682620763778687, + 232.47918701171875, + 69.14584350585938, + 0.0019818758592009544, + 193.31251525878906, + 108.31250762939453, + 0.9258936643600464, + 291.22918701171875, + 137.6875, + 0.7640672922134399, + 183.52084350585938, + 323.7291564941406, + 0.8481513261795044, + 438.1041564941406, + 167.0625, + 0.8845905065536499, + 457.6875, + 490.1874694824219, + 0.5401002168655396, + 624.1458129882812, + 88.72917938232422, + 0.9002313613891602, + 731.8541259765625, + 451.02081298828125, + 0.8945738077163696, + 438.1041564941406, + 343.3125, + 0.8165950775146484, + 438.1041564941406, + 451.02081298828125, + 0.611426055431366, + 633.9375, + 245.3958282470703, + 0.8138456344604492, + 731.8541259765625, + 402.0625, + 0.5525469183921814, + 790.6041259765625, + 372.6875, + 0.22429540753364563, + 893.4166259765625, + 455.9166564941406, + 0.06306704878807068 + ], + "scale": [ + 4.699999809265137, + 6.266666412353516 + ], + "score": 0.7640022401298795 + }, + { + "category_id": 1, + "center": [ + 481.5, + 241.5 + ], + "image_id": 20507019600, + "keypoints": [ + 276.5065002441406, + 58.667945861816406, + 0.7796663045883179, + 708.6549682617188, + 402.17059326171875, + 0.0056439973413944244, + 254.34503173828125, + 25.425756454467773, + 0.8847891092300415, + 575.6862182617188, + 402.17059326171875, + 0.005930682178586721, + 198.94137573242188, + 91.91014099121094, + 0.976773738861084, + 254.34503173828125, + 147.3137969970703, + 0.8961702585220337, + 165.69918823242188, + 324.60546875, + 0.8577148914337158, + 409.4752502441406, + 224.87890625, + 0.9238184690475464, + 298.6679382324219, + 501.89715576171875, + 0.009738659486174583, + 564.60546875, + 202.71743774414062, + 0.9177263379096985, + 509.2018127441406, + 479.7357177734375, + 0.994124174118042, + 431.63671875, + 357.84765625, + 0.7893186211585999, + 420.55596923828125, + 457.5742492675781, + 0.5683319568634033, + 642.1705932617188, + 258.12109375, + 0.6240123510360718, + 764.0586547851562, + 391.0898742675781, + 0.938799262046814, + 775.1393432617188, + 380.0091247558594, + 0.4009874761104584, + 874.8659057617188, + 501.89715576171875, + 0.1532757729291916 + ], + "scale": [ + 5.318750381469727, + 7.091666221618652 + ], + "score": 0.8117102269942944 + }, + { + "category_id": 1, + "center": [ + 468.0, + 238.5 + ], + "image_id": 20507020001, + "keypoints": [ + 284.4453125, + 15.257826805114746, + 0.8666985034942627, + 304.2890625, + 45.0234489440918, + 0.005143371410667896, + 254.67970275878906, + 5.335952281951904, + 0.8592305779457092, + 582.1015625, + 392.2890625, + 0.004861127585172653, + 195.14845275878906, + 74.78907012939453, + 0.9183938503265381, + 244.75782775878906, + 144.2421875, + 0.8381335735321045, + 165.38282775878906, + 302.9921875, + 0.8305439949035645, + 403.5078125, + 243.4609375, + 0.8778680562973022, + 294.3671875, + 541.1171875, + 0.010973941534757614, + 562.2578125, + 213.6953125, + 0.8964309692382812, + 512.6484375, + 461.7421875, + 0.9143973588943481, + 443.1953125, + 362.5234375, + 0.7927684783935547, + 433.2734375, + 471.6640625, + 0.5238250494003296, + 661.4765625, + 263.3046875, + 0.706857442855835, + 770.6171875, + 392.2890625, + 0.9510287046432495, + 770.6171875, + 392.2890625, + 0.40359246730804443, + 840.0703125, + 461.7421875, + 0.11591048538684845 + ], + "scale": [ + 4.762499809265137, + 6.349999904632568 + ], + "score": 0.7984437713256249 + }, + { + "category_id": 1, + "center": [ + 461.5, + 240.5 + ], + "image_id": 20507023700, + "keypoints": [ + 274.33203125, + 43.2148551940918, + 0.945453405380249, + 274.33203125, + -37.72263717651367, + 0.0073465947061777115, + 233.86329650878906, + 33.0976676940918, + 0.9301882982254028, + 587.96484375, + 387.19921875, + 0.002469041384756565, + 163.04298400878906, + 114.03516387939453, + 0.954719066619873, + 264.21484375, + 144.38671875, + 0.8368949890136719, + 173.16017150878906, + 316.37890625, + 0.8756809234619141, + 405.85546875, + 255.67578125, + 0.8752566576004028, + 405.85546875, + 508.6054382324219, + 0.21351711452007294, + 557.61328125, + 225.32421875, + 0.9321258664131165, + 668.90234375, + 468.13671875, + 0.8388826847076416, + 436.20703125, + 356.84765625, + 0.8042942881584167, + 426.08984375, + 458.01953125, + 0.6383339166641235, + 668.90234375, + 265.79296875, + 0.7209839820861816, + 770.07421875, + 387.19921875, + 0.9084792137145996, + 790.30859375, + 387.19921875, + 0.448506623506546, + 840.89453125, + 468.13671875, + 0.12110413610935211 + ], + "scale": [ + 4.856249809265137, + 6.474999904632568 + ], + "score": 0.7802369307194438 + }, + { + "category_id": 1, + "center": [ + 460.5, + 239.5 + ], + "image_id": 20507030400, + "keypoints": [ + 316.18359375, + 84.49349212646484, + 0.8692719340324402, + 294.8033752441406, + 31.04296875, + 0.04726460948586464, + 273.4231872558594, + 73.80338287353516, + 0.890112042427063, + 219.97265625, + 95.18359375, + 0.002041322411969304, + 187.90234375, + 148.6341094970703, + 0.9342955350875854, + 262.7330627441406, + 159.32421875, + 0.8010542392730713, + 177.2122344970703, + 351.74609375, + 0.8014054298400879, + 412.39453125, + 212.7747344970703, + 0.892254114151001, + 540.67578125, + 362.4361877441406, + 0.016847867518663406, + 572.74609375, + 276.9153747558594, + 0.924314022064209, + 626.1965942382812, + 447.95703125, + 0.023461833596229553, + 444.46484375, + 351.74609375, + 0.7538611888885498, + 423.0846252441406, + 469.3372497558594, + 0.5739325284957886, + 679.6471557617188, + 287.60546875, + 0.5288628935813904, + 765.16796875, + 383.81640625, + 0.8775146007537842, + 797.23828125, + 394.5065002441406, + 0.3952067494392395, + 850.6887817382812, + 469.3372497558594, + 0.12319176644086838 + ], + "scale": [ + 5.131249904632568, + 6.8416666984558105 + ], + "score": 0.7701737731695175 + }, + { + "category_id": 1, + "center": [ + 433.0, + 241.5 + ], + "image_id": 20507031000, + "keypoints": [ + 328.546875, + 77.359375, + 0.9339311122894287, + 308.6510314941406, + 27.61979103088379, + 0.01144433207809925, + 288.7552185058594, + 67.41146087646484, + 0.9615505933761597, + 597.140625, + 415.5885314941406, + 0.003265614854171872, + 189.2760467529297, + 127.09896087646484, + 0.950697124004364, + 239.015625, + 156.9427032470703, + 0.6722777485847473, + 189.2760467529297, + 336.0052185058594, + 0.8081982135772705, + 428.0260314941406, + 216.6302032470703, + 0.8027236461639404, + 428.0260314941406, + 475.2760314941406, + 0.6417937278747559, + 587.1926879882812, + 296.2135314941406, + 0.8627586364746094, + 437.9739685058594, + 256.421875, + 0.8641127347946167, + 428.0260314941406, + 345.953125, + 0.5472252368927002, + 428.0260314941406, + 465.328125, + 0.5243118405342102, + 706.5676879882812, + 276.3177185058594, + 0.44685304164886475, + 776.203125, + 385.7447814941406, + 0.8701536655426025, + 786.1510620117188, + 385.7447814941406, + 0.33923080563545227, + 890.6041870117188, + 500.1458435058594, + 0.102763831615448 + ], + "scale": [ + 4.775000095367432, + 6.366666793823242 + ], + "score": 0.730415580528123 + }, + { + "category_id": 1, + "center": [ + 469.5, + 241.0 + ], + "image_id": 20507044000, + "keypoints": [ + 308.2434997558594, + 48.532562255859375, + 0.9254680275917053, + 287.43621826171875, + -3.4856622219085693, + 0.020697150379419327, + 266.62890625, + 27.72527313232422, + 0.9540960788726807, + 589.1419067382812, + 391.85284423828125, + 0.005109149031341076, + 172.99610900878906, + 90.14714813232422, + 0.9514718651771545, + 256.22528076171875, + 142.16537475585938, + 0.8396526575088501, + 183.39974975585938, + 308.6236877441406, + 0.8388755917549133, + 381.06903076171875, + 267.0091247558594, + 0.8119300007820129, + 391.47265625, + 495.8893127441406, + 0.18603789806365967, + 537.1237182617188, + 256.60546875, + 0.8692885637283325, + 630.7565307617188, + 475.08203125, + 0.5609143972396851, + 422.68359375, + 350.23828125, + 0.7446066737174988, + 422.68359375, + 443.87109375, + 0.6539263129234314, + 661.9674072265625, + 267.0091247558594, + 0.6657456159591675, + 755.6002197265625, + 371.0455627441406, + 0.8629684448242188, + 766.00390625, + 381.44921875, + 0.453818142414093, + 838.8294067382812, + 475.08203125, + 0.1797580122947693 + ], + "scale": [ + 4.993749618530273, + 6.658333778381348 + ], + "score": 0.7794432594225957 + }, + { + "category_id": 1, + "center": [ + 439.5, + 239.5 + ], + "image_id": 20507054401, + "keypoints": [ + 278.64715576171875, + 57.891937255859375, + 0.9163373112678528, + 278.64715576171875, + 26.75912857055664, + 0.007116096559911966, + 237.13673400878906, + 47.51433563232422, + 0.9298264980316162, + 558.8424682617188, + 400.35284423828125, + 0.003193337470293045, + 164.49349975585938, + 130.53515625, + 0.9206402897834778, + 268.26953125, + 161.66796875, + 0.8250869512557983, + 164.49349975585938, + 338.08721923828125, + 0.8527176976203918, + 413.5559997558594, + 223.93359375, + 0.8732181787490845, + 351.2903747558594, + 493.75128173828125, + 0.0342840738594532, + 569.2200317382812, + 203.1783905029297, + 0.8831452131271362, + 631.4856567382812, + 483.3736877441406, + 0.41725510358810425, + 444.6888122558594, + 358.8424377441406, + 0.7723991870880127, + 434.3111877441406, + 462.61846923828125, + 0.6545333862304688, + 662.6184692382812, + 255.06640625, + 0.6645488739013672, + 756.0169067382812, + 369.22003173828125, + 0.904038667678833, + 776.7720947265625, + 379.59765625, + 0.3660832643508911, + 797.52734375, + 472.99609375, + 0.19736585021018982 + ], + "scale": [ + 4.981249809265137, + 6.641666889190674 + ], + "score": 0.7676792786671565 + }, + { + "category_id": 1, + "center": [ + 460.5, + 241.0 + ], + "image_id": 20507055601, + "keypoints": [ + 321.80859375, + 92.03515625, + 0.873939037322998, + 280.71484375, + 40.66796875, + 0.12096203118562698, + 280.71484375, + 81.76171875, + 0.9078235626220703, + 578.64453125, + 389.96484375, + 0.003292592940852046, + 188.25390625, + 163.94921875, + 0.9356826543807983, + 290.98828125, + 143.40234375, + 0.794282078742981, + 198.52734375, + 338.59765625, + 0.8432943820953369, + 455.36328125, + 184.49609375, + 0.8586585521697998, + 393.72265625, + 502.97265625, + 0.11051152646541595, + 650.55859375, + 215.31640625, + 0.8717187643051147, + 609.46484375, + 461.87890625, + 0.6258540749549866, + 445.08984375, + 338.59765625, + 0.6920921802520752, + 434.81640625, + 441.33203125, + 0.6393184065818787, + 660.83203125, + 246.13671875, + 0.49780791997909546, + 763.56640625, + 379.69140625, + 0.8755902051925659, + 773.83984375, + 400.23828125, + 0.4440622627735138, + 804.66015625, + 451.60546875, + 0.13570785522460938 + ], + "scale": [ + 4.931250095367432, + 6.575000286102295 + ], + "score": 0.758471083182555 + }, + { + "category_id": 1, + "center": [ + 455.0, + 240.5 + ], + "image_id": 20507056001, + "keypoints": [ + 322.5130310058594, + 76.21614837646484, + 0.866747260093689, + 290.7161560058594, + 33.8203125, + 0.05617113783955574, + 280.1171875, + 76.21614837646484, + 0.9099360704421997, + 227.1223907470703, + 97.4140625, + 0.0021603319328278303, + 195.3255157470703, + 150.4088592529297, + 0.9541753530502319, + 290.7161560058594, + 150.4088592529297, + 0.7954262495040894, + 174.1276092529297, + 362.3880310058594, + 0.7975224256515503, + 470.8984375, + 171.6067657470703, + 0.8630402684211731, + 386.1067810058594, + 553.1692504882812, + 0.01752384752035141, + 693.4765625, + 192.8046875, + 0.8922379016876221, + 555.6901245117188, + 447.1796875, + 0.9271595478057861, + 439.1015625, + 351.7890625, + 0.771075963973999, + 449.7005310058594, + 468.3775939941406, + 0.49983370304107666, + 651.0807495117188, + 235.2005157470703, + 0.6134204268455505, + 767.6692504882812, + 394.1849060058594, + 0.8867160081863403, + 778.2682495117188, + 404.7838439941406, + 0.33507776260375977, + 841.8619995117188, + 510.7734375, + 0.13818706572055817 + ], + "scale": [ + 5.087500095367432, + 6.7833333015441895 + ], + "score": 0.7778745339466975 + }, + { + "category_id": 1, + "center": [ + 495.0, + 242.5 + ], + "image_id": 20507056401, + "keypoints": [ + 302.5, + 61.66666793823242, + 0.9329580068588257, + 314.1666564941406, + 3.3333332538604736, + 0.0076065631583333015, + 255.8333282470703, + 50.0, + 0.9557530879974365, + 477.5, + 131.6666717529297, + 0.008018865250051022, + 185.8333282470703, + 131.6666717529297, + 0.961588978767395, + 279.1666564941406, + 155.0, + 0.8411891460418701, + 162.5, + 353.3333435058594, + 0.8420976400375366, + 442.5, + 166.6666717529297, + 0.8609538078308105, + 325.8333435058594, + 598.3333129882812, + 0.01113958191126585, + 629.1666870117188, + 85.0, + 0.8506126403808594, + 570.8333129882812, + 470.0, + 0.9579501748085022, + 442.5, + 365.0, + 0.828407883644104, + 430.8333435058594, + 470.0, + 0.4097325801849365, + 664.1666870117188, + 260.0, + 0.8909660577774048, + 780.8333129882812, + 400.0, + 0.9459984302520752, + 792.5, + 388.3333435058594, + 0.4948943257331848, + 874.1666870117188, + 458.3333435058594, + 0.21619439125061035 + ], + "scale": [ + 5.599999904632568, + 7.4666666984558105 + ], + "score": 0.7849497965403965 + }, + { + "category_id": 1, + "center": [ + 438.5, + 242.5 + ], + "image_id": 20507056700, + "keypoints": [ + 301.6184997558594, + 61.81640625, + 0.9578499794006348, + 301.6184997558594, + 18.01432228088379, + 0.005280626472085714, + 268.7669372558594, + 50.86588668823242, + 0.9270963072776794, + 246.8658905029297, + 94.66796875, + 0.003532868344336748, + 181.1627655029297, + 127.51953125, + 0.9477425813674927, + 268.7669372558594, + 149.4205780029297, + 0.8755385875701904, + 170.2122344970703, + 346.5299377441406, + 0.8518869280815125, + 433.0247497558594, + 182.2721405029297, + 0.9128731489181519, + 323.51953125, + 565.5403442382812, + 0.011867722496390343, + 619.18359375, + 105.61849212646484, + 0.9490287899971008, + 575.3815307617188, + 456.03515625, + 0.9703346490859985, + 443.9752502441406, + 357.48046875, + 0.8251742720603943, + 433.0247497558594, + 466.9856872558594, + 0.5101238489151001, + 652.03515625, + 237.0247344970703, + 0.812179684638977, + 772.4909057617188, + 401.2825622558594, + 0.92039555311203, + 750.58984375, + 401.2825622558594, + 0.3354037404060364, + 871.0455932617188, + 466.9856872558594, + 0.09980802237987518 + ], + "scale": [ + 5.256249904632568, + 7.008333206176758 + ], + "score": 0.8304329285254846 + }, + { + "category_id": 1, + "center": [ + 469.5, + 240.5 + ], + "image_id": 20507057800, + "keypoints": [ + 280.65234375, + 51.65234375, + 0.8812609314918518, + 269.20703125, + -74.24609375, + 0.00549759715795517, + 246.31640625, + 40.20703125, + 0.9263954758644104, + 612.56640625, + 417.90234375, + 0.006155793089419603, + 189.08984375, + 97.43359375, + 0.934389591217041, + 269.20703125, + 154.66015625, + 0.9007048606872559, + 166.19921875, + 349.23046875, + 0.8366008400917053, + 440.88671875, + 177.55078125, + 0.8788431286811829, + 292.09765625, + 509.46484375, + 0.007759579923003912, + 612.56640625, + 120.32421875, + 0.9472601413726807, + 566.78515625, + 463.68359375, + 0.925323486328125, + 440.88671875, + 360.67578125, + 0.8018261194229126, + 440.88671875, + 463.68359375, + 0.5114421248435974, + 669.79296875, + 257.66796875, + 0.66569983959198, + 761.35546875, + 395.01171875, + 0.9116885662078857, + 772.80078125, + 383.56640625, + 0.400937020778656, + 875.80859375, + 509.46484375, + 0.14122885465621948 + ], + "scale": [ + 5.493750095367432, + 7.325000286102295 + ], + "score": 0.8094132405060989 + }, + { + "category_id": 1, + "center": [ + 470.5, + 243.5 + ], + "image_id": 20507059300, + "keypoints": [ + 310.2070617675781, + 72.1523666381836, + 0.9147377014160156, + 277.0429992675781, + 27.933618545532227, + 0.1666516214609146, + 265.9883117675781, + 50.042991638183594, + 0.9399577379226685, + 597.62890625, + 414.8476257324219, + 0.0036790375597774982, + 166.49612426757812, + 116.37110900878906, + 0.9239960312843323, + 277.0429992675781, + 149.53517150878906, + 0.8247592449188232, + 177.55081176757812, + 348.51953125, + 0.8221200704574585, + 442.86328125, + 160.58985900878906, + 0.8830225467681885, + 365.48046875, + 514.3397827148438, + 0.006235382054001093, + 630.79296875, + 94.26173400878906, + 0.857105016708374, + 564.46484375, + 448.0116882324219, + 0.9659664630889893, + 442.86328125, + 359.57421875, + 0.8137351274490356, + 442.86328125, + 459.0663757324219, + 0.42172688245773315, + 652.90234375, + 237.97265625, + 0.7910381555557251, + 774.5038452148438, + 381.6835632324219, + 0.8670132756233215, + 785.5585327148438, + 392.7382507324219, + 0.4431310296058655, + 862.9413452148438, + 503.2851257324219, + 0.08758410811424255 + ], + "scale": [ + 5.306249618530273, + 7.074999809265137 + ], + "score": 0.8052545602505023 + }, + { + "category_id": 1, + "center": [ + 472.5, + 240.5 + ], + "image_id": 20507059601, + "keypoints": [ + 319.7591247558594, + 66.69140625, + 0.9037169218063354, + 288.1575622558594, + 24.55599021911621, + 0.21043533086776733, + 267.08984375, + 45.62369918823242, + 0.9379613995552063, + 214.4205780029297, + 45.62369918823242, + 0.002018506405875087, + 172.28515625, + 108.82682037353516, + 0.9136888980865479, + 277.6236877441406, + 140.4283905029297, + 0.7830537557601929, + 182.8190155029297, + 340.5716247558594, + 0.8041479587554932, + 456.69921875, + 161.49609375, + 0.8337841033935547, + 393.49609375, + 540.71484375, + 0.054058730602264404, + 677.91015625, + 129.89453125, + 0.9252523183822632, + 562.0377807617188, + 435.3763122558594, + 0.9719502925872803, + 435.6315002441406, + 351.10546875, + 0.7832236289978027, + 425.09765625, + 466.9778747558594, + 0.578235387802124, + 667.3762817382812, + 245.7669219970703, + 0.7363635301589966, + 762.1809692382812, + 393.2408752441406, + 0.8867274522781372, + 772.71484375, + 393.2408752441406, + 0.4042629599571228, + 856.9856567382812, + 488.0455627441406, + 0.2380455881357193 + ], + "scale": [ + 5.056250095367432, + 6.741666793823242 + ], + "score": 0.7273899684349696 + }, + { + "category_id": 1, + "center": [ + 485.5, + 240.5 + ], + "image_id": 20507060401, + "keypoints": [ + 312.55078125, + 57.06901168823242, + 0.9091966152191162, + 291.5872497558594, + 4.66015625, + 0.08519026637077332, + 270.6236877441406, + 36.10546875, + 0.9401320219039917, + 616.5221557617188, + 402.9674377441406, + 0.004096928518265486, + 176.2877655029297, + 98.99609375, + 0.9407541751861572, + 281.10546875, + 140.9231719970703, + 0.8089801073074341, + 186.76953125, + 329.5950622558594, + 0.8395543694496155, + 459.2955627441406, + 172.3684844970703, + 0.8628454208374023, + 343.99609375, + 560.1940307617188, + 0.040422454476356506, + 679.4127807617188, + 130.44140625, + 0.9238483905792236, + 553.6315307617188, + 434.4127502441406, + 0.9663097858428955, + 438.33203125, + 361.0403747558594, + 0.7932091355323792, + 427.8502502441406, + 465.8580627441406, + 0.4970961809158325, + 668.9309692382812, + 256.22265625, + 0.7355335354804993, + 763.2669067382812, + 392.4856872558594, + 0.9394711256027222, + 763.2669067382812, + 402.9674377441406, + 0.39898818731307983, + 868.0846557617188, + 518.2669067382812, + 0.22077858448028564 + ], + "scale": [ + 5.03125, + 6.708333492279053 + ], + "score": 0.7697641168321881 + }, + { + "category_id": 1, + "center": [ + 472.0, + 242.0 + ], + "image_id": 20507060800, + "keypoints": [ + 303.9921875, + 53.627593994140625, + 0.9031029939651489, + 283.6275939941406, + 23.08071517944336, + 0.22278408706188202, + 263.26300048828125, + 33.26300811767578, + 0.9414423704147339, + 263.26300048828125, + -27.830745697021484, + 0.002164350589737296, + 161.44007873535156, + 104.53905487060547, + 0.9387131929397583, + 273.4453125, + 135.0859375, + 0.8124706149101257, + 181.80467224121094, + 318.3671875, + 0.8328988552093506, + 446.5442810058594, + 175.81509399414062, + 0.8541483879089355, + 385.45050048828125, + 532.1953125, + 0.048301536589860916, + 670.5546875, + 165.6328125, + 0.8870853185653687, + 548.3671875, + 440.5546875, + 0.9620304703712463, + 426.1796875, + 359.09637451171875, + 0.7683274745941162, + 415.9974060058594, + 460.9192810058594, + 0.4780800938606262, + 660.3724365234375, + 267.4557189941406, + 0.6813309192657471, + 752.0130615234375, + 389.64324951171875, + 0.8530818223953247, + 762.1953125, + 389.64324951171875, + 0.3640981912612915, + 843.6536865234375, + 501.6484680175781, + 0.12819693982601166 + ], + "scale": [ + 4.887500286102295, + 6.516666412353516 + ], + "score": 0.7499710566231182 + }, + { + "category_id": 1, + "center": [ + 475.0, + 242.0 + ], + "image_id": 20507061500, + "keypoints": [ + 290.4296875, + 46.8828125, + 0.8760653138160706, + 269.3359375, + 15.2421875, + 0.32270485162734985, + 258.7890625, + 36.3359375, + 0.9491965770721436, + 216.6015625, + 57.4296875, + 0.004094654694199562, + 174.4140625, + 110.1640625, + 0.9088120460510254, + 269.3359375, + 131.2578125, + 0.8352450132369995, + 184.9609375, + 310.5546875, + 0.8515287041664124, + 448.6328125, + 183.9921875, + 0.9167174100875854, + 364.2578125, + 521.4921875, + 0.10271139442920685, + 659.5703125, + 173.4453125, + 0.7864258289337158, + 554.1015625, + 437.1171875, + 0.9779783487319946, + 438.0859375, + 352.7421875, + 0.7501295804977417, + 438.0859375, + 468.7578125, + 0.6173439025878906, + 670.1171875, + 257.8203125, + 0.697300374507904, + 743.9453125, + 394.9296875, + 0.9567830562591553, + 754.4921875, + 405.4765625, + 0.3901543617248535, + 891.6015625, + 458.2109375, + 0.13166910409927368 + ], + "scale": [ + 5.0625, + 6.75 + ], + "score": 0.7740275263786316 + }, + { + "category_id": 1, + "center": [ + 433.5, + 238.0 + ], + "image_id": 20507068200, + "keypoints": [ + 254.1705780029297, + 38.1757926940918, + 0.9399855136871338, + 243.92318725585938, + -13.061182022094727, + 0.037405066192150116, + 213.18099975585938, + 27.92839813232422, + 0.9671465158462524, + 551.3450317382812, + 396.8346252441406, + 0.0069075399078428745, + 141.44923400878906, + 109.90756225585938, + 0.9674633145332336, + 243.92318725585938, + 140.64974975585938, + 0.8032078742980957, + 161.94403076171875, + 335.3502502441406, + 0.807553231716156, + 397.6341247558594, + 202.1341094970703, + 0.889939546585083, + 305.4075622558594, + 478.81378173828125, + 0.014215894974768162, + 582.0872192382812, + 191.88671875, + 0.9164072275161743, + 479.61328125, + 458.3190002441406, + 0.9276902675628662, + 428.3763122558594, + 355.84503173828125, + 0.7361983060836792, + 428.3763122558594, + 458.3190002441406, + 0.6364926099777222, + 653.8189697265625, + 253.37109375, + 0.7618255615234375, + 766.5403442382812, + 386.58721923828125, + 0.9282587766647339, + 776.7877197265625, + 396.8346252441406, + 0.4235069155693054, + 858.7669067382812, + 458.3190002441406, + 0.09999532997608185 + ], + "scale": [ + 4.918749809265137, + 6.558332920074463 + ], + "score": 0.8235135124279902 + }, + { + "category_id": 1, + "center": [ + 470.5, + 242.0 + ], + "image_id": 20507069300, + "keypoints": [ + 262.04296875, + 44.23307418823242, + 0.9063307046890259, + 240.6627655029297, + 12.162760734558105, + 0.11070887744426727, + 219.2825469970703, + 33.54296875, + 0.9453840255737305, + 593.4362182617188, + 407.6966247558594, + 0.0045563229359686375, + 144.4518280029297, + 119.06380462646484, + 0.9588853120803833, + 240.6627655029297, + 140.4440155029297, + 0.8733130693435669, + 165.83203125, + 322.17578125, + 0.8354586362838745, + 401.0143127441406, + 204.5846405029297, + 0.92585289478302, + 304.8033752441406, + 557.3580932617188, + 0.02983802929520607, + 582.74609375, + 193.89453125, + 0.8832005858421326, + 486.53515625, + 461.1471252441406, + 1.0262527465820312, + 433.0846252441406, + 343.5559997558594, + 0.7099535465240479, + 433.0846252441406, + 461.1471252441406, + 0.6501708030700684, + 646.88671875, + 247.3450469970703, + 0.7332574129104614, + 775.16796875, + 375.6263122558594, + 0.9190596342086792, + 785.8580932617188, + 375.6263122558594, + 0.44338420033454895, + 860.6887817382812, + 439.7669372558594, + 0.08865232765674591 + ], + "scale": [ + 5.131249904632568, + 6.8416666984558105 + ], + "score": 0.8315771978635055 + }, + { + "category_id": 1, + "center": [ + 475.0, + 241.5 + ], + "image_id": 20507073601, + "keypoints": [ + 288.5546875, + 44.9765739440918, + 0.8932458162307739, + 258.3203125, + 14.742201805114746, + 0.14037397503852844, + 238.16407775878906, + 34.8984489440918, + 0.9610123634338379, + 550.5859375, + 276.7734375, + 0.007607722654938698, + 147.46095275878906, + 115.52344512939453, + 0.9489322900772095, + 248.24220275878906, + 145.7578125, + 0.8586645126342773, + 187.77345275878906, + 327.1640625, + 0.83051598072052, + 419.5703125, + 226.3828125, + 0.9075325727462769, + 419.5703125, + 508.5702819824219, + 0.11178328841924667, + 580.8203125, + 165.9140625, + 0.8525938987731934, + 681.6015625, + 468.2578125, + 0.8463929891586304, + 439.7265625, + 347.3203125, + 0.74168461561203, + 429.6484375, + 448.1015625, + 0.6282196640968323, + 651.3671875, + 236.4609375, + 0.5843517780303955, + 762.2265625, + 367.4765625, + 0.9080967903137207, + 772.3046875, + 367.4765625, + 0.4912019670009613, + 822.6953125, + 468.2578125, + 0.11980651319026947 + ], + "scale": [ + 4.837499618530273, + 6.449999809265137 + ], + "score": 0.8040342491406661 + }, + { + "category_id": 1, + "center": [ + 484.5, + 241.5 + ], + "image_id": 20507074001, + "keypoints": [ + 283.3606872558594, + 127.33984375, + 0.8907807469367981, + 294.2330627441406, + 72.97786712646484, + 0.9817139506340027, + 228.9987030029297, + 105.59505462646484, + 0.9204397201538086, + 294.2330627441406, + 51.23307418823242, + 0.027020161971449852, + 152.8919219970703, + 138.2122344970703, + 0.9634027481079102, + 315.9778747558594, + 138.2122344970703, + 0.8326890468597412, + 207.25390625, + 344.7877502441406, + 0.814899206161499, + 457.3190002441406, + 214.3190155029297, + 0.9005258083343506, + 402.95703125, + 518.74609375, + 0.08858741819858551, + 620.4049682617188, + 290.42578125, + 0.8974255323410034, + 674.7669067382812, + 464.3841247558594, + 0.8332515954971313, + 446.4466247558594, + 366.5325622558594, + 0.7277576923370361, + 424.7018127441406, + 442.6393127441406, + 0.5048943758010864, + 707.3840942382812, + 290.42578125, + 0.5554776787757874, + 740.0012817382812, + 399.1497497558594, + 0.5653625726699829, + 783.4909057617188, + 399.1497497558594, + 0.3033819794654846, + 794.36328125, + 399.1497497558594, + 0.06765280663967133 + ], + "scale": [ + 5.21875, + 6.9583330154418945 + ], + "score": 0.7637144752911159 + }, + { + "category_id": 1, + "center": [ + 476.0, + 242.0 + ], + "image_id": 20507074400, + "keypoints": [ + 291.4817810058594, + 107.3515625, + 0.890576958656311, + 281.5078125, + 47.5078125, + 0.9431530237197876, + 231.6380157470703, + 87.40364837646484, + 0.9638513326644897, + 301.4557189941406, + 7.611979007720947, + 0.048724375665187836, + 151.8463592529297, + 117.32552337646484, + 0.9430618286132812, + 291.4817810058594, + 117.32552337646484, + 0.743377685546875, + 211.6901092529297, + 316.8046875, + 0.7972999811172485, + 471.0130310058594, + 147.2473907470703, + 0.9046635627746582, + 421.1432189941406, + 506.3099060058594, + 0.27712565660476685, + 680.4661254882812, + 97.37760162353516, + 0.9212672710418701, + 680.4661254882812, + 456.4400939941406, + 0.7938041687011719, + 431.1171875, + 336.7525939941406, + 0.7103444337844849, + 431.1171875, + 446.4661560058594, + 0.6552864909172058, + 660.5182495117188, + 246.9869842529297, + 0.6799856424331665, + 750.2838745117188, + 366.6744689941406, + 0.9173792600631714, + 760.2578125, + 376.6484375, + 0.463916540145874, + 780.2057495117188, + 456.4400939941406, + 0.08256850391626358 + ], + "scale": [ + 4.787499904632568, + 6.383333206176758 + ], + "score": 0.7736729224522908 + }, + { + "category_id": 1, + "center": [ + 468.0, + 240.0 + ], + "image_id": 20507074801, + "keypoints": [ + 330.5390625, + 82.17446899414062, + 0.8408279418945312, + 289.80987548828125, + 31.26300811767578, + 0.0914471372961998, + 289.80987548828125, + 71.99217987060547, + 0.9001479148864746, + 544.3671875, + 285.8203125, + 0.002439974108710885, + 187.98696899414062, + 133.0859375, + 0.9181699752807617, + 269.4453125, + 143.26821899414062, + 0.7416514158248901, + 208.35154724121094, + 316.3671875, + 0.8433732986450195, + 442.5442810058594, + 143.26821899414062, + 0.9327751994132996, + 432.3619689941406, + 499.6484680175781, + 0.2736877202987671, + 625.8255004882812, + 82.17446899414062, + 0.9113665223121643, + 676.7369995117188, + 448.73699951171875, + 0.8662999868392944, + 432.3619689941406, + 326.54949951171875, + 0.7188440561294556, + 432.3619689941406, + 438.5546875, + 0.7216107845306396, + 646.1901245117188, + 245.0911407470703, + 0.8092774152755737, + 758.1953125, + 367.2786560058594, + 0.930560827255249, + 768.3776245117188, + 367.2786560058594, + 0.47076961398124695, + 829.4713745117188, + 469.1015625, + 0.09981502592563629 + ], + "scale": [ + 4.887500286102295, + 6.516666412353516 + ], + "score": 0.7770973337548119 + }, + { + "category_id": 1, + "center": [ + 442.5, + 238.5 + ], + "image_id": 20507075201, + "keypoints": [ + 332.1419372558594, + 89.75652313232422, + 0.8677046298980713, + 293.75653076171875, + 41.77475357055664, + 0.0598510280251503, + 284.16015625, + 80.16016387939453, + 0.9029765725135803, + 236.17840576171875, + 137.73828125, + 0.0019164899131283164, + 197.79298400878906, + 156.93099975585938, + 0.9572165012359619, + 284.16015625, + 147.3346405029297, + 0.7541459798812866, + 169.00392150878906, + 348.8580627441406, + 0.7764520645141602, + 456.89453125, + 137.73828125, + 0.8606528043746948, + 380.1236877441406, + 559.9778442382812, + 0.015591188333928585, + 658.41796875, + 80.16016387939453, + 0.9027069211006165, + 552.8580932617188, + 444.82159423828125, + 0.9874844551086426, + 428.10546875, + 348.8580627441406, + 0.8117110729217529, + 437.7018127441406, + 464.0143127441406, + 0.47264963388442993, + 639.2252197265625, + 233.7018280029297, + 0.7958370447158813, + 763.9778442382812, + 396.83984375, + 0.8963069319725037, + 773.57421875, + 396.83984375, + 0.43295592069625854, + 869.5377197265625, + 483.2070007324219, + 0.14958427846431732 + ], + "scale": [ + 4.606249809265137, + 6.141666889190674 + ], + "score": 0.8014461948321416 + }, + { + "category_id": 1, + "center": [ + 450.5, + 240.0 + ], + "image_id": 20507075500, + "keypoints": [ + 306.8216247558594, + 66.59505462646484, + 0.9395918250083923, + 267.1861877441406, + 17.05078125, + 0.01374642364680767, + 267.1861877441406, + 46.77734375, + 0.9235187768936157, + 207.7330780029297, + 66.59505462646484, + 0.002500763861462474, + 178.0065155029297, + 116.13932037353516, + 0.9494123458862305, + 267.1861877441406, + 155.7747344970703, + 0.7962862253189087, + 168.09765625, + 334.1341247558594, + 0.7847722768783569, + 425.7278747558594, + 165.68359375, + 0.8714560270309448, + 277.0950622558594, + 532.3112182617188, + 0.010988442227244377, + 613.99609375, + 106.23046875, + 0.9001010656356812, + 514.9075317382812, + 472.8580627441406, + 0.8907288312911987, + 425.7278747558594, + 353.9518127441406, + 0.8412309885025024, + 425.7278747558594, + 462.94921875, + 0.5073626041412354, + 633.8137817382812, + 244.9544219970703, + 0.793521523475647, + 772.5377807617188, + 393.5872497558594, + 0.922012448310852, + 782.4465942382812, + 393.5872497558594, + 0.44035667181015015, + 891.4440307617188, + 482.7669372558594, + 0.1705734133720398 + ], + "scale": [ + 4.756249904632568, + 6.3416666984558105 + ], + "score": 0.8123347392449012 + }, + { + "category_id": 1, + "center": [ + 471.0, + 240.0 + ], + "image_id": 20507075800, + "keypoints": [ + 292.6796875, + 61.6796875, + 0.9327213764190674, + 681.7421875, + 396.7057189941406, + 0.007967935875058174, + 260.2578125, + 40.06510543823242, + 0.9555426836013794, + 606.0911254882812, + 407.5130310058594, + 0.006955811288207769, + 173.7994842529297, + 115.71614837646484, + 0.9614020586013794, + 260.2578125, + 148.1380157470703, + 0.8745187520980835, + 162.9921875, + 342.6692810058594, + 0.8300080299377441, + 422.3671875, + 202.1744842529297, + 0.9207227230072021, + 314.2942810058594, + 558.8151245117188, + 0.021574804559350014, + 595.2838745117188, + 148.1380157470703, + 0.9022341370582581, + 530.4401245117188, + 461.5494689941406, + 0.9315103888511658, + 433.1744689941406, + 364.2838439941406, + 0.8063951730728149, + 422.3671875, + 472.3567810058594, + 0.5605320930480957, + 660.1276245117188, + 256.2109375, + 0.7219535112380981, + 779.0078125, + 407.5130310058594, + 0.8663135170936584, + 779.0078125, + 396.7057189941406, + 0.46120578050613403, + 865.4661254882812, + 504.7786560058594, + 0.16035902500152588 + ], + "scale": [ + 5.1875, + 6.916666507720947 + ], + "score": 0.8250046326563909 + }, + { + "category_id": 1, + "center": [ + 483.0, + 240.0 + ], + "image_id": 20507079100, + "keypoints": [ + 263.3125, + 44.0625, + 0.907953143119812, + 227.6875, + 20.3125, + 0.04425062984228134, + 227.6875, + 32.1875, + 0.9648039937019348, + 465.1875, + 127.1875, + 0.006526717450469732, + 144.5625, + 115.3125, + 0.9319328665733337, + 251.4375, + 150.9375, + 0.8853242993354797, + 156.4375, + 340.9375, + 0.8474339246749878, + 429.5625, + 174.6875, + 0.8956896066665649, + 298.9375, + 507.1875, + 0.02188570238649845, + 607.6875, + 115.3125, + 0.8972460031509399, + 524.5625, + 447.8125, + 0.9741498827934265, + 429.5625, + 352.8125, + 0.7751082181930542, + 429.5625, + 459.6875, + 0.5853331089019775, + 655.1875, + 222.1875, + 0.7716464400291443, + 773.9375, + 400.3125, + 0.9728763103485107, + 785.8125, + 388.4375, + 0.4700137674808502, + 904.5625, + 483.4375, + 0.15715858340263367 + ], + "scale": [ + 5.699999809265137, + 7.599999904632568 + ], + "score": 0.8368855049976935 + }, + { + "category_id": 1, + "center": [ + 463.0, + 240.5 + ], + "image_id": 20507081601, + "keypoints": [ + 315.6953125, + 93.1953125, + 0.8822191953659058, + 304.7838439941406, + 60.4609375, + 0.02198643796145916, + 282.9609375, + 71.37239837646484, + 0.9380648732185364, + 239.3151092529297, + 49.54948043823242, + 0.0019916833844035864, + 195.6692657470703, + 104.10677337646484, + 0.9285597801208496, + 261.1380310058594, + 158.6640625, + 0.8488192558288574, + 162.9348907470703, + 322.3359375, + 0.8744215965270996, + 413.8984375, + 191.3984375, + 0.9021005630493164, + 381.1640625, + 507.8307189941406, + 0.2843109369277954, + 610.3046875, + 136.8411407470703, + 0.9065135717391968, + 533.9244995117188, + 365.9817810058594, + 0.948526918888092, + 435.7213439941406, + 355.0703125, + 0.7832294702529907, + 435.7213439941406, + 453.2734375, + 0.5473538041114807, + 621.2161254882812, + 267.7786560058594, + 0.5871996283531189, + 752.1536254882812, + 387.8046875, + 0.8669753074645996, + 773.9765625, + 387.8046875, + 0.3768683671951294, + 861.2682495117188, + 496.9192810058594, + 0.08282738924026489 + ], + "scale": [ + 5.237500190734863, + 6.983333110809326 + ], + "score": 0.7625116620744977 + }, + { + "category_id": 1, + "center": [ + 453.5, + 241.0 + ], + "image_id": 20507082400, + "keypoints": [ + 280.98046875, + 47.56902313232422, + 0.897287130355835, + 291.43621826171875, + -15.165349006652832, + 0.0063766310922801495, + 249.61329650878906, + 37.1132926940918, + 0.9091644287109375, + 531.91796875, + 277.5950622558594, + 0.004232262261211872, + 186.87892150878906, + 110.30339050292969, + 0.9529226422309875, + 260.06903076171875, + 152.12631225585938, + 0.8835304975509644, + 155.51173400878906, + 319.41796875, + 0.8476989269256592, + 427.3606872558594, + 173.0377655029297, + 0.9047554731369019, + 280.98046875, + 486.7096252441406, + 0.032456912100315094, + 605.1080932617188, + 131.21484375, + 0.9169960618019104, + 427.3606872558594, + 423.9752502441406, + 0.021802982315421104, + 437.81640625, + 329.8736877441406, + 0.7537989616394043, + 448.2721252441406, + 444.88671875, + 0.7721906900405884, + 636.4752197265625, + 235.7721405029297, + 0.7362529039382935, + 772.3997192382812, + 403.06378173828125, + 0.9281883239746094, + 772.3997192382812, + 403.06378173828125, + 0.45935600996017456, + 876.95703125, + 476.25390625, + 0.19990292191505432 + ], + "scale": [ + 5.018749713897705, + 6.691666603088379 + ], + "score": 0.8301785041888555 + }, + { + "category_id": 1, + "center": [ + 462.0, + 241.0 + ], + "image_id": 20507008800, + "keypoints": [ + 254.8385467529297, + 45.03645706176758, + 0.9052987694740295, + 221.2447967529297, + 0.2447916716337204, + 0.04801268130540848, + 221.2447967529297, + 22.640625, + 0.9484632015228271, + 601.9739379882812, + 425.765625, + 0.0035591721534729004, + 131.6614532470703, + 101.02603912353516, + 0.9383158683776855, + 243.640625, + 134.6197967529297, + 0.8403571248054504, + 165.2552032470703, + 313.7864685058594, + 0.8462777733802795, + 411.609375, + 201.8072967529297, + 0.9197298288345337, + 299.6302185058594, + 526.546875, + 0.028252344578504562, + 590.7760620117188, + 190.609375, + 0.9027211666107178, + 512.390625, + 448.1614685058594, + 0.9455016255378723, + 445.203125, + 369.7760314941406, + 0.8129905462265015, + 434.0052185058594, + 470.5572814941406, + 0.5937957763671875, + 669.1614379882812, + 257.796875, + 0.6041337251663208, + 758.7448120117188, + 392.171875, + 0.9096907377243042, + 792.3385620117188, + 380.9739685058594, + 0.3746255040168762, + 904.3176879882812, + 448.1614685058594, + 0.15354177355766296 + ], + "scale": [ + 5.375, + 7.166666507720947 + ], + "score": 0.8109155113880451 + }, + { + "category_id": 1, + "center": [ + 468.0, + 239.5 + ], + "image_id": 20507009100, + "keypoints": [ + 264.2109375, + 35.7109375, + 0.895073652267456, + 231.1640625, + 2.6640625, + 0.04698923975229263, + 220.1484375, + 24.6953125, + 0.9625840187072754, + 666.28125, + -283.7421875, + 0.0029012695886194706, + 143.0390625, + 101.8046875, + 0.9403051733970642, + 242.1796875, + 134.8515625, + 0.872512936592102, + 165.0703125, + 311.1015625, + 0.8439191579818726, + 407.4140625, + 200.9453125, + 0.9222926497459412, + 308.2734375, + 531.4140625, + 0.06585913151502609, + 583.6640625, + 189.9296875, + 0.9171156883239746, + 506.5546875, + 454.3046875, + 0.9467233419418335, + 440.4609375, + 355.1640625, + 0.7603632211685181, + 440.4609375, + 465.3203125, + 0.6145912408828735, + 660.7734375, + 256.0234375, + 0.6106393337249756, + 759.9140625, + 388.2109375, + 0.9311416745185852, + 770.9296875, + 388.2109375, + 0.4021971821784973, + 870.0703125, + 487.3515625, + 0.10246844589710236 + ], + "scale": [ + 5.287499904632568, + 7.049999713897705 + ], + "score": 0.8168814824177668 + }, + { + "category_id": 1, + "center": [ + 488.0, + 242.0 + ], + "image_id": 20507110200, + "keypoints": [ + 312.2578125, + 76.90884399414062, + 0.9106424450874329, + 280.3046875, + 34.3046760559082, + 0.28967738151550293, + 259.0025939941406, + 55.60675811767578, + 0.9193474650382996, + 578.5338745117188, + 279.2786560058594, + 0.0047532725147902966, + 163.14320373535156, + 108.86196899414062, + 0.9658450484275818, + 248.35154724121094, + 140.81509399414062, + 0.8066705465316772, + 205.74737548828125, + 321.8828125, + 0.8888003826141357, + 365.51300048828125, + 247.3255157470703, + 0.7216569185256958, + 482.6744689941406, + 481.6484375, + 0.7903947830200195, + 472.0234375, + 311.2317810058594, + 0.9629710912704468, + 727.6484375, + 375.1380310058594, + 0.9353805780410767, + 418.7682189941406, + 343.1849060058594, + 0.7065749168395996, + 429.4192810058594, + 449.6953125, + 0.5585921406745911, + 631.7890625, + 215.3723907470703, + 0.7655297517776489, + 706.3463745117188, + 321.8828125, + 0.26078060269355774, + 770.2526245117188, + 300.5807189941406, + 0.10332638025283813, + 930.0182495117188, + 428.39324951171875, + 0.04418988153338432 + ], + "scale": [ + 5.112500190734863, + 6.816666603088379 + ], + "score": 0.7487760037183762 + }, + { + "category_id": 1, + "center": [ + 444.5, + 242.5 + ], + "image_id": 20507110500, + "keypoints": [ + 297.80078125, + 85.68360137939453, + 0.8975176215171814, + 277.56640625, + 45.2148551940918, + 0.42701542377471924, + 247.21485900878906, + 75.56641387939453, + 0.9211747646331787, + 520.37890625, + 277.91015625, + 0.006781543139368296, + 156.16017150878906, + 136.26953125, + 0.9588251113891602, + 247.21485900878906, + 166.62109375, + 0.7572183609008789, + 206.74610900878906, + 338.61328125, + 0.8575782775878906, + 368.62109375, + 247.55859375, + 0.8135595321655273, + 469.79296875, + 470.13671875, + 0.8356221914291382, + 479.91015625, + 298.14453125, + 0.9029061794281006, + 672.13671875, + 338.61328125, + 0.9208923578262329, + 419.20703125, + 338.61328125, + 0.7470429539680481, + 439.44140625, + 439.78515625, + 0.6126333475112915, + 611.43359375, + 196.97265625, + 0.7406442761421204, + 753.07421875, + 399.31640625, + 0.8024871349334717, + 763.19140625, + 358.84765625, + 0.3076708912849426, + 823.89453125, + 470.13671875, + 0.10561303794384003 + ], + "scale": [ + 4.856249809265137, + 6.474999904632568 + ], + "score": 0.7668525616327921 + }, + { + "category_id": 1, + "center": [ + 436.5, + 240.5 + ], + "image_id": 20507139100, + "keypoints": [ + 274.29296875, + 97.95442962646484, + 0.8496485948562622, + 264.4622497558594, + 68.46224212646484, + 0.2441338747739792, + 244.80078125, + 88.12369537353516, + 0.8255295753479004, + 303.78515625, + 68.46224212646484, + 0.0031148369889706373, + 156.32421875, + 147.1080780029297, + 0.8172308206558228, + 215.30859375, + 176.6002655029297, + 0.5738224387168884, + 175.9856719970703, + 314.23046875, + 0.8634051084518433, + 451.24609375, + 166.76953125, + 0.20945611596107483, + 451.24609375, + 245.4153594970703, + 0.7469725608825684, + 480.73828125, + 304.3997497558594, + 0.8475989103317261, + 303.78515625, + 97.95442962646484, + 0.6766818761825562, + 421.75390625, + 314.23046875, + 0.5231274366378784, + 451.24609375, + 422.3684997558594, + 0.6912487745285034, + 638.0299682617188, + 196.26171875, + 0.7745594382286072, + 746.16796875, + 373.21484375, + 0.9146430492401123, + 736.3372192382812, + 373.21484375, + 0.3352031707763672, + 805.15234375, + 461.69140625, + 0.15403124690055847 + ], + "scale": [ + 4.71875, + 6.291666507720947 + ], + "score": 0.6595507830381393 + }, + { + "category_id": 1, + "center": [ + 448.5, + 241.0 + ], + "image_id": 20507159300, + "keypoints": [ + 295.7591247558594, + 46.12369918823242, + 0.8446773290634155, + 285.2252502441406, + 14.522135734558105, + 0.22373414039611816, + 253.6237030029297, + 35.58984375, + 0.8822489976882935, + 306.29296875, + 3.98828125, + 0.0033999881707131863, + 158.8190155029297, + 88.25911712646484, + 0.9657667875289917, + 264.1575622558594, + 130.39453125, + 0.7371598482131958, + 137.7512969970703, + 267.3346252441406, + 0.811173677444458, + 380.0299377441406, + 109.32682037353516, + 0.4565197825431824, + 264.1575622558594, + 499.0794372558594, + 0.6097241640090942, + 358.9622497558594, + 88.25911712646484, + 0.4830395579338074, + 506.4361877441406, + 362.1393127441406, + 0.8708454370498657, + 401.09765625, + 362.1393127441406, + 0.6542847156524658, + 369.49609375, + 446.41015625, + 0.506278395652771, + 643.3762817382812, + 225.19921875, + 0.6697346568107605, + 769.7825317382812, + 362.1393127441406, + 0.9498872756958008, + 748.71484375, + 351.60546875, + 0.4526640772819519, + 811.91796875, + 467.4778747558594, + 0.21870645880699158 + ], + "scale": [ + 5.056250095367432, + 6.741666793823242 + ], + "score": 0.6460278313606977 + }, + { + "category_id": 1, + "center": [ + 424.0, + 240.0 + ], + "image_id": 20507161400, + "keypoints": [ + 277.75, + 61.25, + 0.7112875580787659, + 266.9166564941406, + -25.41666603088379, + 0.03969406336545944, + 245.25, + 61.25, + 0.7238736152648926, + 191.0833282470703, + 17.91666603088379, + 0.0040312414057552814, + 158.5833282470703, + 147.9166717529297, + 0.8375681638717651, + 245.25, + 137.0833282470703, + 0.6823501586914062, + 115.25, + 277.9166564941406, + 0.8156522512435913, + 353.5833435058594, + 126.25, + 0.5945709943771362, + -74.33333587646484, + 413.3333435058594, + 0.040863070636987686, + 331.9166564941406, + 93.75, + 0.729946494102478, + 591.9166870117188, + 483.75, + 0.02302156575024128, + 429.4166564941406, + 321.25, + 0.7668689489364624, + 440.25, + 440.4166564941406, + 0.8039114475250244, + 646.0833129882812, + 202.0833282470703, + 0.8226948976516724, + 765.25, + 364.5833435058594, + 0.9978658556938171, + 776.0833129882812, + 353.75, + 0.42954766750335693, + 851.9166870117188, + 472.9166564941406, + 0.2344682365655899 + ], + "scale": [ + 5.199999809265137, + 6.933333396911621 + ], + "score": 0.7038927915004584 + }, + { + "category_id": 1, + "center": [ + 458.0, + 244.0 + ], + "image_id": 20507166300, + "keypoints": [ + 274.5234375, + 60.5234375, + 0.8121565580368042, + 263.4036560058594, + 27.1640625, + 0.41750115156173706, + 241.1640625, + 49.40364456176758, + 0.909919261932373, + 552.5182495117188, + 282.9192810058594, + 0.006301763001829386, + 141.0859375, + 105.00260162353516, + 0.9456747174263, + 252.2838592529297, + 127.2421875, + 0.7476235032081604, + 174.4453125, + 294.0390625, + 0.8450191617012024, + 374.6015625, + 116.12239837646484, + 0.8027206063270569, + 407.9609375, + 494.1953125, + 0.17233149707317352, + 330.1224060058594, + 60.5234375, + 0.710996150970459, + 697.0755004882812, + 483.0755310058594, + 0.17853394150733948, + 430.2005310058594, + 316.2786560058594, + 0.7745494842529297, + 441.3203125, + 438.5963439941406, + 0.8245060443878174, + 641.4765625, + 260.6796875, + 0.7975260019302368, + 763.7942504882812, + 371.8775939941406, + 0.871863842010498, + 786.0338745117188, + 382.9974060058594, + 0.45321452617645264, + 863.8723754882812, + 449.7161560058594, + 0.13659819960594177 + ], + "scale": [ + 5.337500095367432, + 7.116666316986084 + ], + "score": 0.7625593084555405 + }, + { + "category_id": 1, + "center": [ + 455.5, + 242.5 + ], + "image_id": 20507168300, + "keypoints": [ + 258.6966247558594, + 66.97266387939453, + 0.9141613245010376, + 248.05860900878906, + 24.42058563232422, + 0.3894929587841034, + 216.14454650878906, + 45.696624755859375, + 0.9357388019561768, + 248.05860900878906, + 3.144545555114746, + 0.002011499833315611, + 131.04039001464844, + 98.88672637939453, + 0.9434784054756165, + 226.78256225585938, + 141.43881225585938, + 0.8547478914260864, + 152.31642150878906, + 279.7330627441406, + 0.851603627204895, + 375.71484375, + 226.54296875, + 0.8743210434913635, + 311.88671875, + 524.4075317382812, + 0.18738970160484314, + 545.9231567382812, + 205.2669219970703, + 0.9380022287368774, + 567.19921875, + 449.94140625, + 0.8908839225769043, + 418.2669372558594, + 343.5611877441406, + 0.7673211097717285, + 407.62890625, + 449.94140625, + 0.5629560947418213, + 662.94140625, + 237.1809844970703, + 0.6416209936141968, + 790.59765625, + 364.83721923828125, + 0.90610671043396, + 779.9595947265625, + 364.83721923828125, + 0.40507516264915466, + 875.7017822265625, + 481.85546875, + 0.12769150733947754 + ], + "scale": [ + 5.106249809265137, + 6.808333396911621 + ], + "score": 0.7768221625259945 + }, + { + "category_id": 1, + "center": [ + 464.0, + 243.0 + ], + "image_id": 20507175300, + "keypoints": [ + 284.390625, + 63.390625, + 0.9000757932662964, + 295.2760314941406, + 19.84895896911621, + 0.006651883013546467, + 251.734375, + 52.50520706176758, + 0.9498074054718018, + 600.0676879882812, + 411.7239685058594, + 0.009995144791901112, + 175.5364532470703, + 106.93228912353516, + 0.9472663998603821, + 240.8489532470703, + 161.359375, + 0.8923444747924805, + 164.6510467529297, + 302.8697814941406, + 0.8499065637588501, + 393.2447814941406, + 270.2135314941406, + 0.8764371275901794, + 371.4739685058594, + 542.3489379882812, + 0.0772848054766655, + 545.640625, + 281.0989685058594, + 0.9590350985527039, + 545.640625, + 444.3802185058594, + 0.9276455640792847, + 436.7864685058594, + 357.296875, + 0.7411453723907471, + 425.9010314941406, + 477.0364685058594, + 0.5586748123168945, + 665.3801879882812, + 270.2135314941406, + 0.6219342947006226, + 774.234375, + 368.1822814941406, + 0.958844780921936, + 785.1198120117188, + 368.1822814941406, + 0.44191819429397583, + 850.4323120117188, + 498.8072814941406, + 0.23589873313903809 + ], + "scale": [ + 5.224999904632568, + 6.9666666984558105 + ], + "score": 0.7757810439382281 + }, + { + "category_id": 1, + "center": [ + 463.0, + 242.0 + ], + "image_id": 20507107600, + "keypoints": [ + 276.0729064941406, + 44.9687385559082, + 0.9247843623161316, + 265.96875, + 14.656235694885254, + 0.41305994987487793, + 235.65623474121094, + 34.86457061767578, + 0.9336758852005005, + 589.3020629882812, + 368.3020935058594, + 0.004579545464366674, + 144.71873474121094, + 105.59374237060547, + 0.9687034487724304, + 255.86456298828125, + 125.80207824707031, + 0.8508435487747192, + 175.03123474121094, + 307.6770935058594, + 0.8339279890060425, + 407.4270935058594, + 236.9479217529297, + 0.8666222095489502, + 427.6354064941406, + 499.6562805175781, + 0.646021842956543, + 579.1979370117188, + 307.6770935058594, + 0.9093762636184692, + 690.34375, + 469.34375, + 0.9052775502204895, + 437.7395935058594, + 358.19793701171875, + 0.7657980918884277, + 417.53125, + 469.34375, + 0.5666031837463379, + 700.4479370117188, + 307.6770935058594, + 0.504463255405426, + 750.96875, + 388.51043701171875, + 0.8563884496688843, + 781.28125, + 388.51043701171875, + 0.30489492416381836, + 862.1146240234375, + 459.2395935058594, + 0.10680806636810303 + ], + "scale": [ + 4.850000381469727, + 6.466666221618652 + ], + "score": 0.7500293970108032 + }, + { + "category_id": 1, + "center": [ + 467.5, + 240.5 + ], + "image_id": 20507187601, + "keypoints": [ + 311.4908752441406, + 64.36066436767578, + 0.9373979568481445, + 301.42578125, + 84.49087524414062, + 0.00658384058624506, + 281.2955627441406, + 44.2304573059082, + 0.9282247424125671, + 583.2487182617188, + 396.5091247558594, + 0.012390239164233208, + 190.70962524414062, + 104.62108612060547, + 0.965208888053894, + 271.23046875, + 165.01171875, + 0.8556472063064575, + 170.57940673828125, + 315.98828125, + 0.8592077493667603, + 412.1419372558594, + 215.3372344970703, + 0.9394221901893616, + 301.42578125, + 547.4857177734375, + 0.013870804570615292, + 583.2487182617188, + 165.01171875, + 0.8695598244667053, + 482.59765625, + 477.02996826171875, + 0.951248288154602, + 442.3372497558594, + 366.3138122558594, + 0.7701709270477295, + 442.3372497558594, + 466.96484375, + 0.5865051746368408, + 663.76953125, + 235.4674530029297, + 0.6474426984786987, + 764.4205932617188, + 356.24871826171875, + 0.9040272235870361, + 774.4857177734375, + 366.3138122558594, + 0.431643545627594, + 824.8112182617188, + 466.96484375, + 0.3664701581001282 + ], + "scale": [ + 4.831250190734863, + 6.441666603088379 + ], + "score": 0.7865840409483228 + }, + { + "category_id": 1, + "center": [ + 483.5, + 244.0 + ], + "image_id": 20507188001, + "keypoints": [ + 316.1888122558594, + 76.68880462646484, + 0.9154443740844727, + 273.01171875, + 33.51171875, + 0.137240469455719, + 273.01171875, + 55.10026168823242, + 0.9483847618103027, + 229.8346405029297, + 55.10026168823242, + 0.0024325628764927387, + 175.86328125, + 130.66015625, + 0.9319774508476257, + 283.8059997558594, + 152.2487030029297, + 0.7997894287109375, + 175.86328125, + 324.95703125, + 0.849074125289917, + 456.5143127441406, + 152.2487030029297, + 0.8748939037322998, + 316.1888122558594, + 562.4309692382812, + 0.015387207269668579, + 672.3997192382812, + 98.27734375, + 0.8970708847045898, + 478.1028747558594, + 465.2825622558594, + 0.9729441404342651, + 445.7200622558594, + 357.33984375, + 0.7597500085830688, + 434.92578125, + 476.0768127441406, + 0.60456383228302, + 650.8112182617188, + 238.6028594970703, + 0.795143723487854, + 758.75390625, + 368.1341247558594, + 0.9159872531890869, + 769.5481567382812, + 368.1341247558594, + 0.4280596971511841, + 866.6965942382812, + 476.0768127441406, + 0.30386123061180115 + ], + "scale": [ + 5.181250095367432, + 6.9083333015441895 + ], + "score": 0.7854960582086018 + }, + { + "category_id": 1, + "center": [ + 456.0, + 241.5 + ], + "image_id": 20507189601, + "keypoints": [ + 282.40625, + 67.90624237060547, + 0.9305944442749023, + 250.84373474121094, + 36.3437385559082, + 0.08636431396007538, + 240.32290649414062, + 57.385406494140625, + 0.9578142166137695, + 576.9895629882812, + 404.57293701171875, + 0.006466630380600691, + 156.15623474121094, + 131.03125, + 0.9032377004623413, + 250.84373474121094, + 152.07290649414062, + 0.8142498731613159, + 156.15623474121094, + 330.9270935058594, + 0.8613758683204651, + 419.1770935058594, + 173.1145782470703, + 0.8711867332458496, + 303.4479064941406, + 541.34375, + 0.02624247595667839, + 608.5520629882812, + 109.98957824707031, + 0.8893609046936035, + 482.3020935058594, + 467.69793701171875, + 0.9400240778923035, + 429.6979064941406, + 351.96875, + 0.7581827640533447, + 419.1770935058594, + 467.69793701171875, + 0.6167920231819153, + 661.15625, + 257.28125, + 0.6626596450805664, + 776.8854370117188, + 373.01043701171875, + 0.9149331450462341, + 776.8854370117188, + 362.4895935058594, + 0.4570609927177429, + 818.96875, + 478.21875, + 0.1745414435863495 + ], + "scale": [ + 5.050000190734863, + 6.733333587646484 + ], + "score": 0.8136517222111042 + }, + { + "category_id": 1, + "center": [ + 469.0, + 240.0 + ], + "image_id": 20507211100, + "keypoints": [ + 292.828125, + 74.50521087646484, + 0.9314625859260559, + 271.4739685058594, + 42.47395706176758, + 0.17769677937030792, + 250.1197967529297, + 63.828125, + 0.9629055857658386, + 741.265625, + -96.328125, + 0.003218125319108367, + 164.703125, + 127.890625, + 0.9289791584014893, + 260.796875, + 159.921875, + 0.8698197603225708, + 175.3802032470703, + 320.078125, + 0.8584953546524048, + 420.953125, + 213.3072967529297, + 0.9039648771286011, + 431.6302185058594, + 480.234375, + 0.346788227558136, + 591.7864379882812, + 191.953125, + 0.8549792766571045, + 698.5573120117188, + 469.5572814941406, + 0.7774204015731812, + 431.6302185058594, + 341.4322814941406, + 0.7229290008544922, + 431.6302185058594, + 448.203125, + 0.6198893785476685, + 666.5260620117188, + 266.6927185058594, + 0.5354567170143127, + 762.6198120117188, + 373.4635314941406, + 0.9131815433502197, + 794.6510620117188, + 373.4635314941406, + 0.40422022342681885, + 880.0676879882812, + 458.8802185058594, + 0.1138300970196724 + ], + "scale": [ + 5.125, + 6.833333492279053 + ], + "score": 0.7593208636556353 + }, + { + "category_id": 1, + "center": [ + 471.0, + 242.5 + ], + "image_id": 20507212401, + "keypoints": [ + 312.40625, + 94.84375, + 0.8941635489463806, + 279.59375, + 51.09375, + 0.07185572385787964, + 268.65625, + 83.90625, + 0.9345548152923584, + 235.84375, + 127.65625, + 0.002821558155119419, + 181.15625, + 149.53125, + 0.947459876537323, + 279.59375, + 160.46875, + 0.8253268003463745, + 170.21875, + 346.40625, + 0.8334497213363647, + 454.59375, + 182.34375, + 0.917497456073761, + 290.53125, + 499.53125, + 0.021371690556406975, + 662.40625, + 204.21875, + 0.8946309685707092, + 640.53125, + 455.78125, + 0.012409999035298824, + 443.65625, + 346.40625, + 0.7384432554244995, + 432.71875, + 455.78125, + 0.5855824947357178, + 651.46875, + 258.90625, + 0.5298698544502258, + 771.78125, + 368.28125, + 0.8408761024475098, + 815.53125, + 368.28125, + 0.40604740381240845, + 826.46875, + 422.96875, + 0.13552288711071014 + ], + "scale": [ + 5.25, + 7.0 + ], + "score": 0.7789918581644694 + }, + { + "category_id": 1, + "center": [ + 462.0, + 239.5 + ], + "image_id": 20507212801, + "keypoints": [ + 298.2890625, + 75.78907012939453, + 0.9281229376792908, + 278.4453125, + 46.0234489440918, + 0.6228040456771851, + 248.67970275878906, + 65.86719512939453, + 0.9703887701034546, + 248.67970275878906, + 55.9453239440918, + 0.0034184681717306376, + 149.46095275878906, + 125.39844512939453, + 0.9360619783401489, + 278.4453125, + 145.2421875, + 0.8182510733604431, + 169.30470275878906, + 333.7578125, + 0.7950664758682251, + 427.2734375, + 224.6171875, + 0.9213951826095581, + 298.2890625, + 482.5859069824219, + 0.024698223918676376, + 595.9453125, + 294.0703125, + 0.9222369194030762, + 546.3359375, + 363.5234375, + 0.021603792905807495, + 447.1171875, + 363.5234375, + 0.7633366584777832, + 427.2734375, + 472.6640625, + 0.4983907639980316, + 675.3203125, + 274.2265625, + 0.4409612715244293, + 764.6171875, + 363.5234375, + 0.9498836994171143, + 784.4609375, + 373.4453125, + 0.44494885206222534, + 804.3046875, + 423.0546875, + 0.11597222089767456 + ], + "scale": [ + 4.762499809265137, + 6.349999904632568 + ], + "score": 0.7701422021939204 + }, + { + "category_id": 1, + "center": [ + 459.5, + 242.0 + ], + "image_id": 20507213601, + "keypoints": [ + 249.01171875, + 107.07161712646484, + 0.8550393581390381, + 249.01171875, + 53.10026168823242, + 0.9548323750495911, + 195.0403594970703, + 85.48307037353516, + 0.9565685987472534, + 270.6002502441406, + 42.30598831176758, + 0.031847354024648666, + 130.2747344970703, + 128.66015625, + 0.9528685212135315, + 270.6002502441406, + 150.2487030029297, + 0.8367285132408142, + 184.24609375, + 322.95703125, + 0.8485268354415894, + 400.1315002441406, + 268.9856872558594, + 0.8527649641036987, + 410.92578125, + 506.4596252441406, + 0.19976671040058136, + 540.45703125, + 301.3684997558594, + 0.9818350076675415, + 702.37109375, + 484.87109375, + 0.7748693823814392, + 432.5143127441406, + 355.33984375, + 0.7254879474639893, + 421.7200622558594, + 452.48828125, + 0.4516727924346924, + 669.98828125, + 268.9856872558594, + 0.4460359811782837, + 756.3424682617188, + 355.33984375, + 0.7176247835159302, + 777.9309692382812, + 366.1341247558594, + 0.3726167678833008, + 864.28515625, + 441.6940002441406, + 0.154030904173851 + ], + "scale": [ + 5.181250095367432, + 6.9083333015441895 + ], + "score": 0.7662479877471924 + }, + { + "category_id": 1, + "center": [ + 458.5, + 240.0 + ], + "image_id": 20507214400, + "keypoints": [ + 297.15234375, + 68.87368774414062, + 0.931729793548584, + 277.59503173828125, + 29.75910186767578, + 0.16532202064990997, + 248.25909423828125, + 49.3163948059082, + 0.950458288192749, + 463.3893127441406, + 293.7825622558594, + 0.0025995897594839334, + 160.25128173828125, + 117.76692199707031, + 0.9603111743927002, + 277.59503173828125, + 156.88150024414062, + 0.8079017400741577, + 179.80857849121094, + 323.1184997558594, + 0.83845055103302, + 404.7174377441406, + 264.4466247558594, + 0.9057061672210693, + 365.60284423828125, + 499.1341247558594, + 0.04337172210216522, + 551.3971557617188, + 323.1184997558594, + 0.9487539529800415, + 649.18359375, + 508.91278076171875, + 0.10254477709531784, + 434.0533752441406, + 362.23309326171875, + 0.7641185522079468, + 424.2747497558594, + 460.01953125, + 0.42097944021224976, + 688.2982177734375, + 284.00390625, + 0.47198960185050964, + 776.3060302734375, + 381.7903747558594, + 0.9955364465713501, + 786.0846557617188, + 391.56903076171875, + 0.37627387046813965, + 844.7565307617188, + 469.7981872558594, + 0.14353512227535248 + ], + "scale": [ + 4.693750381469727, + 6.258333206176758 + ], + "score": 0.7810174648960432 + }, + { + "category_id": 1, + "center": [ + 467.5, + 240.0 + ], + "image_id": 20507215601, + "keypoints": [ + 317.0247497558594, + 68.76953887939453, + 0.9245186448097229, + 773.6392822265625, + 390.4752502441406, + 0.004833896644413471, + 285.8919372558594, + 48.01433563232422, + 0.916434645652771, + 244.38153076171875, + 68.76953887939453, + 0.002714194357395172, + 202.87110900878906, + 110.27995300292969, + 0.9246201515197754, + 265.13671875, + 151.79037475585938, + 0.8393326997756958, + 182.11590576171875, + 328.2096252441406, + 0.8684879541397095, + 420.80078125, + 234.8112030029297, + 0.919503927230835, + 420.80078125, + 504.6288757324219, + 0.3715846538543701, + 586.8424682617188, + 297.0768127441406, + 0.9406347274780273, + 700.99609375, + 473.49609375, + 0.8647398352622986, + 441.5559997558594, + 359.3424377441406, + 0.758743405342102, + 420.80078125, + 463.11846923828125, + 0.5066424608230591, + 700.99609375, + 317.83203125, + 0.5191308259963989, + 773.6392822265625, + 380.09765625, + 0.8719154596328735, + 784.0169067382812, + 400.85284423828125, + 0.3538576364517212, + 877.4153442382812, + 442.36328125, + 0.08538772165775299 + ], + "scale": [ + 4.981249809265137, + 6.641666889190674 + ], + "score": 0.7557247877120972 + }, + { + "category_id": 1, + "center": [ + 431.0, + 240.5 + ], + "image_id": 20507201601, + "keypoints": [ + 279.5807189941406, + 36.8671760559082, + 0.8883306980133057, + 248.25259399414062, + 5.539048194885254, + 0.2559446692466736, + 227.36717224121094, + 26.42446517944336, + 0.9090871214866638, + 551.0911254882812, + 402.36199951171875, + 0.0031806693878024817, + 143.82550048828125, + 120.40884399414062, + 0.898095965385437, + 269.13800048828125, + 141.2942657470703, + 0.8152226209640503, + 154.26821899414062, + 339.70574951171875, + 0.8065682649612427, + 384.0078125, + 235.2786407470703, + 0.8773337602615356, + 321.3515625, + 517.2318115234375, + 0.04945489764213562, + 540.6484375, + 224.8359375, + 0.9414361715316772, + 488.4349060058594, + 465.01824951171875, + 0.8616923093795776, + 425.7786560058594, + 350.1484375, + 0.7668759822845459, + 425.7786560058594, + 454.5755310058594, + 0.6166585683822632, + 634.6328125, + 256.1640625, + 0.6534425020217896, + 770.3880615234375, + 371.03387451171875, + 0.9693585634231567, + 780.8307495117188, + 360.5911560058594, + 0.4178539514541626, + 853.9296875, + 485.9036560058594, + 0.157796710729599 + ], + "scale": [ + 5.012500286102295, + 6.683333396911621 + ], + "score": 0.7627072249140058 + }, + { + "category_id": 1, + "center": [ + 481.5, + 241.0 + ], + "image_id": 20507216401, + "keypoints": [ + 301.67578125, + 61.17578125, + 0.9509224891662598, + 268.98046875, + 28.48046875, + 0.07935399562120438, + 258.08203125, + 50.27734375, + 0.9694647789001465, + 214.48828125, + 50.27734375, + 0.0015710011357441545, + 170.89453125, + 115.66796875, + 0.9473720192909241, + 268.98046875, + 159.26171875, + 0.8591912984848022, + 159.99609375, + 333.63671875, + 0.8544061183929443, + 410.66015625, + 257.34765625, + 0.8853139877319336, + 323.47265625, + 562.50390625, + 0.01704571396112442, + 574.13671875, + 279.14453125, + 0.9676929712295532, + 530.54296875, + 464.41796875, + 1.001929521560669, + 443.35546875, + 377.23046875, + 0.7360672950744629, + 421.55859375, + 475.31640625, + 0.41097718477249146, + 704.91796875, + 290.04296875, + 0.5233082175254822, + 781.20703125, + 377.23046875, + 0.8437062501907349, + 813.90234375, + 377.23046875, + 0.3882121443748474, + 868.39453125, + 497.11328125, + 0.16232798993587494 + ], + "scale": [ + 5.231249809265137, + 6.974999904632568 + ], + "score": 0.795274175130404 + }, + { + "category_id": 1, + "center": [ + 456.5, + 242.0 + ], + "image_id": 20507216801, + "keypoints": [ + 288.70703125, + 64.03775787353516, + 0.9057769775390625, + 278.5377502441406, + 3.0221354961395264, + 0.014409132301807404, + 248.0299530029297, + 43.69921875, + 0.92870032787323, + 197.18359375, + 64.03775787353516, + 0.0024250512942671776, + 166.67578125, + 114.88411712646484, + 0.9291622638702393, + 258.19921875, + 165.73046875, + 0.8367141485214233, + 166.67578125, + 328.4388122558594, + 0.817794144153595, + 400.5690002441406, + 267.4231872558594, + 0.8973467946052551, + 298.8763122558594, + 491.1471252441406, + 0.012017769739031792, + 563.27734375, + 287.76171875, + 0.9401823878288269, + 532.76953125, + 460.6393127441406, + 0.9044933915138245, + 441.24609375, + 369.1158752441406, + 0.7985894680023193, + 420.9075622558594, + 480.9778747558594, + 0.3672240972518921, + 664.9700317382812, + 277.5924377441406, + 0.5790780782699585, + 776.83203125, + 379.28515625, + 0.9103851914405823, + 787.0012817382812, + 379.28515625, + 0.38190972805023193, + 858.1862182617188, + 450.4700622558594, + 0.06661206483840942 + ], + "scale": [ + 4.881249904632568, + 6.508333206176758 + ], + "score": 0.7844120768400339 + }, + { + "category_id": 1, + "center": [ + 465.0, + 239.5 + ], + "image_id": 20507218100, + "keypoints": [ + 296.9921875, + 71.49217987060547, + 0.8457188606262207, + 276.6275939941406, + 30.76300811767578, + 0.152679905295372, + 256.26300048828125, + 40.9453010559082, + 0.9165086150169373, + 541.3671875, + 285.3203125, + 0.007794010918587446, + 154.44007873535156, + 91.85675811767578, + 0.9456269145011902, + 246.08071899414062, + 142.76821899414062, + 0.6911517381668091, + 184.98696899414062, + 326.04949951171875, + 0.8545085191726685, + 398.8150939941406, + 254.7734375, + 0.5472809076309204, + 408.9974060058594, + 509.33074951171875, + 0.22596797347068787, + 347.90362548828125, + 122.40364074707031, + 0.700939953327179, + 643.1901245117188, + 438.0546875, + 0.9826725125312805, + 419.1796875, + 346.4140625, + 0.7980353832244873, + 429.3619689941406, + 458.4192810058594, + 0.5859435200691223, + 643.1901245117188, + 254.7734375, + 0.7522169351577759, + 734.8307495117188, + 387.14324951171875, + 0.5638500452041626, + 795.9244995117188, + 336.2317810058594, + 0.28316301107406616, + 846.8359375, + 417.69012451171875, + 0.08422781527042389 + ], + "scale": [ + 4.887500286102295, + 6.516666412353516 + ], + "score": 0.6923989206552505 + }, + { + "category_id": 1, + "center": [ + 465.0, + 241.0 + ], + "image_id": 20507218500, + "keypoints": [ + 316.9791564941406, + 82.77083587646484, + 0.8392724394798279, + 296.5625, + 31.72916603088379, + 0.5350844860076904, + 265.9375, + 52.14583206176758, + 0.9145632982254028, + 541.5625, + 286.9375, + 0.005730717908591032, + 153.6458282470703, + 92.97916412353516, + 0.9266080856323242, + 255.7291717529297, + 144.0208282470703, + 0.7026344537734985, + 163.8541717529297, + 307.3541564941406, + 0.8218089938163757, + 419.0625, + 205.2708282470703, + 0.4086759090423584, + 459.8958435058594, + 450.2708435058594, + 0.7292861342430115, + 357.8125, + 133.8125, + 0.3742733895778656, + 725.3125, + 429.8541564941406, + 0.9392530918121338, + 419.0625, + 327.7708435058594, + 0.8078910112380981, + 419.0625, + 450.2708435058594, + 0.5109792947769165, + 653.8541870117188, + 246.1041717529297, + 0.8113893866539001, + 766.1458129882812, + 378.8125, + 0.709728479385376, + 776.3541870117188, + 358.3958435058594, + 0.3053724467754364, + 934.5833129882812, + 465.5833435058594, + 0.1204758733510971 + ], + "scale": [ + 4.900000095367432, + 6.533332824707031 + ], + "score": 0.6891213933626811 + }, + { + "category_id": 1, + "center": [ + 454.5, + 243.0 + ], + "image_id": 20507219500, + "keypoints": [ + 310.8216247558594, + 49.77734375, + 0.8945257663726807, + 300.9127502441406, + 0.2330729216337204, + 0.04742828384041786, + 271.1861877441406, + 39.86848831176758, + 0.8916696906089783, + 568.4518432617188, + 287.58984375, + 0.006477395538240671, + 172.09765625, + 99.32161712646484, + 0.9314867258071899, + 251.3684844970703, + 148.8658905029297, + 0.7498507499694824, + 162.1887969970703, + 317.31640625, + 0.8510894179344177, + 360.3658752441406, + 158.7747344970703, + 0.22127769887447357, + 439.63671875, + 465.94921875, + 0.7413606643676758, + 350.45703125, + 89.41275787353516, + 0.17595075070858002, + 726.9934692382812, + 426.3138122558594, + 0.9230239391326904, + 429.7278747558594, + 337.1341247558594, + 0.7671270370483398, + 419.8190002441406, + 456.0403747558594, + 0.5377854704856873, + 657.6315307617188, + 228.13671875, + 0.7808698415756226, + 756.7200317382812, + 366.8606872558594, + 0.8155836462974548, + 796.35546875, + 356.9518127441406, + 0.3412569463253021, + 910.3073120117188, + 460.9947814941406, + 0.21680375933647156 + ], + "scale": [ + 4.756249904632568, + 6.3416666984558105 + ], + "score": 0.6902650967240334 + }, + { + "category_id": 1, + "center": [ + 473.5, + 242.5 + ], + "image_id": 20507219800, + "keypoints": [ + 299.26171875, + 68.26171875, + 0.9111801385879517, + 278.1419372558594, + 4.90234375, + 0.018350111320614815, + 267.58203125, + 47.14192581176758, + 0.9261000752449036, + 457.66015625, + 142.1809844970703, + 0.0059286924079060555, + 172.54296875, + 121.06119537353516, + 0.8953063488006592, + 267.58203125, + 152.7408905029297, + 0.8224518895149231, + 172.54296875, + 332.2591247558594, + 0.8237062692642212, + 415.4205627441406, + 163.30078125, + 0.9550806283950806, + 299.26171875, + 490.6575622558594, + 0.01150759868323803, + 616.05859375, + 110.50130462646484, + 0.8752483129501343, + 637.1784057617188, + 469.5377502441406, + 0.14791524410247803, + 436.5403747558594, + 353.37890625, + 0.7917280793190002, + 425.98046875, + 458.9778747558594, + 0.6340335011482239, + 658.2981567382812, + 258.33984375, + 0.7758165597915649, + 763.8971557617188, + 374.4986877441406, + 0.8930814266204834, + 795.5768432617188, + 374.4986877441406, + 0.474291056394577, + 858.9362182617188, + 437.8580627441406, + 0.14546141028404236 + ], + "scale": [ + 5.068749904632568, + 6.758333206176758 + ], + "score": 0.8148353571693102 + }, + { + "category_id": 1, + "center": [ + 460.0, + 242.0 + ], + "image_id": 20507221100, + "keypoints": [ + 296.5234375, + 89.0703125, + 0.8891593813896179, + 275.4296875, + 46.8828125, + 0.01651756465435028, + 264.8828125, + 67.9765625, + 0.9081345796585083, + 233.2421875, + 99.6171875, + 0.0030785338021814823, + 169.9609375, + 131.2578125, + 0.9340147376060486, + 264.8828125, + 173.4453125, + 0.8437139987945557, + 169.9609375, + 342.1953125, + 0.8431627154350281, + 401.9921875, + 247.2734375, + 0.9013933539390564, + 296.5234375, + 500.3984375, + 0.011808926239609718, + 549.6484375, + 236.7265625, + 0.9258370399475098, + 496.9140625, + 479.3046875, + 0.9226459264755249, + 444.1796875, + 363.2890625, + 0.7976850271224976, + 444.1796875, + 468.7578125, + 0.5639077425003052, + 665.6640625, + 268.3671875, + 0.7053475975990295, + 771.1328125, + 373.8359375, + 0.90027916431427, + 781.6796875, + 373.8359375, + 0.44618529081344604, + 823.8671875, + 468.7578125, + 0.15809157490730286 + ], + "scale": [ + 5.0625, + 6.75 + ], + "score": 0.8139589658150306 + }, + { + "category_id": 1, + "center": [ + 483.0, + 240.0 + ], + "image_id": 20507222401, + "keypoints": [ + 312.2578125, + 80.2734375, + 0.9118911623954773, + 279.2109375, + 58.2421875, + 0.11163705587387085, + 268.1953125, + 69.2578125, + 0.9484781622886658, + 565.6171875, + 410.7421875, + 0.004175084643065929, + 180.0703125, + 135.3515625, + 0.9123291373252869, + 268.1953125, + 157.3828125, + 0.8193917274475098, + 169.0546875, + 333.6328125, + 0.830474317073822, + 411.3984375, + 190.4296875, + 0.8922078013420105, + 301.2421875, + 509.8828125, + 0.008112549781799316, + 576.6328125, + 157.3828125, + 0.919184684753418, + 488.5078125, + 465.8203125, + 0.9391719102859497, + 433.4296875, + 355.6640625, + 0.7653403282165527, + 422.4140625, + 465.8203125, + 0.5794389843940735, + 642.7265625, + 234.4921875, + 0.7078845500946045, + 785.9296875, + 377.6953125, + 0.8615219593048096, + 785.9296875, + 366.6796875, + 0.5066096186637878, + 863.0390625, + 465.8203125, + 0.16053646802902222 + ], + "scale": [ + 5.287499904632568, + 7.049999713897705 + ], + "score": 0.8149172571989206 + }, + { + "category_id": 1, + "center": [ + 459.0, + 240.5 + ], + "image_id": 20507222801, + "keypoints": [ + 339.8072814941406, + 79.84896087646484, + 0.8988865613937378, + 308.7135314941406, + 38.390625, + 0.3368676006793976, + 287.984375, + 48.75520706176758, + 0.9314042329788208, + 547.0989379882812, + 390.7864685058594, + 0.004871214274317026, + 173.9739532470703, + 110.94271087646484, + 0.8784915804862976, + 287.984375, + 152.4010467529297, + 0.7583118081092834, + 163.609375, + 338.9635314941406, + 0.780731737613678, + 453.8177185058594, + 214.5885467529297, + 0.903511643409729, + 277.6197814941406, + 546.2551879882812, + 0.007006936706602573, + 650.7448120117188, + 276.7760314941406, + 0.9151257276535034, + 484.9114685058594, + 473.703125, + 0.9562473297119141, + 433.0885314941406, + 380.421875, + 0.7792590260505676, + 422.7239685058594, + 484.0677185058594, + 0.3922833204269409, + 692.203125, + 276.7760314941406, + 0.34319013357162476, + 785.484375, + 380.421875, + 0.8119499683380127, + 795.8489379882812, + 390.7864685058594, + 0.2764599323272705, + 868.4010620117188, + 452.9739685058594, + 0.058209605515003204 + ], + "scale": [ + 4.974999904632568, + 6.633333683013916 + ], + "score": 0.7116229001964841 + }, + { + "category_id": 1, + "center": [ + 468.0, + 243.5 + ], + "image_id": 20507223100, + "keypoints": [ + 311.1640625, + 67.65364837646484, + 0.9061374664306641, + 282.6484375, + 29.6328125, + 0.3960925340652466, + 263.6380310058594, + 48.64323043823242, + 0.9838094711303711, + 244.6276092529297, + 1.1171875, + 0.0023691863752901554, + 168.5859375, + 115.1796875, + 0.9721611738204956, + 282.6484375, + 153.2005157470703, + 0.833459198474884, + 168.5859375, + 324.2942810058594, + 0.8169980049133301, + 415.7213439941406, + 219.7369842529297, + 0.8876097202301025, + 320.6692810058594, + 542.9140625, + 0.007889996282756329, + 567.8046875, + 219.7369842529297, + 0.8920011520385742, + 482.2578125, + 476.3775939941406, + 0.9668616056442261, + 434.7317810058594, + 352.8099060058594, + 0.7729124426841736, + 425.2265625, + 466.8724060058594, + 0.5122483968734741, + 653.3515625, + 267.2630310058594, + 0.8404252529144287, + 776.9192504882812, + 381.3255310058594, + 0.8839396238327026, + 786.4244995117188, + 362.3150939941406, + 0.44870680570602417, + 824.4453125, + 447.8619689941406, + 0.10817765444517136 + ], + "scale": [ + 4.5625, + 6.083333492279053 + ], + "score": 0.7938116320541927 + }, + { + "category_id": 1, + "center": [ + 461.0, + 239.5 + ], + "image_id": 20507223800, + "keypoints": [ + 303.1744689941406, + 61.30988311767578, + 0.916161060333252, + 272.6275939941406, + 30.76300811767578, + 0.21745266020298004, + 252.26300048828125, + 40.9453010559082, + 0.9236730337142944, + 547.5494995117188, + 397.3255310058594, + 0.004681579768657684, + 160.62237548828125, + 122.40364074707031, + 0.8905773162841797, + 272.6275939941406, + 163.1328125, + 0.7937564849853516, + 160.62237548828125, + 326.04949951171875, + 0.8207560181617737, + 425.3619689941406, + 244.5911407470703, + 0.8797879219055176, + 292.9921875, + 550.0599365234375, + 0.008452560752630234, + 578.0963745117188, + 295.5025939941406, + 0.9385505318641663, + 476.2734375, + 478.78387451171875, + 0.9626756310462952, + 445.7265625, + 376.9609375, + 0.7400273084640503, + 425.3619689941406, + 478.78387451171875, + 0.4725220203399658, + 690.1015625, + 295.5025939941406, + 0.5081195831298828, + 761.3776245117188, + 366.7786560058594, + 0.9362701773643494, + 781.7421875, + 387.14324951171875, + 0.38993579149246216, + 863.2005615234375, + 448.23699951171875, + 0.0751396119594574 + ], + "scale": [ + 4.887500286102295, + 6.516666412353516 + ], + "score": 0.7421618242348943 + }, + { + "category_id": 1, + "center": [ + 455.0, + 240.0 + ], + "image_id": 20507224400, + "keypoints": [ + 278.17706298828125, + 42.9687385559082, + 0.9025202989578247, + 257.96875, + 12.656235694885254, + 0.22076299786567688, + 237.76040649414062, + 32.86457061767578, + 0.9714433550834656, + 571.1979370117188, + 406.71875, + 0.0027576375287026167, + 156.92706298828125, + 113.69790649414062, + 0.9655300378799438, + 278.17706298828125, + 133.90625, + 0.7684650421142578, + 167.03123474121094, + 325.88543701171875, + 0.8311847448348999, + 439.84375, + 144.01040649414062, + 0.8381563425064087, + 288.28125, + 487.5520935058594, + 0.005537313409149647, + 652.03125, + 83.38540649414062, + 0.9071290493011475, + 490.3645935058594, + 467.34375, + 0.9305711984634399, + 429.7395935058594, + 356.19793701171875, + 0.7437750101089478, + 429.7395935058594, + 457.2395935058594, + 0.6167485117912292, + 652.03125, + 255.15625, + 0.8435652256011963, + 753.0729370117188, + 356.19793701171875, + 0.9483146667480469, + 763.1771240234375, + 366.3020935058594, + 0.3550530672073364, + 793.4896240234375, + 467.34375, + 0.10882288217544556 + ], + "scale": [ + 4.850000381469727, + 6.466666221618652 + ], + "score": 0.7745156820331301 + }, + { + "category_id": 1, + "center": [ + 454.5, + 242.0 + ], + "image_id": 20507224700, + "keypoints": [ + 301.3815002441406, + 57.20182418823242, + 0.933666467666626, + 280.26171875, + 78.32161712646484, + 0.007085124962031841, + 259.1419372558594, + 36.08203125, + 0.9362613558769226, + 575.9387817382812, + 405.6783752441406, + 0.008065998554229736, + 174.6627655029297, + 110.00130462646484, + 0.9429410099983215, + 280.26171875, + 152.2408905029297, + 0.8039522171020508, + 164.1028594970703, + 331.7591247558594, + 0.8485558032989502, + 438.66015625, + 162.80078125, + 0.8922010660171509, + 269.7018127441406, + 511.27734375, + 0.015103318728506565, + 649.8580932617188, + 99.44140625, + 0.9332149028778076, + 480.8997497558594, + 469.0377502441406, + 0.9546703696250916, + 428.1002502441406, + 352.87890625, + 0.7817392349243164, + 428.1002502441406, + 458.4778747558594, + 0.5699048638343811, + 639.2981567382812, + 257.83984375, + 0.799111008644104, + 755.45703125, + 363.4388122558594, + 0.9376080632209778, + 766.0169067382812, + 352.87890625, + 0.4344710111618042, + 797.6965942382812, + 447.91796875, + 0.0987272635102272 + ], + "scale": [ + 5.068749904632568, + 6.758333206176758 + ], + "score": 0.828330567249885 + }, + { + "category_id": 1, + "center": [ + 438.5, + 241.0 + ], + "image_id": 20507225000, + "keypoints": [ + 298.40234375, + 49.01433563232422, + 0.9422891139984131, + 277.64715576171875, + 17.88152313232422, + 0.012764055281877518, + 267.26953125, + 38.6367301940918, + 0.9263279438018799, + 557.8424682617188, + 412.23046875, + 0.0048694615252316, + 173.87110900878906, + 100.90235137939453, + 0.9402250647544861, + 277.64715576171875, + 152.79037475585938, + 0.8272735476493835, + 173.87110900878906, + 329.2096252441406, + 0.845234751701355, + 443.6888122558594, + 163.16796875, + 0.8464837074279785, + 256.8919372558594, + 547.1392822265625, + 0.017985820770263672, + 661.6184692382812, + 90.52474975585938, + 0.8701928853988647, + 495.5768127441406, + 464.11846923828125, + 0.8758189678192139, + 433.3111877441406, + 349.96484375, + 0.8031083345413208, + 433.3111877441406, + 453.7408752441406, + 0.5908604264259338, + 651.2408447265625, + 256.56640625, + 0.7849026918411255, + 755.0169067382812, + 360.3424377441406, + 0.9169416427612305, + 775.7720947265625, + 349.96484375, + 0.3675552308559418, + 889.92578125, + 453.7408752441406, + 0.11352364718914032 + ], + "scale": [ + 4.981249809265137, + 6.641666889190674 + ], + "score": 0.8105549468443944 + }, + { + "category_id": 1, + "center": [ + 440.5, + 242.5 + ], + "image_id": 20507225600, + "keypoints": [ + 308.17578125, + 67.83202362060547, + 0.8926823735237122, + 202.31639099121094, + 57.2460823059082, + 0.0031625537667423487, + 287.00390625, + 46.6601448059082, + 0.9432194828987122, + 234.07420349121094, + 57.2460823059082, + 0.004933465272188187, + 223.48826599121094, + 89.00389862060547, + 0.9528388381004333, + 265.83203125, + 152.51953125, + 0.9044842720031738, + 170.55857849121094, + 332.48046875, + 0.8411095142364502, + 424.62109375, + 194.86328125, + 0.8913509249687195, + 308.17578125, + 491.26953125, + 0.020274199545383453, + 572.82421875, + 163.10546875, + 0.942058801651001, + 541.06640625, + 459.51171875, + 0.9295651912689209, + 435.20703125, + 343.06640625, + 0.8094518780708313, + 424.62109375, + 448.92578125, + 0.609424352645874, + 636.33984375, + 258.37890625, + 0.5810245871543884, + 752.78515625, + 385.41015625, + 0.8452643156051636, + 763.37109375, + 374.82421875, + 0.3166505992412567, + 911.57421875, + 480.68359375, + 0.057623669505119324 + ], + "scale": [ + 5.081250190734863, + 6.775000095367432 + ], + "score": 0.8045480870283567 + }, + { + "category_id": 1, + "center": [ + 471.0, + 241.5 + ], + "image_id": 20507226800, + "keypoints": [ + 324.48956298828125, + 84.88540649414062, + 0.9255152940750122, + 304.28125, + 44.4687385559082, + 0.17525379359722137, + 284.0729064941406, + 64.67707061767578, + 0.9587109088897705, + 455.84375, + 236.4479217529297, + 0.0037657571956515312, + 183.03123474121094, + 115.19790649414062, + 0.9395318031311035, + 243.65623474121094, + 175.82290649414062, + 0.8148922324180603, + 223.44790649414062, + 317.28125, + 0.8233579397201538, + 364.90625, + 236.4479217529297, + 0.870604932308197, + 516.46875, + 408.21875, + 0.8553065657615662, + 506.3645935058594, + 206.1354217529297, + 0.9192652702331543, + 758.96875, + 347.59375, + 0.9137532711029053, + 395.21875, + 388.01043701171875, + 0.49956169724464417, + 405.3229064941406, + 468.84375, + 0.20527589321136475, + 587.1979370117188, + 276.8645935058594, + 0.184300497174263, + 678.1354370117188, + 398.1145935058594, + 0.13496525585651398, + 718.5521240234375, + 266.7604064941406, + 0.0439545102417469, + 748.8646240234375, + 286.96875, + 0.03456921502947807 + ], + "scale": [ + 4.850000381469727, + 6.466666221618652 + ], + "score": 0.7932523461905393 + }, + { + "category_id": 1, + "center": [ + 474.5, + 242.0 + ], + "image_id": 20507230801, + "keypoints": [ + 460.49609375, + 199.98828125, + 0.8666654825210571, + 544.51953125, + 181.31640625, + 0.034494925290346146, + 451.16015625, + 162.64453125, + 0.9262645244598389, + 581.86328125, + 358.69921875, + 0.0022158981300890446, + 339.12890625, + 106.62891387939453, + 0.9343847036361694, + 329.79296875, + 153.30859375, + 0.729880690574646, + 245.76954650878906, + 293.34765625, + 0.802657425403595, + 413.81640625, + 227.99609375, + 0.51017165184021, + 451.16015625, + 209.32421875, + 0.00974601786583662, + 516.51171875, + 246.66796875, + 0.8127989768981934, + 628.54296875, + 433.38671875, + 0.009369521401822567, + 432.48828125, + 368.03515625, + 0.7298305034637451, + 432.48828125, + 470.7304382324219, + 0.502072274684906, + 609.87109375, + 284.01171875, + 0.5068120360374451, + 749.91015625, + 368.03515625, + 0.9488770961761475, + 759.24609375, + 377.37109375, + 0.41099172830581665, + 787.25390625, + 452.05859375, + 0.15533769130706787 + ], + "scale": [ + 4.481249809265137, + 5.975000381469727 + ], + "score": 0.7234505911668142 + }, + { + "category_id": 1, + "center": [ + 480.5, + 240.0 + ], + "image_id": 20507232100, + "keypoints": [ + 372.62890625, + 80.76171875, + 0.8877571821212769, + 352.08203125, + 39.66796875, + 0.15594850480556488, + 331.53515625, + 60.21484375, + 0.9698633551597595, + 547.27734375, + -83.61328125, + 0.0022449507378041744, + 218.52734375, + 101.30859375, + 0.911422848701477, + 280.16796875, + 173.22265625, + 0.7631106376647949, + 228.80078125, + 317.05078125, + 0.822777509689331, + 413.72265625, + 255.41015625, + 0.8654829263687134, + 516.45703125, + 471.15234375, + 0.741426944732666, + 537.00390625, + 317.05078125, + 0.8678735494613647, + 742.47265625, + 378.69140625, + 0.8717026710510254, + 434.26953125, + 388.96484375, + 0.5897859334945679, + 434.26953125, + 471.15234375, + 0.2655537724494934, + 619.19140625, + 317.05078125, + 0.3173360824584961, + 701.37890625, + 317.05078125, + 0.10093933343887329, + 752.74609375, + 368.41796875, + 0.06013181805610657, + 752.74609375, + 286.23046875, + 0.025087440386414528 + ], + "scale": [ + 4.931250095367432, + 6.575000286102295 + ], + "score": 0.7395077844460806 + }, + { + "category_id": 1, + "center": [ + 445.5, + 239.5 + ], + "image_id": 20507234300, + "keypoints": [ + 347.16015625, + 141.16015625, + 0.9074727296829224, + 347.16015625, + 99.75390625, + 0.7404767870903015, + 305.75390625, + 110.10546875, + 0.8884029984474182, + 564.54296875, + 368.89453125, + 0.008591693826019764, + 202.23828125, + 99.75390625, + 0.9282513856887817, + 274.69921875, + 161.86328125, + 0.7515183091163635, + 171.18359375, + 286.08203125, + 0.8042004108428955, + 367.86328125, + 255.02734375, + 0.7715309858322144, + 305.75390625, + 462.05859375, + 0.04038938134908676, + 471.37890625, + 317.13671875, + 0.8152700662612915, + 492.08203125, + 399.94921875, + 0.11741919070482254, + 409.26953125, + 368.89453125, + 0.7391537427902222, + 409.26953125, + 472.41015625, + 0.5728115439414978, + 637.00390625, + 255.02734375, + 0.6590611934661865, + 740.51953125, + 368.89453125, + 0.9512542486190796, + 761.22265625, + 358.54296875, + 0.4859081506729126, + 812.98046875, + 482.76171875, + 0.1478949338197708 + ], + "scale": [ + 4.96875, + 6.625 + ], + "score": 0.7704086578809298 + }, + { + "category_id": 1, + "center": [ + 467.0, + 240.0 + ], + "image_id": 20507203601, + "keypoints": [ + 314.4479064941406, + 87.44790649414062, + 0.8806799650192261, + 282.8854064941406, + 55.885406494140625, + 0.06862761080265045, + 261.84375, + 66.40624237060547, + 0.9403684139251709, + 587.9895629882812, + 403.07293701171875, + 0.01710476726293564, + 177.67706298828125, + 129.53125, + 0.9272668361663818, + 261.84375, + 161.09375, + 0.8221383094787598, + 167.15623474121094, + 329.4270935058594, + 0.8192409873008728, + 409.1354064941406, + 224.21875, + 0.8788474798202515, + 293.40625, + 497.76043701171875, + 0.013473531231284142, + 409.1354064941406, + 97.96874237060547, + 0.9077101945877075, + 482.78125, + 476.71875, + 0.9195968508720398, + 440.6979064941406, + 360.9895935058594, + 0.7458509206771851, + 430.1770935058594, + 466.19793701171875, + 0.625328540802002, + 661.6354370117188, + 234.7395782470703, + 0.7218616008758545, + 777.3646240234375, + 371.51043701171875, + 0.9200555682182312, + 777.3646240234375, + 360.9895935058594, + 0.5583314299583435, + 829.96875, + 476.71875, + 0.23201775550842285 + ], + "scale": [ + 5.050000190734863, + 6.733333587646484 + ], + "score": 0.7785210609436035 + }, + { + "category_id": 1, + "center": [ + 457.0, + 239.5 + ], + "image_id": 20507204001, + "keypoints": [ + 306.7135314941406, + 78.84896087646484, + 0.935804545879364, + 773.1198120117188, + 389.7864685058594, + 0.006631017662584782, + 285.984375, + 68.484375, + 0.9253743886947632, + 545.0989379882812, + 400.1510314941406, + 0.004472085740417242, + 213.4322967529297, + 120.30728912353516, + 0.9283398985862732, + 265.2552185058594, + 161.765625, + 0.8903083205223083, + 161.609375, + 337.9635314941406, + 0.8194956183433533, + 410.359375, + 255.046875, + 0.8978538513183594, + 275.6197814941406, + 545.2551879882812, + 0.012788675725460052, + 576.1926879882812, + 306.8697814941406, + 0.9309894442558289, + 493.2760314941406, + 472.703125, + 0.8863798379898071, + 431.0885314941406, + 369.0572814941406, + 0.7568768262863159, + 410.359375, + 472.703125, + 0.4876420497894287, + 710.9323120117188, + 306.8697814941406, + 0.453311949968338, + 773.1198120117188, + 379.421875, + 0.9448941946029663, + 793.8489379882812, + 389.7864685058594, + 0.3998708724975586, + 866.4010620117188, + 483.0677185058594, + 0.21543893218040466 + ], + "scale": [ + 4.974999904632568, + 6.633333683013916 + ], + "score": 0.7480414807796478 + }, + { + "category_id": 1, + "center": [ + 460.0, + 241.0 + ], + "image_id": 20507206001, + "keypoints": [ + 298.4375, + 69.64584350585938, + 0.8501114249229431, + 278.85418701171875, + -28.270816802978516, + 0.006037849001586437, + 269.0625, + 50.0625114440918, + 0.8658120632171631, + 543.2291870117188, + 392.77081298828125, + 0.0038160451222211123, + 210.31251525878906, + 118.60417175292969, + 0.9370700120925903, + 269.0625, + 157.77084350585938, + 0.8744027614593506, + 161.35418701171875, + 324.2291564941406, + 0.8293925523757935, + 406.1458435058594, + 245.8958282470703, + 0.8726531267166138, + 298.4375, + 539.6458129882812, + 0.011264430359005928, + 572.6041870117188, + 304.6458435058594, + 0.92718905210495, + 484.4791564941406, + 480.89581298828125, + 0.9702848196029663, + 435.5208435058594, + 363.39581298828125, + 0.7353203892707825, + 415.9375, + 471.1041564941406, + 0.47584572434425354, + 699.8958129882812, + 285.0625, + 0.4794342815876007, + 778.2291259765625, + 373.1875, + 0.9809327721595764, + 797.8125, + 392.77081298828125, + 0.42799562215805054, + 856.5625, + 471.1041564941406, + 0.17468319833278656 + ], + "scale": [ + 4.699999809265137, + 6.266666412353516 + ], + "score": 0.7866495847702026 + }, + { + "category_id": 1, + "center": [ + 442.0, + 242.0 + ], + "image_id": 20507207201, + "keypoints": [ + 303.1328125, + 61.98698043823242, + 0.9406210780143738, + 210.5546875, + 92.84635162353516, + 0.0032223565503954887, + 282.5599060058594, + 51.70051956176758, + 0.8990223407745361, + 529.4348754882812, + 401.4400939941406, + 0.005039426032453775, + 200.2682342529297, + 113.41927337646484, + 0.9250295162200928, + 261.9869689941406, + 164.8515625, + 0.8447816371917725, + 159.1223907470703, + 319.1484375, + 0.8617984056472778, + 405.9974060058594, + 257.4296875, + 0.8536853790283203, + 261.9869689941406, + 545.4505004882812, + 0.015369782224297523, + 570.5807495117188, + 298.5755310058594, + 0.9034982919692993, + 478.0025939941406, + 463.1588439941406, + 0.9330934286117554, + 436.8567810058594, + 370.5807189941406, + 0.7131682634353638, + 416.2838439941406, + 483.7317810058594, + 0.5006664395332336, + 724.8776245117188, + 308.8619689941406, + 0.4710625410079956, + 776.3098754882812, + 380.8671875, + 0.9459437131881714, + 796.8828125, + 401.4400939941406, + 0.3991885483264923, + 858.6015625, + 483.7317810058594, + 0.13566023111343384 + ], + "scale": [ + 4.9375, + 6.583333492279053 + ], + "score": 0.7839661217652835 + }, + { + "category_id": 1, + "center": [ + 471.5, + 243.5 + ], + "image_id": 20507208001, + "keypoints": [ + 300.5559997558594, + 72.55599212646484, + 0.9046940803527832, + 278.4986877441406, + 39.47005081176758, + 0.027340497821569443, + 267.4700622558594, + 61.52734375, + 0.9204161167144775, + 598.3294067382812, + 403.4153747558594, + 0.008610214106738567, + 179.2408905029297, + 116.67057037353516, + 0.9196312427520752, + 256.44140625, + 160.78515625, + 0.8325647115707397, + 168.2122344970703, + 326.21484375, + 0.8664584159851074, + 399.8138122558594, + 226.95703125, + 0.9195327758789062, + 300.5559997558594, + 579.8737182617188, + 0.01591658592224121, + 554.21484375, + 249.0143280029297, + 1.00760817527771, + 488.04296875, + 469.5872497558594, + 1.0170748233795166, + 443.9283752441406, + 359.30078125, + 0.7406889796257019, + 421.87109375, + 469.5872497558594, + 0.6140466928482056, + 675.5299682617188, + 260.04296875, + 0.6133103370666504, + 774.7877807617188, + 370.3294372558594, + 0.9178388118743896, + 796.8450317382812, + 370.3294372558594, + 0.41929590702056885, + 851.98828125, + 469.5872497558594, + 0.20184653997421265 + ], + "scale": [ + 5.293750286102295, + 7.058333396911621 + ], + "score": 0.778214829308646 + }, + { + "category_id": 1, + "center": [ + 620.0, + 220.5 + ], + "image_id": 21500916000, + "keypoints": [ + 609.53125, + 42.53125, + 0.04399070888757706, + 679.3229370117188, + 98.36458587646484, + 0.0036603801418095827, + 616.5104370117188, + 42.53125, + 0.0238941702991724, + 672.34375, + 217.0104217529297, + 0.008197820745408535, + 567.65625, + 28.57291603088379, + 0.17854677140712738, + 462.96875, + 35.55208206176758, + 0.5027903914451599, + 476.9270935058594, + 133.2604217529297, + 0.6275883316993713, + 539.7395629882812, + 112.32291412353516, + 0.5597244501113892, + 560.6770629882812, + 398.46875, + 0.8394114375114441, + 644.4270629882812, + 133.2604217529297, + 0.8932541608810425, + 686.3020629882812, + 321.6979064941406, + 0.947334885597229, + 581.6145629882812, + 217.0104217529297, + 0.7408115863800049, + 588.59375, + 314.71875, + 0.7189153432846069, + 749.1145629882812, + 196.0729217529297, + 0.7431927919387817, + 832.8645629882812, + 300.7604064941406, + 0.8418965339660645, + 832.8645629882812, + 293.78125, + 0.535954475402832, + 853.8020629882812, + 377.53125, + 0.08524279296398163 + ], + "scale": [ + 3.3500001430511475, + 4.4666666984558105 + ], + "score": 0.722806762565266 + }, + { + "category_id": 1, + "center": [ + 632.0, + 238.5 + ], + "image_id": 21500917201, + "keypoints": [ + 620.671875, + 61.02604293823242, + 0.8189566135406494, + 643.328125, + 30.81770896911621, + 0.14502401649951935, + 598.015625, + 45.921875, + 0.7953966856002808, + 718.8489379882812, + 264.9322814941406, + 0.004494339227676392, + 499.8385314941406, + 15.713541984558105, + 0.75655198097229, + 514.9426879882812, + 30.81770896911621, + 0.5297597646713257, + 454.5260314941406, + 151.6510467529297, + 0.7615408301353455, + 575.359375, + 76.13021087646484, + 0.43356573581695557, + 492.2864685058594, + 431.078125, + 0.8703392744064331, + 650.8801879882812, + 91.234375, + 0.8754984736442566, + 673.5364379882812, + 302.6927185058594, + 0.930173397064209, + 590.4635620117188, + 234.7239532470703, + 0.7804490327835083, + 575.359375, + 340.453125, + 0.5309367179870605, + 756.609375, + 196.9635467529297, + 0.6075844764709473, + 832.1301879882812, + 295.140625, + 0.9526734948158264, + 832.1301879882812, + 295.140625, + 0.44876012206077576, + 847.234375, + 363.109375, + 0.07901924103498459 + ], + "scale": [ + 3.625, + 4.8333330154418945 + ], + "score": 0.7208704714264188 + }, + { + "category_id": 1, + "center": [ + 639.0, + 226.5 + ], + "image_id": 21500917600, + "keypoints": [ + 606.5390625, + 28.12760353088379, + 0.6219112277030945, + 620.9661254882812, + 6.486979007720947, + 0.061643779277801514, + 592.1119995117188, + 13.700520515441895, + 0.42045873403549194, + 693.1015625, + 201.2526092529297, + 0.0036705066449940205, + 491.1224060058594, + 13.700520515441895, + 0.5238975882530212, + 483.9088439941406, + 42.5546875, + 0.48973673582077026, + 469.4817810058594, + 165.1848907470703, + 0.686876118183136, + 592.1119995117188, + 35.34114456176758, + 0.07142297923564911, + 556.0442504882812, + 403.2317810058594, + 0.8540235757827759, + 714.7421875, + 28.12760353088379, + 0.3578189015388489, + 693.1015625, + 323.8828125, + 0.9706797003746033, + 592.1119995117188, + 230.1067657470703, + 0.811735987663269, + 606.5390625, + 331.0963439941406, + 0.7122371792793274, + 765.2369995117188, + 201.2526092529297, + 0.8531602621078491, + 837.3723754882812, + 302.2421875, + 0.8718802332878113, + 844.5859375, + 295.0286560058594, + 0.614665150642395, + 887.8671875, + 367.1640625, + 0.11257263273000717 + ], + "scale": [ + 3.4625000953674316, + 4.616666793823242 + ], + "score": 0.6760831842055688 + }, + { + "category_id": 1, + "center": [ + 663.0, + 206.5 + ], + "image_id": 21500918600, + "keypoints": [ + 736.4895629882812, + 158.9479217529297, + 0.012964107096195221, + 736.4895629882812, + 150.3020782470703, + 0.0023138823453336954, + 641.3854370117188, + -186.8854217529297, + 0.004004955757409334, + 771.0729370117188, + 55.19791793823242, + 0.0032562545966356993, + 485.7604064941406, + 46.55208206176758, + 0.008697951212525368, + 468.46875, + 3.3229167461395264, + 0.1699942648410797, + 442.53125, + 98.42708587646484, + 0.6514840722084045, + 615.4479370117188, + 81.13541412353516, + 0.08633057773113251, + 701.90625, + 107.07291412353516, + 0.7296801209449768, + 719.1979370117188, + 29.26041603088379, + 0.07265918701887131, + 831.59375, + 20.61458396911621, + 0.8391624689102173, + 615.4479370117188, + 193.53125, + 0.6307923793792725, + 589.5104370117188, + 297.28125, + 0.6842746734619141, + 788.3645629882812, + 193.53125, + 0.660096287727356, + 840.2395629882812, + 305.9270935058594, + 0.8610314130783081, + 840.2395629882812, + 323.21875, + 0.378823459148407, + 918.0520629882812, + 366.4479064941406, + 0.0749179795384407 + ], + "scale": [ + 4.150000095367432, + 5.5333333015441895 + ], + "score": 0.679418109357357 + }, + { + "category_id": 1, + "center": [ + 645.5, + 202.0 + ], + "image_id": 21500920900, + "keypoints": [ + 584.26953125, + -55.16796875, + 0.002778212307021022, + 780.20703125, + 148.93359375, + 0.003171264659613371, + 633.25390625, + -177.62890625, + 0.002922226209193468, + 429.15234375, + 108.11328125, + 0.0010640418622642756, + 445.48046875, + -38.83984375, + 0.009768584743142128, + 469.97265625, + 10.14453125, + 0.22391368448734283, + 445.48046875, + 116.27734375, + 0.6668105125427246, + 633.25390625, + 26.47265625, + 0.3209031820297241, + 706.73046875, + 181.58984375, + 0.9009883999824524, + 772.04296875, + 10.14453125, + 0.16658298671245575, + 829.19140625, + 34.63671875, + 0.8803902268409729, + 608.76171875, + 189.75390625, + 0.6003481149673462, + 584.26953125, + 304.05078125, + 0.7385302782058716, + 804.69921875, + 206.08203125, + 0.5905114412307739, + 821.02734375, + 304.05078125, + 0.8961154222488403, + 821.02734375, + 312.21484375, + 0.35754793882369995, + 853.68359375, + 385.69140625, + 0.04787242412567139 + ], + "scale": [ + 3.918750047683716, + 5.224999904632568 + ], + "score": 0.6176059201359749 + }, + { + "category_id": 1, + "center": [ + 727.0, + 205.0 + ], + "image_id": 21500921300, + "keypoints": [ + 561.9088745117188, + -23.99740982055664, + 0.017191734164953232, + 918.71875, + 865.3646240234375, + 0.0013513097073882818, + 700.3723754882812, + 135.76821899414062, + 0.003399834968149662, + 380.84112548828125, + 7.95571756362915, + 0.003769561415538192, + 466.0494689941406, + 7.95571756362915, + 0.04227001219987869, + 423.4452819824219, + 29.257802963256836, + 0.389859676361084, + 466.0494689941406, + 146.4192657470703, + 0.7210754156112671, + 593.8619995117188, + 18.606760025024414, + 0.2145383656024933, + 689.7213745117188, + 199.6744842529297, + 0.9097226858139038, + 711.0234375, + 39.908843994140625, + 0.6744270324707031, + 955.9974365234375, + 82.51301574707031, + 0.9213995933532715, + 593.8619995117188, + 178.3723907470703, + 0.43743205070495605, + 615.1640625, + 263.5807189941406, + 0.6313802599906921, + 806.8828125, + 50.55988693237305, + 0.5289132595062256, + 870.7890625, + 274.2317810058594, + 0.3889397084712982, + 892.0911254882812, + 284.8828125, + 0.09437441825866699, + 892.0911254882812, + 359.44012451171875, + 0.034733716398477554 + ], + "scale": [ + 5.112500190734863, + 6.816666603088379 + ], + "score": 0.5817688047885895 + }, + { + "category_id": 1, + "center": [ + 629.0, + 234.5 + ], + "image_id": 21500922000, + "keypoints": [ + 579.4036254882812, + 24.66927146911621, + 0.4215390086174011, + 617.5546875, + 9.408854484558105, + 0.015722686424851418, + 564.1432495117188, + 9.408854484558105, + 0.37840062379837036, + 617.5546875, + 1.7786458730697632, + 0.006980376783758402, + 480.2109375, + 9.408854484558105, + 0.2837548553943634, + 472.5807189941406, + 24.66927146911621, + 0.4310165345668793, + 442.0599060058594, + 154.3828125, + 0.6539688110351562, + 579.4036254882812, + 1.7786458730697632, + 0.19591489434242249, + 525.9921875, + 390.9192810058594, + 0.8555958271026611, + 663.3359375, + 39.9296875, + 0.9046964645385742, + 762.5286254882812, + 406.1796875, + 0.8447132110595703, + 587.0338745117188, + 230.6848907470703, + 0.8338772058486938, + 579.4036254882812, + 337.5078125, + 0.6739308834075928, + 770.1588745117188, + 207.7942657470703, + 0.7395353317260742, + 823.5703125, + 306.9869689941406, + 0.7408275008201599, + 831.2005004882812, + 306.9869689941406, + 0.443746417760849, + 854.0911254882812, + 406.1796875, + 0.11800004541873932 + ], + "scale": [ + 3.6625001430511475, + 4.883333206176758 + ], + "score": 0.6312002058212574 + }, + { + "category_id": 1, + "center": [ + 630.0, + 234.5 + ], + "image_id": 21500930001, + "keypoints": [ + 758.9713745117188, + 230.8151092529297, + 0.7657554149627686, + 795.8203125, + 216.0755157470703, + 0.06773629784584045, + 744.2317504882812, + 208.7057342529297, + 0.8097361326217651, + 663.1640625, + 46.5703125, + 0.002438109368085861, + 648.4244995117188, + 142.3776092529297, + 0.9740904569625854, + 582.0963745117188, + 39.20051956176758, + 0.3352591097354889, + 552.6171875, + 216.0755157470703, + 0.6464056372642517, + 722.1223754882812, + 149.7473907470703, + 0.0513753667473793, + 456.8099060058594, + 437.1692810058594, + 0.8506078720092773, + 781.0807495117188, + 208.7057342529297, + 0.2530726194381714, + 655.7942504882812, + 356.1015625, + 0.9759544134140015, + 618.9453125, + 252.9244842529297, + 0.3559959828853607, + 574.7265625, + 341.3619689941406, + 0.3424743413925171, + 781.0807495117188, + 252.9244842529297, + 0.1536812037229538, + 832.6692504882812, + 297.1432189941406, + 0.7755463123321533, + 847.4088745117188, + 311.8828125, + 0.24492090940475464, + 840.0390625, + 356.1015625, + 0.026746079325675964 + ], + "scale": [ + 3.5374999046325684, + 4.7166666984558105 + ], + "score": 0.6108182668685913 + }, + { + "category_id": 1, + "center": [ + 639.0, + 229.5 + ], + "image_id": 21500930600, + "keypoints": [ + 590.5885620117188, + 47.026058197021484, + 0.4526223838329315, + 598.0364379882812, + 32.130226135253906, + 0.04871685802936554, + 575.6926879882812, + 32.130226135253906, + 0.445320725440979, + 694.859375, + 195.984375, + 0.008804187178611755, + 523.5573120117188, + 32.130226135253906, + 0.26021960377693176, + 478.86981201171875, + 32.130226135253906, + 0.43219488859176636, + 456.52606201171875, + 158.7447967529297, + 0.6364461779594421, + 538.453125, + 39.57814025878906, + 0.36527055501937866, + 508.6614685058594, + 411.97393798828125, + 0.8784961700439453, + 635.2760620117188, + 17.234394073486328, + 0.931348443031311, + 665.0676879882812, + 330.046875, + 0.94310462474823, + 590.5885620117188, + 225.7760467529297, + 0.8543711304664612, + 590.5885620117188, + 322.59893798828125, + 0.6185944080352783, + 761.890625, + 203.4322967529297, + 0.9130542278289795, + 836.3697509765625, + 300.25518798828125, + 0.8631091117858887, + 836.3697509765625, + 292.8072814941406, + 0.4912468194961548, + 895.953125, + 367.28643798828125, + 0.11052674055099487 + ], + "scale": [ + 3.5749998092651367, + 4.766666412353516 + ], + "score": 0.6489570907184056 + }, + { + "category_id": 1, + "center": [ + 612.5, + 241.5 + ], + "image_id": 21500931000, + "keypoints": [ + 541.3737182617188, + 58.06901168823242, + 0.7057559490203857, + 556.34765625, + 13.147135734558105, + 0.3976447284221649, + 503.9388122558594, + 43.09505081176758, + 0.7192891836166382, + 586.2955932617188, + -1.8268228769302368, + 0.012992622330784798, + 414.0950622558594, + 20.63411521911621, + 0.535200834274292, + 459.0169372558594, + 13.147135734558105, + 0.33688047528266907, + 436.5559997558594, + 170.3737030029297, + 0.7184985280036926, + 556.34765625, + 13.147135734558105, + 0.18714921176433563, + 511.42578125, + 417.4440002441406, + 0.8246043920516968, + 638.7044067382812, + 28.12109375, + 0.9169375896453857, + 736.03515625, + 447.3919372558594, + 0.7802492380142212, + 593.7825317382812, + 230.26953125, + 0.8311895132064819, + 578.80859375, + 327.6002502441406, + 0.7720435857772827, + 765.9830932617188, + 192.8346405029297, + 0.8011821508407593, + 825.87890625, + 297.65234375, + 0.8915599584579468, + 840.8528442382812, + 297.65234375, + 0.5183398127555847, + 855.8268432617188, + 387.49609375, + 0.08199799805879593 + ], + "scale": [ + 3.59375, + 4.791666507720947 + ], + "score": 0.6963839956692287 + }, + { + "category_id": 1, + "center": [ + 675.0, + 217.0 + ], + "image_id": 21500940000, + "keypoints": [ + 647.2005004882812, + 46.23176956176758, + 0.5073810815811157, + 663.0859375, + 70.05989837646484, + 0.011567029170691967, + 631.3151245117188, + 22.40364646911621, + 0.573350191116333, + 496.2890625, + 6.518229007720947, + 0.0033759314101189375, + 551.8880004882812, + 6.518229007720947, + 0.352697491645813, + 456.5755310058594, + 30.34635353088379, + 0.4709656536579132, + 520.1171875, + 165.3723907470703, + 0.6369547247886658, + 583.6588745117188, + 46.23176956176758, + 0.12905728816986084, + 686.9140625, + 332.1692810058594, + 0.8141762018203735, + 655.1432495117188, + 54.17448043823242, + 0.7538477182388306, + 877.5390625, + 332.1692810058594, + 0.7300024032592773, + 599.5442504882812, + 205.0859375, + 0.5588769912719727, + 599.5442504882812, + 308.3411560058594, + 0.5491573214530945, + 782.2265625, + 205.0859375, + 0.7841445207595825, + 909.3098754882812, + 332.1692810058594, + 0.4448438882827759, + 909.3098754882812, + 316.2838439941406, + 0.19677582383155823, + 933.1380004882812, + 387.7682189941406, + 0.11903255432844162 + ], + "scale": [ + 3.8125, + 5.0833330154418945 + ], + "score": 0.598033182322979 + }, + { + "category_id": 1, + "center": [ + 683.0, + 214.5 + ], + "image_id": 21500940400, + "keypoints": [ + 670.265625, + 6.505223751068115, + 0.13184775412082672, + 670.265625, + -1.984358787536621, + 0.0017802711809054017, + 661.7760620117188, + -1.984358787536621, + 0.044579461216926575, + 576.8801879882812, + -1.984358787536621, + 0.0029225554317235947, + 610.8385620117188, + 6.505223751068115, + 0.054043129086494446, + 441.0469055175781, + 23.484390258789062, + 0.4316096305847168, + 551.4114379882812, + 150.828125, + 0.6313433647155762, + 525.9427490234375, + 31.97397232055664, + 0.2905663251876831, + 721.203125, + 295.1510314941406, + 0.8208298087120056, + 644.796875, + 48.9531364440918, + 0.8592371940612793, + 874.015625, + 329.109375, + 0.7329165935516357, + 610.8385620117188, + 184.7864532470703, + 0.46099773049354553, + 593.859375, + 312.13018798828125, + 0.5748443603515625, + 780.6301879882812, + 210.2552032470703, + 0.3561199903488159, + 789.1198120117188, + 312.13018798828125, + 0.21771222352981567, + 907.9739379882812, + 329.109375, + 0.09276051074266434, + 958.9114379882812, + 363.06768798828125, + 0.13636161386966705 + ], + "scale": [ + 4.074999809265137, + 5.433333396911621 + ], + "score": 0.5376177221536637 + }, + { + "category_id": 1, + "center": [ + 611.5, + 236.0 + ], + "image_id": 21500941000, + "keypoints": [ + 598.94140625, + 47.62110900878906, + 0.38429391384124756, + 624.05859375, + 22.503921508789062, + 0.018837135285139084, + 582.1965942382812, + 22.503921508789062, + 0.4142409563064575, + 682.6653442382812, + 198.32421875, + 0.005162550136446953, + 506.8450622558594, + 22.503921508789062, + 0.3519951105117798, + 498.47265625, + 30.876317977905273, + 0.4575951099395752, + 448.23828125, + 131.34506225585938, + 0.7810885906219482, + 565.4518432617188, + 30.876317977905273, + 0.3367975950241089, + 389.63153076171875, + 374.14453125, + 0.8134520649909973, + 649.17578125, + 30.876317977905273, + 0.8391233682632446, + 607.3137817382812, + 416.0065002441406, + 0.9009345173835754, + 590.5690307617188, + 231.8137969970703, + 0.8260962963104248, + 590.5690307617188, + 323.91015625, + 0.7762508392333984, + 766.3892822265625, + 198.32421875, + 0.821649432182312, + 833.3684692382812, + 290.4205627441406, + 0.8897626996040344, + 850.11328125, + 273.67578125, + 0.5439496040344238, + 866.8580322265625, + 382.51690673828125, + 0.11691054701805115 + ], + "scale": [ + 4.018749713897705, + 5.358333587646484 + ], + "score": 0.6526592927319663 + }, + { + "category_id": 1, + "center": [ + 638.5, + 221.0 + ], + "image_id": 21500942000, + "keypoints": [ + 604.69140625, + 59.47005081176758, + 0.06683714687824249, + 544.5872192382812, + 382.5299377441406, + 0.002346272114664316, + 604.69140625, + 21.90494728088379, + 0.025592666119337082, + 724.8997192382812, + 247.2955780029297, + 0.005990055855363607, + 552.1002807617188, + -15.66015625, + 0.024037087336182594, + 461.9440002441406, + 29.41796875, + 0.35491305589675903, + 476.9700622558594, + 142.11328125, + 0.562166690826416, + 522.0481567382812, + 21.90494728088379, + 0.27623218297958374, + 567.1262817382812, + 397.5559997558594, + 0.8824466466903687, + 627.23046875, + 21.90494728088379, + 0.8733431696891785, + 687.3346557617188, + 314.9127502441406, + 0.9413438439369202, + 597.1784057617188, + 217.2434844970703, + 0.7418230772018433, + 604.69140625, + 322.42578125, + 0.678850531578064, + 769.9778442382812, + 202.2174530029297, + 0.8196549415588379, + 845.1080932617188, + 299.88671875, + 0.881433367729187, + 852.62109375, + 292.3736877441406, + 0.4960044324398041, + 905.2122192382812, + 375.0169372558594, + 0.13025470077991486 + ], + "scale": [ + 3.606250047683716, + 4.808333396911621 + ], + "score": 0.6825647218660875 + }, + { + "category_id": 1, + "center": [ + 625.5, + 199.5 + ], + "image_id": 21500943100, + "keypoints": [ + 552.08203125, + 14.207048416137695, + 0.015668027102947235, + 566.06640625, + 14.207048416137695, + 0.0026303313206881285, + 615.01171875, + -13.761699676513672, + 0.007252398878335953, + 545.08984375, + 14.207048416137695, + 0.0036166077479720116, + 538.09765625, + 7.2148613929748535, + 0.045680172741413116, + 419.2304992675781, + 28.191421508789062, + 0.4357239007949829, + 482.16015625, + 133.07421875, + 0.5973920822143555, + 503.13671875, + 21.199234008789062, + 0.4407999515533447, + 684.93359375, + 258.93359375, + 0.8736518621444702, + 615.01171875, + 28.191421508789062, + 0.585269570350647, + 754.85546875, + 77.13672637939453, + 0.8135069608688354, + 594.03515625, + 216.98046875, + 0.616937518119812, + 587.04296875, + 314.87109375, + 0.7172842621803284, + 775.83203125, + 216.98046875, + 0.6174499988555908, + 831.76953125, + 300.88671875, + 0.8515918254852295, + 838.76171875, + 300.88671875, + 0.33238065242767334, + 880.71484375, + 391.7851257324219, + 0.046883098781108856 + ], + "scale": [ + 3.3562498092651367, + 4.474999904632568 + ], + "score": 0.6256353259086609 + }, + { + "category_id": 1, + "center": [ + 610.0, + 207.0 + ], + "image_id": 21500944300, + "keypoints": [ + 591.9661254882812, + 15.841145515441895, + 0.027835555374622345, + 941.8229370117188, + 524.3958129882812, + 0.0022324873134493828, + 548.6848754882812, + 23.0546875, + 0.009110991843044758, + 469.3359375, + -34.65364456176758, + 0.0030246609821915627, + 505.4036560058594, + 1.4140625, + 0.06495662033557892, + 454.9088439941406, + 37.48176956176758, + 0.4881247878074646, + 483.7630310058594, + 116.83072662353516, + 0.6322875022888184, + 591.9661254882812, + 109.6171875, + 0.8879321813583374, + 707.3828125, + 210.6067657470703, + 0.8960192203521729, + 707.3828125, + 66.3359375, + 0.8620505332946777, + 830.0130004882812, + 66.3359375, + 0.9102112054824829, + 599.1796875, + 217.8203125, + 0.6277271509170532, + 591.9661254882812, + 318.8099060058594, + 0.7049316167831421, + 801.1588745117188, + 225.0338592529297, + 0.4539116322994232, + 830.0130004882812, + 304.3828125, + 0.8671282529830933, + 844.4401245117188, + 304.3828125, + 0.2466534674167633, + 873.2942504882812, + 405.3724060058594, + 0.05023687332868576 + ], + "scale": [ + 3.4625000953674316, + 4.616666793823242 + ], + "score": 0.6888161409984935 + }, + { + "category_id": 1, + "center": [ + 618.0, + 214.5 + ], + "image_id": 21500954300, + "keypoints": [ + 635.3828125, + -11.4765625, + 0.04303125664591789, + 642.3359375, + -4.5234375, + 0.00795266404747963, + 593.6640625, + 2.4296875, + 0.01665204018354416, + 600.6171875, + -18.4296875, + 0.00625983253121376, + 524.1328125, + 9.3828125, + 0.03763006627559662, + 454.6015625, + 30.2421875, + 0.47439509630203247, + 468.5078125, + 155.3984375, + 0.646472692489624, + 531.0859375, + 30.2421875, + 0.4003974199295044, + 593.6640625, + 350.0859375, + 0.664160966873169, + 642.3359375, + 23.2890625, + 0.8833972215652466, + 697.9609375, + 183.2109375, + 0.8145971298217773, + 586.7109375, + 204.0703125, + 0.6816938519477844, + 600.6171875, + 315.3203125, + 0.6810812950134277, + 767.4921875, + 204.0703125, + 0.73084557056427, + 837.0234375, + 308.3671875, + 0.8039166927337646, + 830.0703125, + 301.4140625, + 0.3179832994937897, + 906.5546875, + 398.7578125, + 0.11966404318809509 + ], + "scale": [ + 3.3375000953674316, + 4.449999809265137 + ], + "score": 0.6453582942485809 + }, + { + "category_id": 1, + "center": [ + 705.5, + 219.0 + ], + "image_id": 21500906600, + "keypoints": [ + 693.01953125, + 6.83203125, + 0.6907899379730225, + 709.66015625, + -18.12890625, + 0.007772116921842098, + 659.73828125, + -1.48828125, + 0.39576053619384766, + 509.97265625, + -1.48828125, + 0.008088326081633568, + 551.57421875, + 6.83203125, + 0.5658830404281616, + 526.61328125, + 31.79296875, + 0.5252102017402649, + 534.93359375, + 173.23828125, + 0.6504414081573486, + 609.81640625, + 181.55859375, + 0.0859672874212265, + 726.30078125, + 331.32421875, + 0.9002491235733032, + 651.41796875, + 181.55859375, + 0.22655624151229858, + 917.66796875, + 248.12109375, + 0.9153904914855957, + 618.13671875, + 231.48046875, + 0.42940062284469604, + 626.45703125, + 331.32421875, + 0.3220612406730652, + 809.50390625, + 214.83984375, + 0.33661311864852905, + 826.14453125, + 389.56640625, + 0.25808078050613403, + 884.38671875, + 181.55859375, + 0.055424030870199203, + 1067.43359375, + 406.20703125, + 0.020038940012454987 + ], + "scale": [ + 3.9937498569488525, + 5.325000286102295 + ], + "score": 0.5180363953113556 + }, + { + "category_id": 1, + "center": [ + 630.5, + 204.5 + ], + "image_id": 21500907600, + "keypoints": [ + 578.05859375, + 19.207048416137695, + 0.051129233092069626, + 843.76171875, + 312.87890625, + 0.0026341010816395283, + 578.05859375, + 26.199234008789062, + 0.02393079735338688, + 550.08984375, + 19.207048416137695, + 0.002884096698835492, + 515.12890625, + 12.214860916137695, + 0.06415387988090515, + 466.18359375, + 33.19142150878906, + 0.549591064453125, + 466.18359375, + 145.06640625, + 0.6413389444351196, + 543.09765625, + 138.07421875, + 0.3686462640762329, + 592.04296875, + 368.81640625, + 0.8246981501579285, + 620.01171875, + 131.08203125, + 0.8309955596923828, + 724.89453125, + 214.98828125, + 0.9582953453063965, + 599.03515625, + 214.98828125, + 0.7374909520149231, + 606.02734375, + 312.87890625, + 0.7317783832550049, + 766.84765625, + 194.01171875, + 0.7164048552513123, + 829.77734375, + 291.90234375, + 0.8597428798675537, + 836.76953125, + 284.91015625, + 0.3940655589103699, + 871.73046875, + 396.7851257324219, + 0.06525996327400208 + ], + "scale": [ + 3.3562498092651367, + 4.474999904632568 + ], + "score": 0.6920952688563954 + }, + { + "category_id": 1, + "center": [ + 614.0, + 219.5 + ], + "image_id": 21500976200, + "keypoints": [ + 596.1614379882812, + -5.265625, + 0.020926637575030327, + 881.578125, + 330.0989685058594, + 0.004664980340749025, + 574.7551879882812, + 30.41145896911621, + 0.008658478036522865, + 531.9426879882812, + -19.53645896911621, + 0.002171630971133709, + 546.2135620117188, + 16.140625, + 0.03428181633353233, + 446.3177185058594, + 23.27604103088379, + 0.3066106140613556, + 446.3177185058594, + 130.3072967529297, + 0.6628146171569824, + 517.671875, + 37.546875, + 0.32200518250465393, + 539.078125, + 387.1822814941406, + 0.8357269763946533, + 596.1614379882812, + 51.81770706176758, + 0.7639262676239014, + 674.6510620117188, + 230.203125, + 0.9178644418716431, + 589.0260620117188, + 201.6614532470703, + 0.6652305126190186, + 581.890625, + 315.828125, + 0.6240448355674744, + 774.546875, + 201.6614532470703, + 0.7288692593574524, + 838.765625, + 294.421875, + 0.8747590780258179, + 845.9010620117188, + 294.421875, + 0.4807726740837097, + 867.3073120117188, + 415.7239685058594, + 0.057359252125024796 + ], + "scale": [ + 3.424999952316284, + 4.566666603088379 + ], + "score": 0.652965859933333 + }, + { + "category_id": 1, + "center": [ + 619.0, + 214.0 + ], + "image_id": 21500982600, + "keypoints": [ + 574.6510620117188, + 12.723958015441895, + 0.1947309970855713, + 561.0051879882812, + -0.921875, + 0.0050194445066154, + 554.1823120117188, + 33.19270706176758, + 0.04126172140240669, + 704.2864379882812, + 183.296875, + 0.004012505989521742, + 492.7760314941406, + 19.546875, + 0.09185592830181122, + 499.5989685058594, + 33.19270706176758, + 0.47504302859306335, + 472.3072814941406, + 149.1822967529297, + 0.7411710023880005, + 567.828125, + 142.359375, + 0.05967062711715698, + 567.828125, + 381.1614685058594, + 0.8712735772132874, + 676.9948120117188, + 142.359375, + 0.04601576551795006, + 731.578125, + 333.4010314941406, + 0.9179593324661255, + 595.1198120117188, + 217.4114532470703, + 0.8066942691802979, + 595.1198120117188, + 306.109375, + 0.7039716243743896, + 758.8698120117188, + 190.1197967529297, + 0.6976140737533569, + 840.7448120117188, + 299.2864685058594, + 0.7426173686981201, + 833.921875, + 278.8177185058594, + 0.367372065782547, + 861.2135620117188, + 333.4010314941406, + 0.08666706085205078 + ], + "scale": [ + 3.2749998569488525, + 4.366666793823242 + ], + "score": 0.7026351491610209 + }, + { + "category_id": 1, + "center": [ + 645.0, + 216.0 + ], + "image_id": 21500983300, + "keypoints": [ + 584.5703125, + 27.6015625, + 0.021418482065200806, + 556.1328125, + 368.8515625, + 0.0023807946126908064, + 570.3515625, + 340.4140625, + 0.0024831637274473906, + 698.3203125, + 191.1171875, + 0.006511349231004715, + 485.0390625, + 27.6015625, + 0.018528133630752563, + 506.3671875, + 34.7109375, + 0.4966069459915161, + 463.7109375, + 155.5703125, + 0.6558670997619629, + 534.8046875, + 148.4609375, + 0.05392271280288696, + 570.3515625, + 390.1796875, + 0.8831698298454285, + 620.1171875, + 162.6796875, + 0.02406943216919899, + 733.8671875, + 333.3046875, + 0.9740074276924133, + 598.7890625, + 219.5546875, + 0.834982693195343, + 598.7890625, + 311.9765625, + 0.7133821249008179, + 762.3046875, + 198.2265625, + 0.8422282934188843, + 854.7265625, + 297.7578125, + 0.8291327953338623, + 840.5078125, + 283.5390625, + 0.632533073425293, + 861.8359375, + 340.4140625, + 0.06387950479984283 + ], + "scale": [ + 3.4124999046325684, + 4.550000190734863 + ], + "score": 0.7624344759517245 + }, + { + "category_id": 1, + "center": [ + 633.0, + 217.0 + ], + "image_id": 21500983600, + "keypoints": [ + 578.1171875, + 30.398454666137695, + 0.026203328743577003, + 658.6119995117188, + 388.96612548828125, + 0.0036262040957808495, + 548.8463745117188, + 30.398454666137695, + 0.006586216390132904, + 687.8828125, + 191.3880157470703, + 0.0035196661483496428, + 512.2578125, + 15.763038635253906, + 0.05788886547088623, + 504.94012451171875, + 30.398454666137695, + 0.5365927219390869, + 468.3515625, + 154.7994842529297, + 0.6728811264038086, + 570.7994995117188, + 169.43490600585938, + 0.03643795847892761, + 563.4817504882812, + 396.2838439941406, + 0.8765928745269775, + 607.3880004882812, + 154.7994842529297, + 0.03758011758327484, + 731.7890625, + 330.4244689941406, + 1.002938985824585, + 585.4348754882812, + 220.6588592529297, + 0.769896388053894, + 592.7526245117188, + 315.7890625, + 0.7111937999725342, + 753.7421875, + 191.3880157470703, + 0.8093483448028564, + 841.5546875, + 293.8359375, + 0.6612021923065186, + 848.8723754882812, + 286.5182189941406, + 0.422851026058197, + 841.5546875, + 315.7890625, + 0.07366229593753815 + ], + "scale": [ + 3.5124998092651367, + 4.683333396911621 + ], + "score": 0.7181663844320509 + }, + { + "category_id": 1, + "center": [ + 618.5, + 216.0 + ], + "image_id": 21500983900, + "keypoints": [ + 593.5715942382812, + 34.37892150878906, + 0.039294105023145676, + 622.0612182617188, + 34.37892150878906, + 0.005766155198216438, + 543.71484375, + 340.64190673828125, + 0.006945921573787928, + 750.2642822265625, + 269.41796875, + 0.0026213708333671093, + 486.7356872558594, + 5.889341831207275, + 0.03339168429374695, + 508.1028747558594, + 41.50131607055664, + 0.5264809131622314, + 458.24609375, + 155.4596405029297, + 0.655383825302124, + 565.08203125, + 148.33724975585938, + 0.05343066155910492, + 565.08203125, + 383.37628173828125, + 0.8467839360237122, + 622.0612182617188, + 212.4387969970703, + 0.0199194997549057, + 728.8971557617188, + 333.51953125, + 0.942135214805603, + 593.5715942382812, + 226.68359375, + 0.7500708103179932, + 586.44921875, + 319.27471923828125, + 0.7485672235488892, + 750.2642822265625, + 191.0716094970703, + 0.7586685419082642, + 842.85546875, + 290.78515625, + 0.645088255405426, + 835.7330322265625, + 276.54034423828125, + 0.36634117364883423, + 857.1002197265625, + 312.15234375, + 0.13801534473896027 + ], + "scale": [ + 3.4187498092651367, + 4.558333396911621 + ], + "score": 0.6932799882358975 + }, + { + "category_id": 1, + "center": [ + 618.0, + 215.0 + ], + "image_id": 21500984500, + "keypoints": [ + 573.6510620117188, + 20.546875, + 0.10173669457435608, + 648.703125, + 382.1614685058594, + 0.0035955598577857018, + 560.0051879882812, + 34.19270706176758, + 0.02637186273932457, + 703.2864379882812, + 184.296875, + 0.0044280956499278545, + 498.5989685058594, + 27.36979103088379, + 0.1014319434762001, + 498.5989685058594, + 27.36979103088379, + 0.44410598278045654, + 478.1302185058594, + 157.0052032470703, + 0.7158632278442383, + 566.828125, + 143.359375, + 0.04385075718164444, + 560.0051879882812, + 388.984375, + 0.8987312316894531, + 682.8176879882812, + 109.24478912353516, + 0.017287449911236763, + 730.578125, + 334.4010314941406, + 0.9021009206771851, + 587.296875, + 218.4114532470703, + 0.7489756941795349, + 587.296875, + 313.9322814941406, + 0.6735022664070129, + 757.8698120117188, + 191.1197967529297, + 0.7294148206710815, + 839.7448120117188, + 300.2864685058594, + 0.775103747844696, + 846.5676879882812, + 293.4635314941406, + 0.44770747423171997, + 867.0364379882812, + 341.2239685058594, + 0.09597200155258179 + ], + "scale": [ + 3.2749998569488525, + 4.366666793823242 + ], + "score": 0.7039450407028198 + }, + { + "category_id": 1, + "center": [ + 625.0, + 216.5 + ], + "image_id": 21500908500, + "keypoints": [ + 600.2083129882812, + 7.541666507720947, + 0.10782498866319656, + 621.4583129882812, + -13.708333015441895, + 0.004653202369809151, + 586.0416870117188, + 7.541666507720947, + 0.04626564309000969, + 536.4583129882812, + -20.79166603088379, + 0.0021864408627152443, + 522.2916870117188, + 14.625, + 0.07132086157798767, + 465.625, + 28.79166603088379, + 0.4479016661643982, + 458.5416564941406, + 127.95833587646484, + 0.6400184631347656, + 543.5416870117188, + 35.875, + 0.42368143796920776, + 628.5416870117188, + 326.2916564941406, + 0.6087336540222168, + 621.4583129882812, + 71.29166412353516, + 0.7842985391616821, + 663.9583129882812, + 163.375, + 0.8023909330368042, + 600.2083129882812, + 205.875, + 0.6926009654998779, + 607.2916870117188, + 326.2916564941406, + 0.7704993486404419, + 763.125, + 198.7916717529297, + 0.8072670102119446, + 826.875, + 297.9583435058594, + 0.8936837315559387, + 833.9583129882812, + 290.875, + 0.44104790687561035, + 855.2083129882812, + 375.875, + 0.060832612216472626 + ], + "scale": [ + 3.4000000953674316, + 4.5333333015441895 + ], + "score": 0.6647385142066262 + }, + { + "category_id": 1, + "center": [ + 637.0, + 221.0 + ], + "image_id": 21500985100, + "keypoints": [ + 574.1354370117188, + 25.01041603088379, + 0.04313492029905319, + 958.71875, + 546.4166870117188, + 0.0006634920137003064, + 825.59375, + 291.2604064941406, + 0.011145384982228279, + 692.46875, + 195.1145782470703, + 0.004575168713927269, + 485.3854064941406, + 25.01041603088379, + 0.04270366579294205, + 492.78125, + 32.40625, + 0.5395709276199341, + 463.1979064941406, + 150.7395782470703, + 0.6444921493530273, + 581.53125, + 150.7395782470703, + 0.06700627505779266, + 566.7395629882812, + 394.8020935058594, + 0.8535516858100891, + 655.4895629882812, + 180.3229217529297, + 0.03348206356167793, + 736.84375, + 335.6354064941406, + 0.9647839665412903, + 588.9270629882812, + 224.6979217529297, + 0.8122503757476807, + 596.3229370117188, + 320.84375, + 0.7136332392692566, + 759.03125, + 195.1145782470703, + 0.8386982679367065, + 847.78125, + 291.2604064941406, + 0.7299085855484009, + 840.3854370117188, + 283.8645935058594, + 0.5151267051696777, + 855.1770629882812, + 298.65625, + 0.09115848690271378 + ], + "scale": [ + 3.549999952316284, + 4.733333110809326 + ], + "score": 0.7346684336662292 + }, + { + "category_id": 1, + "center": [ + 609.5, + 191.5 + ], + "image_id": 21500986900, + "keypoints": [ + 612.9440307617188, + 2.0794270038604736, + 0.016476381570100784, + 805.80859375, + 298.2643127441406, + 0.0029414291493594646, + 916.0169067382812, + 498.0169372558594, + 0.0032089774031192064, + 668.0481567382812, + 174.2799530029297, + 0.0013486314564943314, + 475.18359375, + -39.24869918823242, + 0.00467056455090642, + 482.0716247558594, + 29.63150978088379, + 0.5054563283920288, + 426.9674377441406, + 84.73567962646484, + 0.704114556312561, + 564.7278442382812, + 153.6158905029297, + 0.06180598586797714, + 585.3919067382812, + 270.7122497558594, + 0.678561806678772, + 654.2721557617188, + 146.7278594970703, + 0.02390354312956333, + 743.81640625, + 318.9283752441406, + 0.9210733771324158, + 571.6159057617188, + 194.9440155029297, + 0.5994375944137573, + 557.83984375, + 277.6002502441406, + 0.49675390124320984, + 736.9284057617188, + 181.16796875, + 0.553124725818634, + 757.5924682617188, + 194.9440155029297, + 0.5019545555114746, + 764.48046875, + 215.6080780029297, + 0.16601400077342987, + 812.6965942382812, + 270.7122497558594, + 0.04418867453932762 + ], + "scale": [ + 3.3062500953674316, + 4.4083333015441895 + ], + "score": 0.6200596056878567 + }, + { + "category_id": 1, + "center": [ + 630.5, + 219.5 + ], + "image_id": 21500989800, + "keypoints": [ + 604.38671875, + 21.78515625, + 0.014513928443193436, + 656.61328125, + 14.32421875, + 0.0018931839149445295, + 619.30859375, + 14.32421875, + 0.010425974614918232, + 723.76171875, + 185.92578125, + 0.00843534991145134, + 507.39453125, + 21.78515625, + 0.00808597169816494, + 462.62890625, + 29.24609375, + 0.2667481303215027, + 462.62890625, + 118.77734375, + 0.6442455053329468, + 544.69921875, + 29.24609375, + 0.4128773808479309, + 567.08203125, + 387.37109375, + 0.8572477698326111, + 634.23046875, + 21.78515625, + 0.7895264029502869, + 798.37109375, + 364.98828125, + 0.9114665389060974, + 589.46484375, + 215.76953125, + 0.7452743053436279, + 589.46484375, + 320.22265625, + 0.7495307922363281, + 775.98828125, + 200.84765625, + 0.7554605007171631, + 828.21484375, + 297.83984375, + 0.6619658470153809, + 850.59765625, + 305.30078125, + 0.2859981060028076, + 973.703125, + 413.484375, + 0.12528729438781738 + ], + "scale": [ + 3.581249952316284, + 4.775000095367432 + ], + "score": 0.6436673890460621 + }, + { + "category_id": 1, + "center": [ + 617.0, + 205.5 + ], + "image_id": 21500909000, + "keypoints": [ + 598.4453125, + 16.2421875, + 0.47203540802001953, + 576.1796875, + -28.2890625, + 0.006296898238360882, + 583.6015625, + 16.2421875, + 0.21769008040428162, + 613.2890625, + 75.6171875, + 0.006052019074559212, + 494.5390625, + 8.8203125, + 0.09197574108839035, + 457.4296875, + 31.0859375, + 0.5007132291793823, + 457.4296875, + 120.1484375, + 0.7715308666229248, + 531.6484375, + 105.3046875, + 0.5027881264686584, + 568.7578125, + 350.2265625, + 0.8510806560516357, + 635.5546875, + 112.7265625, + 0.8245604038238525, + 739.4609375, + 216.6328125, + 0.8921627998352051, + 591.0234375, + 216.6328125, + 0.7084211111068726, + 583.6015625, + 313.1171875, + 0.6206903457641602, + 769.1484375, + 186.9453125, + 0.772712767124176, + 835.9453125, + 290.8515625, + 0.8625029921531677, + 835.9453125, + 283.4296875, + 0.33787816762924194, + 858.2109375, + 357.6484375, + 0.05136209726333618 + ], + "scale": [ + 3.5625, + 4.75 + ], + "score": 0.641135919552583 + }, + { + "category_id": 1, + "center": [ + 623.0, + 216.5 + ], + "image_id": 21501018900, + "keypoints": [ + 580.6041870117188, + 4.520833492279053, + 0.208505317568779, + 773.3125, + 335.9791564941406, + 0.004182667471468449, + 565.1875, + 12.229166984558105, + 0.0641387477517128, + 680.8125, + 181.8125, + 0.01397730689495802, + 511.2291564941406, + 12.229166984558105, + 0.18533998727798462, + 464.9791564941406, + 35.35416793823242, + 0.5940967798233032, + 472.6875, + 150.9791717529297, + 0.7762911319732666, + 572.8958129882812, + 112.4375, + 0.8685402274131775, + 565.1875, + 389.9375, + 0.8942873477935791, + 696.2291870117188, + 97.02083587646484, + 0.923629879951477, + 696.2291870117188, + 320.5625, + 0.9474600553512573, + 588.3125, + 228.0625, + 0.7866617441177368, + 596.0208129882812, + 320.5625, + 0.7950314283370972, + 750.1875, + 197.2291717529297, + 0.8518705368041992, + 842.6875, + 312.8541564941406, + 0.8429378271102905, + 842.6875, + 297.4375, + 0.6590678691864014, + 881.2291870117188, + 359.1041564941406, + 0.08374106884002686 + ], + "scale": [ + 3.700000047683716, + 4.933333396911621 + ], + "score": 0.7623650121192137 + }, + { + "category_id": 1, + "center": [ + 625.0, + 215.5 + ], + "image_id": 21501020600, + "keypoints": [ + 554.2448120117188, + 33.026058197021484, + 0.017702173441648483, + 770.234375, + 330.94268798828125, + 0.004716857802122831, + 561.6926879882812, + 18.130226135253906, + 0.007003170903772116, + 680.859375, + 181.984375, + 0.005034240894019604, + 479.765625, + 18.130226135253906, + 0.01908992789685726, + 479.765625, + 18.130226135253906, + 0.6365317106246948, + 449.9739685058594, + 129.84896850585938, + 0.6864889860153198, + 613.828125, + 47.92189025878906, + 0.8223668336868286, + 561.6926879882812, + 390.5260314941406, + 0.8987427949905396, + 755.3385009765625, + 25.578140258789062, + 0.8703041076660156, + 695.7551879882812, + 316.046875, + 0.9205614924430847, + 584.0364379882812, + 226.671875, + 0.7495214343070984, + 591.484375, + 323.4947814941406, + 0.7522412538528442, + 755.3385009765625, + 204.328125, + 0.7763489484786987, + 837.265625, + 308.59893798828125, + 0.8350154161453247, + 837.265625, + 308.59893798828125, + 0.6114510297775269, + 881.953125, + 375.63018798828125, + 0.13942429423332214 + ], + "scale": [ + 3.5749998092651367, + 4.766666412353516 + ], + "score": 0.7781430916352705 + }, + { + "category_id": 1, + "center": [ + 653.0, + 217.5 + ], + "image_id": 21501023600, + "keypoints": [ + 580.5130004882812, + 0.0390625, + 0.0100165493786335, + 649.1848754882812, + 22.9296875, + 0.0025167595595121384, + 580.5130004882812, + -7.591145992279053, + 0.0032155222725123167, + 717.8567504882812, + 244.2057342529297, + 0.004856699146330357, + 496.5807189941406, + 15.299479484558105, + 0.02507389523088932, + 473.6900939941406, + 15.299479484558105, + 0.5698592066764832, + 466.0599060058594, + 137.3828125, + 0.7566975951194763, + 588.1432495117188, + 7.669270992279053, + 0.25545862317085266, + 557.6223754882812, + 396.8099060058594, + 0.880038857460022, + 717.8567504882812, + 7.669270992279053, + 0.7947892546653748, + 687.3359375, + 320.5078125, + 0.9210216403007507, + 588.1432495117188, + 221.3151092529297, + 0.8735538125038147, + 595.7734375, + 320.5078125, + 0.6743546724319458, + 756.0078125, + 221.3151092529297, + 0.8267748355865479, + 855.2005004882812, + 312.8775939941406, + 0.8011418581008911, + 862.8307495117188, + 305.2474060058594, + 0.8090884685516357, + 908.6119995117188, + 381.5494689941406, + 0.11452614516019821 + ], + "scale": [ + 3.6625001430511475, + 4.883333206176758 + ], + "score": 0.7420708022334359 + }, + { + "category_id": 1, + "center": [ + 651.5, + 231.5 + ], + "image_id": 21501025201, + "keypoints": [ + 624.29296875, + 87.69142150878906, + 0.010993154719471931, + 670.93359375, + 421.9491882324219, + 0.006558494176715612, + 577.65234375, + 33.27735900878906, + 0.0071473089046776295, + 569.87890625, + 9.957049369812012, + 0.007788416463881731, + 523.23828125, + 33.27735900878906, + 0.01964762806892395, + 453.2773742675781, + 25.503923416137695, + 0.4405544400215149, + 476.59765625, + 142.10546875, + 0.6330119967460632, + 538.78515625, + 25.503923416137695, + 0.1574631631374359, + 554.33203125, + 398.62890625, + 0.9164080619812012, + 639.83984375, + 17.730485916137695, + 0.9061442613601685, + 764.21484375, + 383.08203125, + 0.9478567242622375, + 593.19921875, + 235.38671875, + 0.8462123870849609, + 585.42578125, + 328.66796875, + 0.6538656949996948, + 764.21484375, + 227.61328125, + 0.788284957408905, + 826.40234375, + 313.12109375, + 0.31527286767959595, + 865.26953125, + 297.57421875, + 0.5685622692108154, + 888.58984375, + 359.76171875, + 0.1290034055709839 + ], + "scale": [ + 3.7312498092651367, + 4.974999904632568 + ], + "score": 0.7016173660755157 + }, + { + "category_id": 1, + "center": [ + 631.0, + 203.5 + ], + "image_id": 21501029300, + "keypoints": [ + 683.1484375, + -1.6171875, + 0.004841215442866087, + 843.0703125, + 332.1328125, + 0.003993533551692963, + 843.0703125, + 318.2265625, + 0.005593413021415472, + 724.8671875, + 102.6796875, + 0.002974617760628462, + 405.0234375, + -1.6171875, + 0.00336149288341403, + 516.2734375, + 5.3359375, + 0.03748518228530884, + 495.4140625, + 40.1015625, + 0.3337392508983612, + 745.7265625, + 26.1953125, + 0.021054551005363464, + 738.7734375, + 26.1953125, + 0.3325025737285614, + 731.8203125, + 144.3984375, + 0.02457035705447197, + 822.2109375, + -1.6171875, + 0.06580141186714172, + 592.7578125, + 213.9296875, + 0.5185942649841309, + 578.8515625, + 304.3203125, + 0.5242558717727661, + 766.5859375, + 200.0234375, + 0.7257311344146729, + 850.0234375, + 318.2265625, + 0.8310621976852417, + 850.0234375, + 325.1796875, + 0.5341618061065674, + 933.4609375, + 380.8046875, + 0.06651191413402557 + ], + "scale": [ + 3.3375000953674316, + 4.449999809265137 + ], + "score": 0.5428638713700431 + }, + { + "category_id": 1, + "center": [ + 639.0, + 200.0 + ], + "image_id": 21501029601, + "keypoints": [ + 751.578125, + 162.4739532470703, + 0.002906711073592305, + 847.0989379882812, + 319.4010314941406, + 0.0041555380448699, + 840.2760620117188, + 305.7552185058594, + 0.004327086731791496, + 410.4322814941406, + 12.369791984558105, + 0.0029617769178003073, + 505.953125, + 87.421875, + 0.0013959882780909538, + 553.7135620117188, + 5.546875, + 0.025287998840212822, + 553.7135620117188, + -1.2760416269302368, + 0.11535844206809998, + 499.1302185058594, + 339.8697814941406, + 0.006190282292664051, + 533.2448120117188, + 353.515625, + 0.26502594351768494, + 737.9323120117188, + 189.765625, + 0.018034592270851135, + 826.6301879882812, + 353.515625, + 0.042797040194272995, + 581.0051879882812, + 237.5260467529297, + 0.24348510801792145, + 567.359375, + 312.578125, + 0.39821046590805054, + 765.2239379882812, + 210.234375, + 0.7629917860031128, + 840.2760620117188, + 319.4010314941406, + 0.8478131890296936, + 840.2760620117188, + 326.2239685058594, + 0.5301508903503418, + 915.328125, + 380.8072814941406, + 0.07102248817682266 + ], + "scale": [ + 3.2749998569488525, + 4.366666793823242 + ], + "score": 0.5079462304711342 + }, + { + "category_id": 1, + "center": [ + 663.5, + 212.0 + ], + "image_id": 21501030001, + "keypoints": [ + 455.6940002441406, + 398.6731872558594, + 0.004775526467710733, + 871.3059692382812, + 321.1861877441406, + 0.006895185448229313, + 843.12890625, + 285.96484375, + 0.014410710893571377, + 483.87109375, + 243.69921875, + 0.0023681188467890024, + 744.5090942382812, + 88.72525787353516, + 0.003508373163640499, + 575.4465942382812, + 4.194010257720947, + 0.02605864405632019, + 568.40234375, + 4.194010257720947, + 0.16599974036216736, + 800.86328125, + 11.23828125, + 0.02606847882270813, + 554.3137817382812, + 363.4518127441406, + 0.19233018159866333, + 821.99609375, + 39.41536331176758, + 0.03446013480424881, + 843.12890625, + 342.3190002441406, + 0.06143170967698097, + 589.53515625, + 229.6106719970703, + 0.27811717987060547, + 582.4909057617188, + 321.1861877441406, + 0.5587486028671265, + 758.59765625, + 201.43359375, + 0.7414710521697998, + 843.12890625, + 307.09765625, + 0.8969842195510864, + 857.2174682617188, + 307.09765625, + 0.5458579063415527, + 899.4830932617188, + 370.49609375, + 0.07188413292169571 + ], + "scale": [ + 3.3812499046325684, + 4.508333206176758 + ], + "score": 0.6042357921600342 + }, + { + "category_id": 1, + "center": [ + 657.0, + 215.5 + ], + "image_id": 21501030401, + "keypoints": [ + 718.09375, + 197.53125, + 0.0033292132429778576, + 876.21875, + 326.90625, + 0.007142360787838697, + 840.28125, + 290.96875, + 0.008811790496110916, + 531.21875, + 39.40625, + 0.0012558999005705118, + 703.71875, + 39.40625, + 0.001263163285329938, + 502.46875, + 10.65625, + 0.06445185840129852, + 538.40625, + 39.40625, + 0.6203394532203674, + 646.21875, + 60.96875, + 0.0638197660446167, + 768.40625, + 60.96875, + 0.6267337799072266, + 710.90625, + 32.21875, + 0.1592121124267578, + 789.96875, + 17.84375, + 0.3525194227695465, + 588.71875, + 226.28125, + 0.5757598876953125, + 581.53125, + 319.71875, + 0.6237910985946655, + 746.84375, + 197.53125, + 0.832552433013916, + 854.65625, + 298.15625, + 0.8942118883132935, + 854.65625, + 290.96875, + 0.7417527437210083, + 883.40625, + 377.21875, + 0.07458209991455078 + ], + "scale": [ + 3.450000047683716, + 4.599999904632568 + ], + "score": 0.658457588404417 + }, + { + "category_id": 1, + "center": [ + 637.0, + 207.0 + ], + "image_id": 21501003100, + "keypoints": [ + 672.9765625, + 123.0546875, + 0.00827344786375761, + 752.9244995117188, + 290.9453125, + 0.0055322772823274136, + 984.7734375, + 562.7682495117188, + 0.0018860570853576064, + 816.8828125, + 346.9088439941406, + 0.0014264549827203155, + 393.1588439941406, + -36.84114456176758, + 0.0065840743482112885, + 545.0598754882812, + 19.12239646911621, + 0.6194367408752441, + 409.1484375, + 99.0703125, + 0.796471357345581, + 640.9973754882812, + 99.0703125, + 0.8557610511779785, + 593.0286254882812, + 314.9296875, + 0.8571165800094604, + 768.9140625, + 171.0234375, + 0.8700591325759888, + 824.8776245117188, + 330.9192810058594, + 0.8671810626983643, + 609.0182495117188, + 210.9973907470703, + 0.7626075744628906, + 553.0546875, + 298.9400939941406, + 0.636642336845398, + 760.9192504882812, + 203.0026092529297, + 0.4136921167373657, + 792.8984375, + 290.9453125, + 0.3044097423553467, + 872.8463745117188, + 306.9349060058594, + 0.13470685482025146, + 880.8411254882812, + 402.8724060058594, + 0.09603820741176605 + ], + "scale": [ + 3.8374998569488525, + 5.116666793823242 + ], + "score": 0.6983377695083618 + }, + { + "category_id": 1, + "center": [ + 636.5, + 217.0 + ], + "image_id": 21501003600, + "keypoints": [ + 536.40234375, + 12.80078125, + 0.011679686605930328, + 944.80078125, + 621.39453125, + 0.00423767464235425, + 984.83984375, + 573.34765625, + 0.00474743265658617, + 472.33984375, + -51.26171875, + 0.002043785061687231, + 448.31640625, + 12.80078125, + 0.0691620409488678, + 536.40234375, + 4.79296875, + 0.6395200490951538, + 432.30078125, + 116.90234375, + 0.7523055672645569, + 624.48828125, + 92.87890625, + 0.8325883150100708, + 576.44140625, + 333.11328125, + 0.8592805862426758, + 736.59765625, + 172.95703125, + 0.912269651889801, + 808.66796875, + 333.11328125, + 0.9178683757781982, + 600.46484375, + 204.98828125, + 0.7687877416610718, + 576.44140625, + 293.07421875, + 0.6106610298156738, + 776.63671875, + 204.98828125, + 0.6106589436531067, + 824.68359375, + 293.07421875, + 0.2871881425380707, + 856.71484375, + 301.08203125, + 0.17569074034690857, + 872.73046875, + 421.19921875, + 0.09858706593513489 + ], + "scale": [ + 3.84375, + 5.125 + ], + "score": 0.7191128402948379 + }, + { + "category_id": 1, + "center": [ + 655.5, + 211.0 + ], + "image_id": 21501004100, + "keypoints": [ + 600.12890625, + 7.97265625, + 0.3276918828487396, + 585.36328125, + -28.94140625, + 0.007095267064869404, + 585.36328125, + 0.58984375, + 0.123528391122818, + 688.72265625, + 148.24609375, + 0.0025767837651073933, + 489.38671875, + -6.79296875, + 0.20532074570655823, + 504.15234375, + 37.50390625, + 0.7186096906661987, + 474.62109375, + 155.62890625, + 0.7231132984161377, + 622.27734375, + 96.56640625, + 0.8675341606140137, + 614.89453125, + 369.73046875, + 0.9080660343170166, + 755.16796875, + 155.62890625, + 0.8669306039810181, + 821.61328125, + 332.81640625, + 0.9204668998718262, + 607.51171875, + 229.45703125, + 0.7596594095230103, + 607.51171875, + 318.05078125, + 0.7559366226196289, + 792.08203125, + 222.07421875, + 0.6651122570037842, + 858.52734375, + 310.66796875, + 0.5012882351875305, + 873.29296875, + 295.90234375, + 0.20686158537864685, + 851.14453125, + 421.41015625, + 0.08023537695407867 + ], + "scale": [ + 3.543750047683716, + 4.724999904632568 + ], + "score": 0.6481993404718546 + }, + { + "category_id": 1, + "center": [ + 645.0, + 216.0 + ], + "image_id": 21501004401, + "keypoints": [ + 579.7005004882812, + 12.419270515441895, + 0.011012901552021503, + 733.3463745117188, + 288.9817810058594, + 0.003541047452017665, + 641.1588745117188, + 66.1953125, + 0.002155525842681527, + 717.9817504882812, + 335.0755310058594, + 0.008186751045286655, + 479.8307189941406, + -2.9453125, + 0.03199082240462303, + 487.5130310058594, + 27.78385353088379, + 0.7035495042800903, + 464.4661560058594, + 127.65364837646484, + 0.689372181892395, + 587.3828125, + 96.92447662353516, + 0.8809618949890137, + 564.3359375, + 381.1692810058594, + 0.897065281867981, + 694.9348754882812, + 181.4296875, + 0.9489891529083252, + 779.4401245117188, + 342.7578125, + 0.9517264366149902, + 595.0651245117188, + 227.5234375, + 0.7721391916275024, + 587.3828125, + 319.7109375, + 0.6330932974815369, + 771.7578125, + 227.5234375, + 0.722059965133667, + 810.1692504882812, + 273.6171875, + 0.5231806039810181, + 863.9453125, + 288.9817810058594, + 0.2471504807472229, + 933.0859375, + 365.8046875, + 0.09835390746593475 + ], + "scale": [ + 3.6875, + 4.9166669845581055 + ], + "score": 0.7244807265021584 + }, + { + "category_id": 1, + "center": [ + 643.0, + 220.5 + ], + "image_id": 21501044801, + "keypoints": [ + 570.7604370117188, + 26.59375, + 0.028384827077388763, + 867.3229370117188, + 338.3645935058594, + 0.004551446996629238, + 570.7604370117188, + 26.59375, + 0.012648927047848701, + 563.15625, + 3.78125, + 0.018811998888850212, + 517.53125, + 26.59375, + 0.10756286978721619, + 456.6979064941406, + 11.385416984558105, + 0.5265290141105652, + 464.3020935058594, + 148.2604217529297, + 0.7657507061958313, + 555.5520629882812, + 18.98958396911621, + 0.15986019372940063, + 555.5520629882812, + 391.59375, + 0.9300452470779419, + 639.1979370117188, + 26.59375, + 0.9456409811973572, + 715.2395629882812, + 254.71875, + 0.8380997180938721, + 593.5729370117188, + 209.09375, + 0.7154171466827393, + 601.1770629882812, + 323.15625, + 0.6261824369430542, + 760.8645629882812, + 193.8854217529297, + 0.7919198274612427, + 852.1145629882812, + 300.34375, + 0.8935781717300415, + 852.1145629882812, + 300.34375, + 0.5561021566390991, + 905.34375, + 399.1979064941406, + 0.1024554893374443 + ], + "scale": [ + 3.6500000953674316, + 4.866666793823242 + ], + "score": 0.7589265406131744 + }, + { + "category_id": 1, + "center": [ + 630.5, + 223.0 + ], + "image_id": 21501045601, + "keypoints": [ + 588.3190307617188, + 19.76432228088379, + 0.04809761047363281, + 649.6731567382812, + -18.58203125, + 0.007711103186011314, + 565.3112182617188, + 27.43359375, + 0.020229775458574295, + 695.6887817382812, + 188.48828125, + 0.008554833009839058, + 480.94921875, + 27.43359375, + 0.09609392285346985, + 457.94140625, + 12.095051765441895, + 0.5214693546295166, + 457.94140625, + 150.1419219970703, + 0.7326583862304688, + 542.3034057617188, + 27.43359375, + 0.11474248766899109, + 526.96484375, + 395.55859375, + 0.89681077003479, + 634.3346557617188, + 19.76432228088379, + 0.8886331915855408, + 703.3580932617188, + 311.1966247558594, + 0.856886625289917, + 588.3190307617188, + 219.1653594970703, + 0.7889215350151062, + 595.98828125, + 311.1966247558594, + 0.5805050730705261, + 757.04296875, + 188.48828125, + 0.7627232074737549, + 849.07421875, + 303.52734375, + 0.9012705683708191, + 841.4049682617188, + 295.8580627441406, + 0.5855805277824402, + 895.08984375, + 387.8893127441406, + 0.1093713715672493 + ], + "scale": [ + 3.6812498569488525, + 4.9083333015441895 + ], + "score": 0.751545923948288 + }, + { + "category_id": 1, + "center": [ + 617.0, + 216.5 + ], + "image_id": 21501051400, + "keypoints": [ + 642.7942504882812, + 13.830729484558105, + 0.3716486692428589, + 628.0546875, + 58.04948043823242, + 0.002343373140320182, + 635.4244995117188, + 6.4609375, + 0.4768865704536438, + 539.6171875, + -23.01822853088379, + 0.0075260610319674015, + 583.8359375, + 6.4609375, + 0.8993073105812073, + 480.6588439941406, + 28.5703125, + 0.5263440012931824, + 502.7682189941406, + 168.5963592529297, + 0.7342212200164795, + 613.3151245117188, + 117.0078125, + 0.7403408288955688, + 569.0963745117188, + 389.6900939941406, + 0.914668083190918, + 701.7526245117188, + 161.2265625, + 0.7375988960266113, + 701.7526245117188, + 323.3619689941406, + 0.948827862739563, + 598.5755004882812, + 220.1848907470703, + 0.7252345085144043, + 591.2057495117188, + 308.6224060058594, + 0.7350776791572571, + 760.7109375, + 205.4453125, + 0.8022425174713135, + 841.7786254882812, + 308.6224060058594, + 0.8554202318191528, + 834.4088745117188, + 301.2525939941406, + 0.5561970472335815, + 885.9973754882812, + 360.2109375, + 0.09288009256124496 + ], + "scale": [ + 3.5374999046325684, + 4.7166666984558105 + ], + "score": 0.7160011019025531 + }, + { + "category_id": 1, + "center": [ + 662.0, + 212.5 + ], + "image_id": 21501051900, + "keypoints": [ + 686.7005004882812, + 32.5390625, + 0.1186908483505249, + 799.6171875, + 378.3463439941406, + 0.0038131840992718935, + 686.7005004882812, + 11.3671875, + 0.3127806484699249, + 616.1276245117188, + 32.5390625, + 0.012479298748075962, + 644.3567504882812, + 11.3671875, + 0.8512539863586426, + 531.4401245117188, + 25.48177146911621, + 0.3959762454032898, + 552.6119995117188, + 96.0546875, + 0.7513303756713867, + 580.8411254882812, + 124.28385162353516, + 0.09864726662635803, + 573.7838745117188, + 364.2317810058594, + 0.913409948348999, + 637.2994995117188, + 180.7421875, + 0.570487380027771, + 707.8723754882812, + 314.8307189941406, + 0.9251279830932617, + 602.0130004882812, + 223.0859375, + 0.7456185817718506, + 602.0130004882812, + 314.8307189941406, + 0.5712121725082397, + 764.3307495117188, + 208.9713592529297, + 0.8461040258407593, + 849.0182495117188, + 300.7161560058594, + 0.8658584952354431, + 849.0182495117188, + 293.6588439941406, + 0.6994134187698364, + 898.4192504882812, + 364.2317810058594, + 0.18075546622276306 + ], + "scale": [ + 3.387500047683716, + 4.516666412353516 + ], + "score": 0.704047771791617 + }, + { + "category_id": 1, + "center": [ + 635.0, + 225.5 + ], + "image_id": 21501005201, + "keypoints": [ + 576.015625, + 17.08854103088379, + 0.011105278506875038, + 670.390625, + 95.734375, + 0.005664000287652016, + 638.9323120117188, + 95.734375, + 0.0037703406997025013, + 733.3073120117188, + 253.0260467529297, + 0.00283078383654356, + 473.7760314941406, + 9.223958015441895, + 0.010137312114238739, + 481.640625, + 32.81770706176758, + 0.6761036515235901, + 442.3177185058594, + 127.19271087646484, + 0.7554271221160889, + 544.5573120117188, + 150.7864532470703, + 0.7229568958282471, + 568.1510620117188, + 378.859375, + 0.8648143410682678, + 662.5260620117188, + 182.2447967529297, + 0.9273143410682678, + 796.2239379882812, + 355.265625, + 0.9133352041244507, + 591.7448120117188, + 229.4322967529297, + 0.7624999284744263, + 591.7448120117188, + 331.671875, + 0.7062826752662659, + 764.765625, + 221.5677032470703, + 0.767991304397583, + 811.953125, + 308.078125, + 0.4788164496421814, + 859.140625, + 308.078125, + 0.3659041225910187, + 898.4635620117188, + 433.9114685058594, + 0.11005579680204391 + ], + "scale": [ + 3.7750000953674316, + 5.0333333015441895 + ], + "score": 0.7219496396454897 + }, + { + "category_id": 1, + "center": [ + 612.5, + 226.0 + ], + "image_id": 21501005500, + "keypoints": [ + 608.61328125, + -3.316387414932251, + 0.07962546497583389, + 561.97265625, + -26.63669776916504, + 0.004509133752435446, + 608.61328125, + 27.777359008789062, + 0.007676555309444666, + 523.10546875, + -34.410133361816406, + 0.002093588700518012, + 499.78515625, + -3.316387414932251, + 0.0394541472196579, + 492.01171875, + 27.777359008789062, + 0.6698110699653625, + 437.59765625, + 121.05860137939453, + 0.6976324319839478, + 561.97265625, + 136.60546875, + 0.724034309387207, + 530.87890625, + 400.90234375, + 0.8985598087310791, + 655.25390625, + 183.24609375, + 0.9766976833343506, + 686.34765625, + 338.71484375, + 0.9223155975341797, + 593.06640625, + 222.11328125, + 0.8120002150535583, + 585.29296875, + 323.16796875, + 0.7598786950111389, + 771.85546875, + 206.56640625, + 0.8510066270828247, + 841.81640625, + 315.39453125, + 0.8744169473648071, + 841.81640625, + 315.39453125, + 0.6312967538833618, + 896.23046875, + 369.80859375, + 0.08204536139965057 + ], + "scale": [ + 3.7312498092651367, + 4.974999904632568 + ], + "score": 0.8016045581210743 + }, + { + "category_id": 1, + "center": [ + 645.0, + 226.0 + ], + "image_id": 21501055900, + "keypoints": [ + 634.0234375, + -77.68486785888672, + 0.00676113273948431, + 893.8020629882812, + 679.6978759765625, + 0.0014159096172079444, + 509.6224060058594, + 354.05987548828125, + 0.0050957947969436646, + 443.7630310058594, + 397.96612548828125, + 0.005362109746783972, + 538.8932495117188, + 10.127622604370117, + 0.007959997281432152, + 473.03387451171875, + 24.763038635253906, + 0.43030136823654175, + 480.3515625, + 134.52865600585938, + 0.7173061370849609, + 531.5755004882812, + 149.1640625, + 0.04230376332998276, + 546.2109375, + 397.96612548828125, + 0.9227434992790222, + 634.0234375, + 244.2942657470703, + 0.04306315630674362, + 699.8828125, + 339.4244689941406, + 0.9301314949989319, + 590.1171875, + 222.3411407470703, + 0.8388954401016235, + 590.1171875, + 317.4713439941406, + 0.5794384479522705, + 751.1067504882812, + 207.7057342529297, + 0.8917650580406189, + 853.5546875, + 310.15362548828125, + 0.9047297239303589, + 853.5546875, + 302.8359375, + 0.6405436992645264, + 897.4609375, + 376.01300048828125, + 0.15392842888832092 + ], + "scale": [ + 3.5124998092651367, + 4.683333396911621 + ], + "score": 0.7617616520987617 + }, + { + "category_id": 1, + "center": [ + 659.5, + 227.5 + ], + "image_id": 21501005800, + "keypoints": [ + 648.81640625, + 17.389341354370117, + 0.05836347118020058, + 712.91796875, + 74.36849975585938, + 0.0025929484982043505, + 613.2044067382812, + 38.756526947021484, + 0.01025293581187725, + 712.91796875, + 166.9596405029297, + 0.011241152882575989, + 563.34765625, + 17.389341354370117, + 0.053907476365566254, + 541.98046875, + 31.634132385253906, + 0.536496102809906, + 499.24609375, + 159.83724975585938, + 0.6672096252441406, + 648.81640625, + 102.85808563232422, + 0.9026056528091431, + 520.61328125, + 409.1210632324219, + 0.891884446144104, + 755.65234375, + 38.756526947021484, + 0.8804115056991577, + 684.4284057617188, + 345.01953125, + 0.9611184597015381, + 598.9596557617188, + 231.0612030029297, + 0.8516146540641785, + 591.8372192382812, + 309.40753173828125, + 0.6421087384223938, + 755.65234375, + 209.6940155029297, + 0.8205853700637817, + 848.2434692382812, + 316.5299377441406, + 0.6371806263923645, + 848.2434692382812, + 309.40753173828125, + 0.6669731140136719, + 876.7330322265625, + 337.8971252441406, + 0.2649519145488739 + ], + "scale": [ + 3.4187498092651367, + 4.558333396911621 + ], + "score": 0.7269283508261045 + }, + { + "category_id": 1, + "center": [ + 620.0, + 219.5 + ], + "image_id": 21501006401, + "keypoints": [ + 602.6823120117188, + 15.151041984558105, + 0.07441595941781998, + 533.4114379882812, + 375.359375, + 0.0027886873576790094, + 568.046875, + 1.296875, + 0.013726156204938889, + 429.5052185058594, + 385.75, + 0.00301870028488338, + 498.7760314941406, + 8.223958015441895, + 0.08355707675218582, + 512.6301879882812, + 35.93229293823242, + 0.6337255239486694, + 450.2864685058594, + 132.9114532470703, + 0.6908639669418335, + 616.5364379882812, + 91.34896087646484, + 0.8498803973197937, + 547.265625, + 396.140625, + 0.8914207816123962, + 762.0051879882812, + 119.05728912353516, + 0.8035466074943542, + 685.8073120117188, + 313.015625, + 0.95278000831604, + 588.828125, + 229.890625, + 0.7010918855667114, + 581.9010620117188, + 319.9427185058594, + 0.7000118494033813, + 762.0051879882812, + 202.1822967529297, + 0.8134328126907349, + 838.203125, + 313.015625, + 0.8320560455322266, + 858.984375, + 313.015625, + 0.38420408964157104, + 879.765625, + 368.4322814941406, + 0.06817102432250977 + ], + "scale": [ + 3.325000047683716, + 4.433333396911621 + ], + "score": 0.7502739971334283 + }, + { + "category_id": 1, + "center": [ + 615.5, + 227.0 + ], + "image_id": 21501065600, + "keypoints": [ + 604.66015625, + -72.90234375, + 0.005153474397957325, + 929.85546875, + 544.96875, + 0.0010715735843405128, + 929.85546875, + 544.96875, + 0.002719723153859377, + 698.60546875, + 194.48046875, + 0.008542737923562527, + 510.71484375, + 13.81640625, + 0.005424736998975277, + 467.35546875, + 21.04296875, + 0.3922252655029297, + 467.35546875, + 136.66796875, + 0.6320692300796509, + 561.30078125, + 158.34765625, + 0.016663650050759315, + 561.30078125, + 382.37109375, + 0.8791238069534302, + 633.56640625, + 273.97265625, + 0.02498386986553669, + 727.51171875, + 331.78515625, + 0.912874698638916, + 582.98046875, + 223.38671875, + 0.7797761559486389, + 582.98046875, + 317.33203125, + 0.6709498167037964, + 756.41796875, + 194.48046875, + 0.7032333016395569, + 843.13671875, + 302.87890625, + 0.709166407585144, + 850.36328125, + 295.65234375, + 0.4548521935939789, + 872.04296875, + 317.33203125, + 0.1178135871887207 + ], + "scale": [ + 3.46875, + 4.625 + ], + "score": 0.6815856529606713 + }, + { + "category_id": 1, + "center": [ + 639.0, + 207.0 + ], + "image_id": 21501006801, + "keypoints": [ + 596.890625, + -18.859394073486328, + 0.1378117799758911, + 589.234375, + -41.82814407348633, + 0.0019822316244244576, + 581.578125, + -26.515644073486328, + 0.010039949789643288, + 482.046875, + -49.484397888183594, + 0.003903572214767337, + 489.703125, + -18.859394073486328, + 0.1467585265636444, + 512.671875, + 27.078109741210938, + 0.5398269891738892, + 466.734375, + 126.60936737060547, + 0.7597954273223877, + 619.859375, + 88.32811737060547, + 0.8200969099998474, + 719.390625, + 233.796875, + 0.8313437104225159, + 727.046875, + 126.60936737060547, + 0.6489084959030151, + 834.234375, + 73.01561737060547, + 0.7795738577842712, + 612.203125, + 218.484375, + 0.6398733258247375, + 596.890625, + 325.671875, + 0.7672955393791199, + 765.328125, + 195.515625, + 0.712868332862854, + 841.890625, + 310.359375, + 0.8827499151229858, + 849.546875, + 318.015625, + 0.34183362126350403, + 887.828125, + 386.921875, + 0.05513463169336319 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.7021969204599207 + }, + { + "category_id": 1, + "center": [ + 625.5, + 228.0 + ], + "image_id": 21501080001, + "keypoints": [ + 688.25390625, + 209.54296875, + 0.007374878972768784, + 629.19140625, + 69.26953125, + 0.0028154905885457993, + 821.14453125, + 298.13671875, + 0.015741096809506416, + 680.87109375, + 194.77734375, + 0.007377265486866236, + 503.68359375, + 32.35546875, + 0.015279057435691357, + 488.91796875, + 32.35546875, + 0.4458608627319336, + 459.38671875, + 128.33203125, + 0.6437991857528687, + 599.66015625, + 32.35546875, + 0.7095028758049011, + 562.74609375, + 379.34765625, + 0.8244858980178833, + 747.31640625, + 24.97265625, + 0.8805910348892212, + 769.46484375, + 342.43359375, + 0.9579403400421143, + 592.27734375, + 224.30859375, + 0.7881503105163574, + 577.51171875, + 320.28515625, + 0.6748326420783997, + 762.08203125, + 202.16015625, + 0.7649626135826111, + 821.14453125, + 305.51953125, + 0.735740602016449, + 828.52734375, + 305.51953125, + 0.30486202239990234, + 835.91015625, + 423.64453125, + 0.19801576435565948 + ], + "scale": [ + 3.543750047683716, + 4.724999904632568 + ], + "score": 0.7027934898029674 + }, + { + "category_id": 1, + "center": [ + 632.5, + 219.0 + ], + "image_id": 21501115000, + "keypoints": [ + 560.13671875, + 32.37890625, + 0.0692802146077156, + 628.69140625, + 17.14453125, + 0.004715729504823685, + 544.90234375, + 17.14453125, + 0.02205536514520645, + 689.62890625, + 192.33984375, + 0.005003770813345909, + 476.34765625, + 17.14453125, + 0.0549091100692749, + 491.58203125, + 17.14453125, + 0.5740319490432739, + 461.11328125, + 146.63671875, + 0.7010759115219116, + 636.30859375, + 32.37890625, + 0.7838397026062012, + 567.75390625, + 382.76953125, + 0.8605356216430664, + 811.50390625, + 1.91015625, + 0.6134978532791138, + 781.03515625, + 398.00390625, + 0.940126895904541, + 590.60546875, + 230.42578125, + 0.7590752243995667, + 598.22265625, + 321.83203125, + 0.8053715229034424, + 765.80078125, + 192.33984375, + 0.8871873021125793, + 834.35546875, + 298.98046875, + 0.8613375425338745, + 841.97265625, + 306.59765625, + 0.49385732412338257, + 895.29296875, + 413.23828125, + 0.10851942002773285 + ], + "scale": [ + 3.65625, + 4.875 + ], + "score": 0.7527215318246321 + }, + { + "category_id": 1, + "center": [ + 633.0, + 228.0 + ], + "image_id": 21501115600, + "keypoints": [ + 565.4869995117188, + 17.51822853088379, + 0.012392002157866955, + 875.2526245117188, + 351.1119689941406, + 0.003203572938218713, + 732.2838745117188, + 176.3723907470703, + 0.0044329543597996235, + 700.5130004882812, + 192.2578125, + 0.008763086050748825, + 509.8880310058594, + 17.51822853088379, + 0.04460775852203369, + 478.1171875, + 25.4609375, + 0.496717631816864, + 462.2317810058594, + 144.6015625, + 0.6915985345840454, + 629.0286254882812, + 33.40364456176758, + 0.13821588456630707, + 565.4869995117188, + 382.8828125, + 0.8526972532272339, + 764.0546875, + 25.4609375, + 0.3257652819156647, + 779.9401245117188, + 398.7682189941406, + 0.8856846690177917, + 597.2578125, + 231.9713592529297, + 0.8238397836685181, + 605.2005004882812, + 327.2838439941406, + 0.7874281406402588, + 764.0546875, + 200.2005157470703, + 0.8587624430656433, + 835.5390625, + 295.5130310058594, + 0.8515540361404419, + 843.4817504882812, + 311.3984375, + 0.5043988227844238, + 867.3098754882812, + 390.8255310058594, + 0.11740826070308685 + ], + "scale": [ + 3.8125, + 5.0833330154418945 + ], + "score": 0.7078446596860886 + }, + { + "category_id": 1, + "center": [ + 633.5, + 203.0 + ], + "image_id": 21501116001, + "keypoints": [ + 574.80859375, + -27.85286521911621, + 0.012848814949393272, + 707.8424682617188, + 167.78515625, + 0.00707279471680522, + 848.7018432617188, + 308.64453125, + 0.004202038515359163, + 480.90234375, + -4.376302242279053, + 0.002708415500819683, + 480.90234375, + -27.85286521911621, + 0.019719328731298447, + 410.47265625, + 19.10025978088379, + 0.33230844140052795, + 480.90234375, + 97.35546875, + 0.6677384376525879, + 543.5065307617188, + 3.44921875, + 0.08938387036323547, + 715.66796875, + 128.6575469970703, + 0.8596431016921997, + 653.0637817382812, + 26.92578125, + 0.8144501447677612, + 825.2252807617188, + 19.10025978088379, + 0.8284481763839722, + 590.4596557617188, + 199.0872344970703, + 0.6016197204589844, + 606.1106567382812, + 316.4700622558594, + 0.685076117515564, + 762.62109375, + 191.26171875, + 0.8716556429862976, + 840.8762817382812, + 300.8190002441406, + 0.9150484800338745, + 848.7018432617188, + 308.64453125, + 0.4742630124092102, + 895.6549682617188, + 379.07421875, + 0.12170130014419556 + ], + "scale": [ + 3.7562501430511475, + 5.008333206176758 + ], + "score": 0.7050251275300979 + }, + { + "category_id": 1, + "center": [ + 619.5, + 204.0 + ], + "image_id": 21501116300, + "keypoints": [ + 550.10546875, + 17.73046875, + 0.004468998406082392, + 886.12109375, + 609.41015625, + 0.002709457417950034, + 418.62109375, + 112.69140625, + 0.0032976868096739054, + 681.58984375, + 193.04296875, + 0.002574356971308589, + 469.75390625, + 10.42578125, + 0.016571495682001114, + 469.75390625, + 17.73046875, + 0.58592689037323, + 469.75390625, + 141.91015625, + 0.6794065833091736, + 564.71484375, + 76.16796875, + 0.7592465877532959, + 601.23828125, + 339.13671875, + 0.7856183052062988, + 681.58984375, + 112.69140625, + 0.9131340980529785, + 769.24609375, + 222.26171875, + 0.8853496313095093, + 586.62890625, + 214.95703125, + 0.6943494081497192, + 601.23828125, + 309.91796875, + 0.6597250699996948, + 769.24609375, + 193.04296875, + 0.854899525642395, + 834.98828125, + 309.91796875, + 0.8650041818618774, + 842.29296875, + 309.91796875, + 0.37033647298812866, + 878.81640625, + 382.96484375, + 0.07936792075634003 + ], + "scale": [ + 3.5062501430511475, + 4.675000190734863 + ], + "score": 0.7320906140587546 + }, + { + "category_id": 1, + "center": [ + 615.0, + 218.0 + ], + "image_id": 21501116801, + "keypoints": [ + 611.3020629882812, + 44.19791793823242, + 0.9173305630683899, + 626.09375, + 14.614583015441895, + 0.16649691760540009, + 589.1145629882812, + 14.614583015441895, + 0.9011744260787964, + 700.0520629882812, + 251.28125, + 0.00251682847738266, + 492.96875, + -0.1770833283662796, + 0.5641918778419495, + 492.96875, + 36.80208206176758, + 0.5820133686065674, + 455.9895935058594, + 132.9479217529297, + 0.8103540539741516, + 566.9270629882812, + 132.9479217529297, + 0.040558114647865295, + 404.21875, + 369.6145935058594, + 0.887373149394989, + 589.1145629882812, + 22.01041603088379, + 0.032986972481012344, + 566.9270629882812, + 384.40625, + 0.862226128578186, + 596.5104370117188, + 229.09375, + 0.7668237686157227, + 603.90625, + 325.2395935058594, + 0.7405679225921631, + 759.21875, + 199.5104217529297, + 0.8161634206771851, + 833.1770629882812, + 303.0520935058594, + 0.9685462713241577, + 840.5729370117188, + 303.0520935058594, + 0.48783382773399353, + 884.9479370117188, + 369.6145935058594, + 0.0777137279510498 + ], + "scale": [ + 3.549999952316284, + 4.733333110809326 + ], + "score": 0.775383231540521 + }, + { + "category_id": 1, + "center": [ + 624.5, + 209.0 + ], + "image_id": 21501117900, + "keypoints": [ + 570.49609375, + 3.7851381301879883, + 0.048828840255737305, + 656.90234375, + -118.62372589111328, + 0.0017214700346812606, + 548.89453125, + 10.9856595993042, + 0.00395240169018507, + 476.8893127441406, + -32.21746826171875, + 0.0021366560831665993, + 455.2877502441406, + 18.186180114746094, + 0.08493778109550476, + 469.68878173828125, + 32.587223052978516, + 0.4652186632156372, + 455.2877502441406, + 133.39453125, + 0.7388215065002441, + 620.8997192382812, + 190.9987030029297, + 0.05517948418855667, + 678.50390625, + 263.00390625, + 0.9391053915023804, + 656.90234375, + 263.00390625, + 0.08441643416881561, + 764.91015625, + 75.79035186767578, + 0.8204222917556763, + 599.2981567382812, + 227.0012969970703, + 0.6651692390441895, + 584.8971557617188, + 327.80859375, + 0.7166343927383423, + 779.3112182617188, + 219.80078125, + 0.6703835725784302, + 836.9154052734375, + 306.20703125, + 0.874686598777771, + 836.9154052734375, + 313.4075622558594, + 0.29721981287002563, + 880.1185302734375, + 407.01434326171875, + 0.05626070499420166 + ], + "scale": [ + 3.4562501907348633, + 4.608333587646484 + ], + "score": 0.6875179409980774 + }, + { + "category_id": 1, + "center": [ + 618.0, + 227.5 + ], + "image_id": 21501118801, + "keypoints": [ + 540.890625, + 40.234375, + 0.011195669881999493, + 606.984375, + 18.203125, + 0.006887513678520918, + 878.703125, + 326.640625, + 0.00815561879426241, + 702.453125, + 194.453125, + 0.012847602367401123, + 496.828125, + 40.234375, + 0.019723888486623764, + 452.765625, + 18.203125, + 0.46141117811203003, + 452.765625, + 135.703125, + 0.7023430466651917, + 548.234375, + 3.515625, + 0.15318810939788818, + 540.890625, + 385.390625, + 0.8979717493057251, + 658.390625, + 32.890625, + 0.8967163562774658, + 761.203125, + 407.421875, + 0.8714566230773926, + 592.296875, + 231.171875, + 0.789830207824707, + 592.296875, + 326.640625, + 0.7481063604354858, + 768.546875, + 201.796875, + 0.8726946711540222, + 841.984375, + 297.265625, + 0.9308580160140991, + 849.328125, + 304.609375, + 0.544131338596344, + 878.703125, + 378.046875, + 0.16545534133911133 + ], + "scale": [ + 3.5249998569488525, + 4.699999809265137 + ], + "score": 0.7715519547462464 + }, + { + "category_id": 1, + "center": [ + 640.0, + 242.0 + ], + "image_id": 21501124801, + "keypoints": [ + 620.9244995117188, + 100.84114837646484, + 0.8518049120903015, + 636.1848754882812, + 70.3203125, + 0.349762499332428, + 598.0338745117188, + 77.95052337646484, + 0.8824070692062378, + 727.7473754882812, + 268.7057189941406, + 0.007787629961967468, + 498.8411560058594, + 16.90885353088379, + 0.8865881562232971, + 506.4713439941406, + 32.16926956176758, + 0.4612073302268982, + 475.9505310058594, + 184.7734375, + 0.7646575570106506, + 620.9244995117188, + 16.90885353088379, + 0.136138454079628, + 475.9505310058594, + 436.5703125, + 0.8710460662841797, + 674.3359375, + 47.4296875, + 0.669309139251709, + 666.7057495117188, + 604.4348754882812, + 0.04759260267019272, + 598.0338745117188, + 245.8151092529297, + 0.780251145362854, + 605.6640625, + 345.0078125, + 0.7093185186386108, + 758.2682495117188, + 200.0338592529297, + 0.8570245504379272, + 834.5703125, + 306.8567810058594, + 0.9217982292175293, + 834.5703125, + 299.2265625, + 0.5172015428543091, + 865.0911254882812, + 367.8984375, + 0.09364426136016846 + ], + "scale": [ + 3.6625001430511475, + 4.883333206176758 + ], + "score": 0.7324905166259179 + }, + { + "category_id": 1, + "center": [ + 646.0, + 228.5 + ], + "image_id": 21501126801, + "keypoints": [ + 591.6640625, + 32.05470275878906, + 0.04986179620027542, + 666.8984375, + 433.3046569824219, + 0.004520696122199297, + 608.3828125, + 6.976579189300537, + 0.007915228605270386, + 549.8671875, + -1.382794976234436, + 0.013351536355912685, + 449.5546875, + 15.335953712463379, + 0.03250587359070778, + 449.5546875, + 15.335953712463379, + 0.5075796246528625, + 457.9140625, + 157.4453125, + 0.5988675355911255, + 533.1484375, + 15.335953712463379, + 0.136550635099411, + 566.5859375, + 391.5078125, + 0.8780491352081299, + 625.1015625, + 23.695327758789062, + 0.9196499586105347, + 775.5703125, + 399.8671875, + 0.8727834224700928, + 591.6640625, + 232.6796875, + 0.8218984603881836, + 600.0234375, + 324.6328125, + 0.7630904912948608, + 758.8515625, + 199.2421875, + 0.9745874404907227, + 834.0859375, + 291.1953125, + 0.9170699715614319, + 850.8046875, + 307.9140625, + 0.6032619476318359, + 884.2421875, + 383.1484375, + 0.23654434084892273 + ], + "scale": [ + 4.012499809265137, + 5.350000381469727 + ], + "score": 0.7357620298862457 + }, + { + "category_id": 1, + "center": [ + 638.0, + 223.5 + ], + "image_id": 21501128000, + "keypoints": [ + 587.5573120117188, + 56.65104293823242, + 0.6466551423072815, + 587.5573120117188, + 17.84895896911621, + 0.3623219132423401, + 556.515625, + 41.13020706176758, + 0.800017774105072, + 703.9635620117188, + 196.3385467529297, + 0.004482506774365902, + 455.6302185058594, + 17.84895896911621, + 0.8781445026397705, + 509.953125, + 2.328125, + 0.3324348032474518, + 463.390625, + 157.5364532470703, + 0.7740855813026428, + 595.3176879882812, + 17.84895896911621, + 0.1749143898487091, + 556.515625, + 398.109375, + 0.8911514282226562, + 641.8801879882812, + 33.36979293823242, + 0.8562319278717041, + 626.359375, + 204.0989532470703, + 0.8501757979393005, + 603.078125, + 219.6197967529297, + 0.8017538785934448, + 587.5573120117188, + 328.265625, + 0.7296968698501587, + 758.2864379882812, + 196.3385467529297, + 0.8181873559951782, + 843.6510620117188, + 304.984375, + 0.9084447622299194, + 843.6510620117188, + 304.984375, + 0.5439771413803101, + 905.734375, + 382.5885314941406, + 0.12606412172317505 + ], + "scale": [ + 3.7249999046325684, + 4.9666666984558105 + ], + "score": 0.7280913484948022 + }, + { + "category_id": 1, + "center": [ + 627.5, + 233.0 + ], + "image_id": 21501158200, + "keypoints": [ + 557.44140625, + 14.58203125, + 0.04701625555753708, + 615.13671875, + -10.14453125, + 0.002103277714923024, + 532.71484375, + 14.58203125, + 0.013280274346470833, + 689.31640625, + 195.91015625, + 0.009756260551512241, + 458.53515625, + 22.82421875, + 0.07939689606428146, + 466.77734375, + 14.58203125, + 0.6254621148109436, + 450.29296875, + 154.69921875, + 0.6819508075714111, + 590.41015625, + 14.58203125, + 0.8508708477020264, + 565.68359375, + 393.72265625, + 0.8285690546035767, + 705.80078125, + 47.55078125, + 0.9310071468353271, + 788.22265625, + 401.96484375, + 0.8948975801467896, + 590.41015625, + 228.87890625, + 0.8483220338821411, + 598.65234375, + 327.78515625, + 0.8156338930130005, + 763.49609375, + 195.91015625, + 0.8906838893890381, + 829.43359375, + 294.81640625, + 0.9002912044525146, + 845.91796875, + 303.05859375, + 0.5309245586395264, + 878.88671875, + 393.72265625, + 0.13336455821990967 + ], + "scale": [ + 3.956249952316284, + 5.274999618530273 + ], + "score": 0.7998739210042086 + }, + { + "category_id": 1, + "center": [ + 642.5, + 219.5 + ], + "image_id": 21501107201, + "keypoints": [ + 646.34765625, + -7.51171875, + 0.007629541680216789, + 877.20703125, + 338.77734375, + 0.0019562910310924053, + 738.69140625, + 177.17578125, + 0.0028054998256266117, + 700.21484375, + 192.56640625, + 0.00496625667437911, + 515.52734375, + 15.57421875, + 0.02043185569345951, + 469.35546875, + 23.26953125, + 0.5759309530258179, + 477.05078125, + 146.39453125, + 0.7169660329818726, + 584.78515625, + 7.87890625, + 0.33652806282043457, + 554.00390625, + 400.33984375, + 0.8956567049026489, + 723.30078125, + 15.57421875, + 0.8168057799339294, + 692.51953125, + 323.38671875, + 0.9585962891578674, + 592.48046875, + 231.04296875, + 0.8243372440338135, + 607.87109375, + 331.08203125, + 0.6854116916656494, + 754.08203125, + 207.95703125, + 0.8823570013046265, + 846.42578125, + 307.99609375, + 0.845447301864624, + 854.12109375, + 300.30078125, + 0.6376416683197021, + 907.98828125, + 392.64453125, + 0.2532888650894165 + ], + "scale": [ + 3.6937499046325684, + 4.925000190734863 + ], + "score": 0.7024139662583669 + }, + { + "category_id": 1, + "center": [ + 660.0, + 217.0 + ], + "image_id": 21501107600, + "keypoints": [ + 588.7239379882812, + 3.171875, + 0.029805827885866165, + 714.5051879882812, + -156.1510467529297, + 0.0021502987947314978, + 597.109375, + 3.171875, + 0.005177340470254421, + 731.2760620117188, + 246.3489532470703, + 0.0041322424076497555, + 454.5572814941406, + 3.171875, + 0.03823230415582657, + 471.328125, + 19.94270896911621, + 0.6368535757064819, + 462.9427185058594, + 145.7239532470703, + 0.7775967717170715, + 530.0260620117188, + 137.3385467529297, + 0.10002077370882034, + 555.1823120117188, + 388.9010314941406, + 0.9056936502456665, + 655.8073120117188, + 254.734375, + 0.08591306954622269, + 697.734375, + 330.203125, + 0.9289054870605469, + 597.109375, + 229.578125, + 0.8844271898269653, + 597.109375, + 321.8177185058594, + 0.6483451128005981, + 773.203125, + 221.1927032470703, + 0.8417136669158936, + 831.9010620117188, + 305.046875, + 0.8189916014671326, + 857.0573120117188, + 305.046875, + 0.6737502813339233, + 890.5989379882812, + 372.1302185058594, + 0.20950037240982056 + ], + "scale": [ + 4.025000095367432, + 5.366666793823242 + ], + "score": 0.73257777094841 + }, + { + "category_id": 1, + "center": [ + 645.0, + 222.0 + ], + "image_id": 21501108001, + "keypoints": [ + 588.359375, + 21.86979103088379, + 0.14206042885780334, + 875.3385620117188, + 339.0572814941406, + 0.007283145561814308, + 588.359375, + 21.86979103088379, + 0.02336575649678707, + 671.4323120117188, + 361.7135314941406, + 0.011987182311713696, + 467.5260314941406, + 6.765625, + 0.06761782616376877, + 490.1822814941406, + 29.421875, + 0.5027471780776978, + 459.9739685058594, + 127.59896087646484, + 0.8136134743690491, + 527.9426879882812, + 150.2552032470703, + 0.05383826792240143, + 467.5260314941406, + 391.921875, + 0.8872193694114685, + 641.2239379882812, + 240.8802032470703, + 0.03966829553246498, + 656.328125, + 354.1614685058594, + 0.8726314902305603, + 588.359375, + 233.328125, + 0.8456228971481323, + 588.359375, + 316.4010314941406, + 0.6694440841674805, + 777.1614379882812, + 225.7760467529297, + 0.7507805824279785, + 845.1301879882812, + 301.296875, + 0.9237116575241089, + 860.234375, + 301.296875, + 0.5591794848442078, + 913.0989379882812, + 391.921875, + 0.1545964628458023 + ], + "scale": [ + 3.625, + 4.8333330154418945 + ], + "score": 0.7583278020222982 + }, + { + "category_id": 1, + "center": [ + 642.0, + 227.5 + ], + "image_id": 21501108801, + "keypoints": [ + 582.0390625, + 15.638020515441895, + 0.027619678527116776, + 785.90625, + 723.1770629882812, + 0.002501936163753271, + 989.7734375, + 579.2708129882812, + 0.00312960147857666, + 701.9609375, + 191.5234375, + 0.007340335287153721, + 462.1171875, + 7.643229007720947, + 0.04353661835193634, + 478.1067810058594, + 31.62760353088379, + 0.5901795625686646, + 454.1224060058594, + 135.5598907470703, + 0.7581230401992798, + 518.0807495117188, + 143.5546875, + 0.05272930487990379, + 494.0963439941406, + 407.3828125, + 0.9113342761993408, + 622.0130004882812, + 239.4921875, + 0.06918268650770187, + 693.9661254882812, + 343.4244689941406, + 0.9030406475067139, + 582.0390625, + 231.4973907470703, + 0.834347128868103, + 582.0390625, + 319.4400939941406, + 0.6699845790863037, + 757.9244995117188, + 215.5078125, + 0.7925848960876465, + 837.8723754882812, + 287.4609375, + 0.7319473028182983, + 861.8567504882812, + 295.4557189941406, + 0.5229867100715637, + 869.8515625, + 367.4088439941406, + 0.1677064597606659 + ], + "scale": [ + 3.8374998569488525, + 5.116666793823242 + ], + "score": 0.7460586826006571 + }, + { + "category_id": 1, + "center": [ + 643.0, + 228.0 + ], + "image_id": 21501109100, + "keypoints": [ + 647.0234375, + 183.7421875, + 0.008985549211502075, + 799.9140625, + 304.4453125, + 0.002737948438152671, + 622.8828125, + -1.3359375, + 0.004058436490595341, + 703.3515625, + 191.7890625, + 0.0074433255940675735, + 486.0859375, + 14.7578125, + 0.031021971255540848, + 461.9453125, + 14.7578125, + 0.5792698860168457, + 461.9453125, + 143.5078125, + 0.7360792756080627, + 550.4609375, + 14.7578125, + 0.6796990036964417, + 558.5078125, + 384.9140625, + 0.889398455619812, + 695.3046875, + 22.8046875, + 0.9267589449882507, + 775.7734375, + 384.9140625, + 0.9190706610679626, + 590.6953125, + 232.0234375, + 0.8817670941352844, + 590.6953125, + 320.5390625, + 0.7003360986709595, + 767.7265625, + 223.9765625, + 0.8269088864326477, + 824.0546875, + 304.4453125, + 0.5409230589866638, + 864.2890625, + 320.5390625, + 0.4503895342350006, + 872.3359375, + 401.0078125, + 0.18475988507270813 + ], + "scale": [ + 3.862499952316284, + 5.149999618530273 + ], + "score": 0.7391455363143574 + }, + { + "category_id": 1, + "center": [ + 641.0, + 228.5 + ], + "image_id": 21501220801, + "keypoints": [ + 573.9296875, + 19.3984375, + 0.22209113836288452, + 597.6015625, + 27.2890625, + 0.01346038468182087, + 566.0390625, + 19.3984375, + 0.14536602795124054, + 637.0546875, + 106.1953125, + 0.005754382349550724, + 447.6796875, + 19.3984375, + 0.2750260531902313, + 455.5703125, + 11.5078125, + 0.5575775504112244, + 447.6796875, + 145.6484375, + 0.6957600116729736, + 558.1484375, + 19.3984375, + 0.16162028908729553, + 558.1484375, + 390.2578125, + 0.8677192330360413, + 637.0546875, + 27.2890625, + 0.9375275373458862, + 779.0859375, + 406.0390625, + 0.8430086970329285, + 597.6015625, + 224.5546875, + 0.8131452798843384, + 597.6015625, + 327.1328125, + 0.7737138271331787, + 771.1953125, + 192.9921875, + 0.8363943099975586, + 826.4296875, + 279.7890625, + 0.9620121717453003, + 834.3203125, + 287.6796875, + 0.5068063735961914, + 889.5546875, + 382.3671875, + 0.1865953505039215 + ], + "scale": [ + 3.7874999046325684, + 5.050000190734863 + ], + "score": 0.6908985152840614 + }, + { + "category_id": 1, + "center": [ + 617.5, + 224.5 + ], + "image_id": 21501223601, + "keypoints": [ + 592.3893432617188, + 41.55078125, + 0.01193282287567854, + 642.6106567382812, + -1.49609375, + 0.005892295390367508, + 592.3893432617188, + 27.20182228088379, + 0.00837218388915062, + 671.30859375, + 192.21484375, + 0.00638699671253562, + 499.12109375, + 41.55078125, + 0.013913407921791077, + 456.07421875, + 20.02734375, + 0.5090032815933228, + 463.2486877441406, + 156.3424530029297, + 0.6866700053215027, + 542.16796875, + 12.852864265441895, + 0.18484534323215485, + 549.3424682617188, + 400.2747497558594, + 0.913827657699585, + 642.6106567382812, + 34.37630081176758, + 0.8973844051361084, + 750.2278442382812, + 342.87890625, + 0.9367146492004395, + 592.3893432617188, + 228.0872344970703, + 0.7591079473495483, + 592.3893432617188, + 321.35546875, + 0.6812036633491516, + 757.40234375, + 185.0403594970703, + 0.7133049368858337, + 800.44921875, + 328.5299377441406, + 0.3412141799926758, + 821.97265625, + 321.35546875, + 0.18861182034015656, + 865.01953125, + 421.7981872558594, + 0.05049818009138107 + ], + "scale": [ + 3.4437501430511475, + 4.5916666984558105 + ], + "score": 0.7153811918364631 + }, + { + "category_id": 1, + "center": [ + 610.5, + 199.5 + ], + "image_id": 21501278801, + "keypoints": [ + 501.3138122558594, + 19.87109375, + 0.014519210904836655, + 825.3502807617188, + 372.0846252441406, + 0.00459316885098815, + 923.9700317382812, + 512.9700317382812, + 0.004531302955001593, + 719.6862182617188, + 167.80078125, + 0.003687566379085183, + 444.9596252441406, + 12.826823234558105, + 0.0999472364783287, + 452.00390625, + 26.91536521911621, + 0.4576837420463562, + 437.9153747558594, + 146.66796875, + 0.5829318761825562, + 557.66796875, + 132.5794219970703, + 0.035337600857019424, + 599.93359375, + 343.9075622558594, + 0.7977113723754883, + 614.0221557617188, + 48.04817581176758, + 0.040247842669487, + 642.19921875, + 125.53515625, + 0.8488583564758301, + 592.8893432617188, + 195.9778594970703, + 0.6152621507644653, + 592.8893432617188, + 308.6861877441406, + 0.6638180613517761, + 776.0403442382812, + 188.93359375, + 0.778181791305542, + 846.4830932617188, + 301.6419372558594, + 0.9293656945228577, + 853.52734375, + 308.6861877441406, + 0.40834981203079224, + 923.9700317382812, + 400.26171875, + 0.08652572333812714 + ], + "scale": [ + 3.3812499046325684, + 4.508333206176758 + ], + "score": 0.6757958730061849 + }, + { + "category_id": 1, + "center": [ + 629.0, + 230.0 + ], + "image_id": 21502641201, + "keypoints": [ + 625.25, + 46.25, + 0.6477487087249756, + 782.75, + 278.75, + 0.0036029794719070196, + 610.25, + 31.25, + 0.8458901643753052, + 482.75, + 46.25, + 0.004648475907742977, + 527.75, + 53.75, + 0.9422742128372192, + 482.75, + 46.25, + 0.49281734228134155, + 475.25, + 188.75, + 0.7076214551925659, + 572.75, + 61.25, + 0.12563112378120422, + 565.25, + 398.75, + 0.8866086006164551, + 602.75, + 98.75, + 0.7803731560707092, + 737.75, + 346.25, + 0.9666073322296143, + 602.75, + 233.75, + 0.7444387078285217, + 602.75, + 323.75, + 0.7560402154922485, + 767.75, + 211.25, + 0.8814496994018555, + 835.25, + 293.75, + 0.9148126244544983, + 850.25, + 293.75, + 0.42227819561958313, + 887.75, + 406.25, + 0.14130476117134094 + ], + "scale": [ + 3.6000001430511475, + 4.799999713897705 + ], + "score": 0.7683815703942225 + }, + { + "category_id": 1, + "center": [ + 625.5, + 216.5 + ], + "image_id": 21502641601, + "keypoints": [ + 567.39453125, + 49.93098831176758, + 0.006037184968590736, + 854.0481567382812, + 336.5846252441406, + 0.0017853241879492998, + 582.8893432617188, + 18.94140625, + 0.011653782799839973, + 683.60546875, + 212.6262969970703, + 0.008054638281464577, + 435.6888122558594, + 18.94140625, + 0.03969932720065117, + 451.18359375, + 3.4466145038604736, + 0.4118587076663971, + 482.1731872558594, + 166.1419219970703, + 0.6201593279838562, + 544.15234375, + 18.94140625, + 0.6310350298881531, + 582.8893432617188, + 398.5638122558594, + 0.8902726173400879, + 606.1315307617188, + 80.92057037353516, + 0.9544216990470886, + 660.36328125, + 282.3528747558594, + 0.8387015461921692, + 575.1419067382812, + 204.87890625, + 0.7187792062759399, + 590.63671875, + 321.08984375, + 0.6323032379150391, + 745.5846557617188, + 220.3737030029297, + 0.7776089310646057, + 830.8059692382812, + 313.3424377441406, + 0.8415939211845398, + 830.8059692382812, + 305.5950622558594, + 0.6570995450019836, + 892.78515625, + 390.81640625, + 0.15610243380069733 + ], + "scale": [ + 3.71875, + 4.958333492279053 + ], + "score": 0.7248939790508964 + }, + { + "category_id": 1, + "center": [ + 634.0, + 214.5 + ], + "image_id": 21502659201, + "keypoints": [ + 554.703125, + 14.369791984558105, + 0.22181561589241028, + 554.703125, + 21.921875, + 0.03227061778306961, + 554.703125, + 14.369791984558105, + 0.2217140793800354, + 554.703125, + 21.921875, + 0.006842280738055706, + 486.734375, + 21.921875, + 0.3078708350658417, + 433.8697814941406, + 14.369791984558105, + 0.49591904878616333, + 486.734375, + 165.4114532470703, + 0.674267053604126, + 539.5989379882812, + 14.369791984558105, + 0.4543099105358124, + 592.4635620117188, + 391.9739685058594, + 0.8838590979576111, + 600.015625, + 89.890625, + 0.8707548379898071, + 652.8801879882812, + 271.140625, + 0.7396723628044128, + 592.4635620117188, + 225.828125, + 0.7458580732345581, + 615.1198120117188, + 324.0052185058594, + 0.7625068426132202, + 766.1614379882812, + 210.7239532470703, + 0.794966459274292, + 841.6823120117188, + 301.3489685058594, + 0.9671688079833984, + 849.234375, + 301.3489685058594, + 0.5502790212631226, + 894.546875, + 384.421875, + 0.10302650928497314 + ], + "scale": [ + 3.625, + 4.8333330154418945 + ], + "score": 0.6207830033132008 + }, + { + "category_id": 1, + "center": [ + 621.5, + 221.0 + ], + "image_id": 21502668001, + "keypoints": [ + 601.87109375, + -2.7695493698120117, + 0.8033143281936646, + 546.91015625, + -26.324237823486328, + 0.009347333572804928, + 578.31640625, + -2.7695493698120117, + 0.4878306984901428, + 680.38671875, + 185.66796875, + 0.008103163912892342, + 460.54296875, + 12.933576583862305, + 0.8200520277023315, + 436.98828125, + 28.636703491210938, + 0.5390563607215881, + 484.09765625, + 162.11328125, + 0.695862352848053, + 546.91015625, + 52.19139099121094, + 0.18328699469566345, + 601.87109375, + 389.80859375, + 0.914903998374939, + 586.16796875, + 91.44921112060547, + 0.8807665705680847, + 774.60546875, + 287.73828125, + 0.9604820609092712, + 594.01953125, + 224.92578125, + 0.6360207796096802, + 609.72265625, + 334.84765625, + 0.6278226375579834, + 751.05078125, + 209.22265625, + 0.667754054069519, + 813.86328125, + 279.88671875, + 0.4122246503829956, + 798.16015625, + 248.48046875, + 0.11969634145498276, + 758.90234375, + 209.22265625, + 0.023688524961471558 + ], + "scale": [ + 3.7687501907348633, + 5.025000095367432 + ], + "score": 0.7038408766190211 + }, + { + "category_id": 1, + "center": [ + 620.0, + 219.5 + ], + "image_id": 21502669201, + "keypoints": [ + 560.0130004882812, + 11.309895515441895, + 0.2326793670654297, + 588.2421875, + 378.2890625, + 0.002872990444302559, + 560.0130004882812, + 11.309895515441895, + 0.2543371915817261, + 545.8984375, + 11.309895515441895, + 0.008806084282696247, + 531.7838745117188, + 18.3671875, + 0.37481746077537537, + 454.1536560058594, + 25.42447853088379, + 0.4856112003326416, + 468.2682189941406, + 166.5703125, + 0.5910230278968811, + 545.8984375, + 11.309895515441895, + 0.4513476490974426, + 602.3567504882812, + 392.4036560058594, + 0.9155867099761963, + 595.2994995117188, + 88.94010162353516, + 0.8423289060592651, + 743.5026245117188, + 314.7734375, + 0.9245767593383789, + 581.1848754882812, + 223.0286407470703, + 0.6866422295570374, + 602.3567504882812, + 321.8307189941406, + 0.6186823844909668, + 743.5026245117188, + 201.8567657470703, + 0.6869341135025024, + 835.2473754882812, + 314.7734375, + 0.4472191333770752, + 821.1328125, + 293.6015625, + 0.3073446750640869, + 870.5338745117188, + 343.0025939941406, + 0.14747071266174316 + ], + "scale": [ + 3.387500047683716, + 4.516666412353516 + ], + "score": 0.5585093434367862 + }, + { + "category_id": 1, + "center": [ + 621.5, + 221.0 + ], + "image_id": 21502669601, + "keypoints": [ + 528.2122192382812, + 14.14453125, + 0.03336546570062637, + 536.32421875, + 14.14453125, + 0.009593863040208817, + 568.7721557617188, + 14.14453125, + 0.019779985770583153, + 455.2044372558594, + 14.14453125, + 0.008315525949001312, + 430.8684997558594, + 14.14453125, + 0.117249995470047, + 422.7565002441406, + 6.032552242279053, + 0.4399029016494751, + 463.31640625, + 168.2721405029297, + 0.7041161060333252, + 528.2122192382812, + 14.14453125, + 0.3568241000175476, + 593.1080932617188, + 395.4075622558594, + 0.8791887760162354, + 593.1080932617188, + 87.15234375, + 0.9205375909805298, + 714.7877807617188, + 306.17578125, + 0.9083543419837952, + 593.1080932617188, + 216.9440155029297, + 0.7294286489486694, + 593.1080932617188, + 314.2877502441406, + 0.6668047904968262, + 755.34765625, + 184.49609375, + 0.760866641998291, + 820.2434692382812, + 265.6158752441406, + 0.9223432540893555, + 820.2434692382812, + 265.6158752441406, + 0.5492864847183228, + 868.9153442382812, + 354.84765625, + 0.18354839086532593 + ], + "scale": [ + 3.893749952316284, + 5.191666603088379 + ], + "score": 0.712513966993852 + }, + { + "category_id": 1, + "center": [ + 620.0, + 224.0 + ], + "image_id": 21502607201, + "keypoints": [ + 564.140625, + 4.286477088928223, + 0.18236732482910156, + 608.828125, + 11.734393119812012, + 0.02049022540450096, + 564.140625, + 4.286477088928223, + 0.18390706181526184, + 549.2448120117188, + -18.057270050048828, + 0.020582418888807297, + 534.3489379882812, + 19.182308197021484, + 0.502238929271698, + 452.421875, + 19.182308197021484, + 0.5756051540374756, + 489.6614685058594, + 175.5885467529297, + 0.6993542313575745, + 549.2448120117188, + 4.286477088928223, + 0.3887432813644409, + 571.5885620117188, + 399.0260314941406, + 0.9254398345947266, + 660.9635620117188, + 11.734393119812012, + 0.907575249671936, + 705.6510620117188, + 317.09893798828125, + 0.9270328283309937, + 593.9323120117188, + 227.7239532470703, + 0.7991583347320557, + 601.3801879882812, + 317.09893798828125, + 0.7003635168075562, + 750.3385009765625, + 197.9322967529297, + 0.8039854764938354, + 839.7135009765625, + 294.75518798828125, + 0.8929574489593506, + 839.7135009765625, + 287.3072814941406, + 0.5344098210334778, + 884.4010009765625, + 369.234375, + 0.07089493423700333 + ], + "scale": [ + 3.5749998092651367, + 4.766666412353516 + ], + "score": 0.7214053422212601 + }, + { + "category_id": 1, + "center": [ + 633.5, + 220.0 + ], + "image_id": 21502675201, + "keypoints": [ + 667.42578125, + 80.52734375, + 0.9218912124633789, + 674.96484375, + 50.37109375, + 0.1585596352815628, + 644.80859375, + 50.37109375, + 0.8920193314552307, + 478.94921875, + -2.40234375, + 0.0038614787627011538, + 531.72265625, + 35.29296875, + 0.929195761680603, + 494.02734375, + 35.29296875, + 0.49670279026031494, + 509.10546875, + 170.99609375, + 0.7340993881225586, + 592.03515625, + 148.37890625, + 0.13619408011436462, + 592.03515625, + 397.16796875, + 0.9278067350387573, + 622.19140625, + 238.84765625, + 0.2766557037830353, + 690.04296875, + 284.08203125, + 0.9351325035095215, + 592.03515625, + 238.84765625, + 0.6173028349876404, + 599.57421875, + 329.31640625, + 0.6166356801986694, + 750.35546875, + 193.61328125, + 0.8001611232757568, + 833.28515625, + 276.54296875, + 0.9347605109214783, + 825.74609375, + 276.54296875, + 0.615709662437439, + 886.05859375, + 367.01171875, + 0.11351041495800018 + ], + "scale": [ + 3.6187500953674316, + 4.824999809265137 + ], + "score": 0.7460056337026449 + }, + { + "category_id": 1, + "center": [ + 617.5, + 223.5 + ], + "image_id": 21502678001, + "keypoints": [ + 574.74609375, + 25.277359008789062, + 0.04701066389679909, + 636.93359375, + 9.730485916137695, + 0.004919117316603661, + 574.74609375, + 1.9570493698120117, + 0.038694828748703, + 675.80078125, + 196.29296875, + 0.0077829607762396336, + 465.91796875, + 25.277359008789062, + 0.0781506672501564, + 427.0508117675781, + 9.730485916137695, + 0.5085151195526123, + 473.69140625, + 172.97265625, + 0.6152487993240356, + 528.10546875, + 1.9570493698120117, + 0.35214877128601074, + 590.29296875, + 390.62890625, + 0.8960224390029907, + 613.61328125, + 56.37110900878906, + 0.9597576856613159, + 730.21484375, + 336.21484375, + 0.974769115447998, + 590.29296875, + 219.61328125, + 0.6815865635871887, + 590.29296875, + 312.89453125, + 0.7032880187034607, + 753.53515625, + 204.06640625, + 0.7197660207748413, + 815.72265625, + 266.25390625, + 0.41566702723503113, + 831.26953125, + 281.80078125, + 0.37886273860931396, + 854.58984375, + 305.12109375, + 0.11963188648223877 + ], + "scale": [ + 3.7312498092651367, + 4.974999904632568 + ], + "score": 0.6550574817440726 + }, + { + "category_id": 1, + "center": [ + 628.0, + 210.5 + ], + "image_id": 21502681601, + "keypoints": [ + 559.2239379882812, + 25.890625, + 0.1027781218290329, + 609.9010620117188, + -10.307291984558105, + 0.0034382985904812813, + 544.7448120117188, + 18.65104103088379, + 0.056662335991859436, + 515.7864379882812, + 4.171875, + 0.024481920525431633, + 479.5885314941406, + 25.890625, + 0.1430036574602127, + 436.1510314941406, + 25.890625, + 0.49191200733184814, + 465.109375, + 163.4427032470703, + 0.6917784214019775, + 501.3072814941406, + 18.65104103088379, + 0.11564167588949203, + 566.4635620117188, + 373.390625, + 0.8263654112815857, + 580.9426879882812, + 18.65104103088379, + 0.9523065090179443, + 646.0989379882812, + 206.8802032470703, + 0.9651023149490356, + 580.9426879882812, + 199.640625, + 0.6377877593040466, + 580.9426879882812, + 308.234375, + 0.742698073387146, + 769.171875, + 221.359375, + 0.6925995349884033, + 841.5676879882812, + 300.9947814941406, + 0.9082385301589966, + 856.046875, + 308.234375, + 0.4981609582901001, + 877.765625, + 402.3489685058594, + 0.06344111263751984 + ], + "scale": [ + 3.4749999046325684, + 4.633333206176758 + ], + "score": 0.7406949520111084 + }, + { + "category_id": 1, + "center": [ + 606.5, + 218.0 + ], + "image_id": 21502689201, + "keypoints": [ + 549.56640625, + 9.243489265441895, + 0.5391957759857178, + 541.9752807617188, + -21.12109375, + 0.025391334667801857, + 526.79296875, + 16.83463478088379, + 0.20961982011795044, + 663.43359375, + 191.4309844970703, + 0.0038392532151192427, + 420.5169372558594, + 9.243489265441895, + 0.41146907210350037, + 450.8815002441406, + 32.01692581176758, + 0.4598609209060669, + 458.47265625, + 168.6575469970703, + 0.7608886957168579, + 549.56640625, + 145.8841094970703, + 0.04834723845124245, + 572.33984375, + 373.6184997558594, + 0.8406521081924438, + 602.7044067382812, + 221.7955780029297, + 0.025379572063684464, + 724.1627807617188, + 328.0716247558594, + 0.9389112591743469, + 579.9309692382812, + 221.7955780029297, + 0.7592337131500244, + 579.9309692382812, + 312.8893127441406, + 0.7144269943237305, + 746.9362182617188, + 199.0221405029297, + 0.8435770273208618, + 838.0299682617188, + 290.1158752441406, + 0.7960221767425537, + 830.4387817382812, + 274.93359375, + 0.3690292239189148, + 868.39453125, + 343.25390625, + 0.06806686520576477 + ], + "scale": [ + 3.643749952316284, + 4.858333587646484 + ], + "score": 0.6369072323044142 + }, + { + "category_id": 1, + "center": [ + 651.0, + 216.5 + ], + "image_id": 21503614000, + "keypoints": [ + 577.5234375, + 11.5390625, + 0.4959939122200012, + 569.7890625, + 11.5390625, + 0.009853901341557503, + 554.3203125, + 3.8046875, + 0.22897489368915558, + 685.8046875, + 181.6953125, + 0.003523492254316807, + 461.5078125, + 11.5390625, + 0.34954410791397095, + 476.9765625, + 34.7421875, + 0.6004602909088135, + 461.5078125, + 143.0234375, + 0.6924306154251099, + 531.1171875, + 143.0234375, + 0.04137086495757103, + 562.0546875, + 390.5234375, + 0.8685780763626099, + 670.3359375, + 243.5703125, + 0.01711059734225273, + 716.7421875, + 320.9140625, + 0.9678876399993896, + 600.7265625, + 220.3671875, + 0.7955375909805298, + 616.1953125, + 320.9140625, + 0.673570990562439, + 763.1484375, + 197.1640625, + 0.901304304599762, + 848.2265625, + 297.7109375, + 0.8877124786376953, + 848.2265625, + 282.2421875, + 0.6456632018089294, + 855.9609375, + 351.8515625, + 0.1499033272266388 + ], + "scale": [ + 3.7125000953674316, + 4.949999809265137 + ], + "score": 0.6756381752590338 + }, + { + "category_id": 1, + "center": [ + 656.5, + 204.5 + ], + "image_id": 21503614600, + "keypoints": [ + 588.2122192382812, + 15.704426765441895, + 0.8450533151626587, + 572.14453125, + -16.43099021911621, + 0.03235746920108795, + 564.1106567382812, + -0.36328125, + 0.5409936904907227, + 467.7044372558594, + -0.36328125, + 0.011385805904865265, + 467.7044372558594, + -0.36328125, + 0.7619491815567017, + 475.73828125, + 31.77213478088379, + 0.49838078022003174, + 475.73828125, + 144.24609375, + 0.6205592751502991, + 540.0090942382812, + 128.1783905029297, + 0.031017204746603966, + 660.5169067382812, + 337.05859375, + 0.8574804663658142, + 644.44921875, + 216.55078125, + 0.016675176098942757, + 861.36328125, + 304.9231872558594, + 0.8441985845565796, + 588.2122192382812, + 216.55078125, + 0.6874948740005493, + 612.3137817382812, + 320.9908752441406, + 0.6317605972290039, + 756.9231567382812, + 192.44921875, + 0.8196917772293091, + 829.2278442382812, + 256.7200622558594, + 0.5930477380752563, + 829.2278442382812, + 232.6184844970703, + 0.2332191914319992, + 821.1940307617188, + 441.4986877441406, + 0.1125127524137497 + ], + "scale": [ + 3.856250047683716, + 5.141666412353516 + ], + "score": 0.6611524559557438 + }, + { + "category_id": 1, + "center": [ + 655.5, + 220.5 + ], + "image_id": 21503602000, + "keypoints": [ + 627.9284057617188, + 3.8658854961395264, + 0.02477395161986351, + 690.94921875, + 11.743489265441895, + 0.0009462844463996589, + 635.8059692382812, + -35.52213668823242, + 0.0028049605898559093, + 690.94921875, + 185.05078125, + 0.00467522582039237, + 525.51953125, + 19.62109375, + 0.035580188035964966, + 470.3763122558594, + 27.49869728088379, + 0.5735633373260498, + 470.3763122558594, + 145.6627655029297, + 0.6767716407775879, + 517.6419067382812, + 19.62109375, + 0.1378997415304184, + 557.0299682617188, + 397.74609375, + 0.8557475805282593, + 635.8059692382812, + 3.8658854961395264, + 0.5605140924453735, + 698.8268432617188, + 334.7252502441406, + 0.9507819414138794, + 596.41796875, + 224.4387969970703, + 0.8536507487297058, + 596.41796875, + 318.9700622558594, + 0.6194249987602234, + 761.84765625, + 200.8059844970703, + 0.933493971824646, + 840.6237182617188, + 295.3372497558594, + 0.9271600246429443, + 840.6237182617188, + 287.4596252441406, + 0.6560316681861877, + 864.2565307617188, + 366.2356872558594, + 0.17574122548103333 + ], + "scale": [ + 3.78125, + 5.041666507720947 + ], + "score": 0.7607140004634857 + }, + { + "category_id": 1, + "center": [ + 631.0, + 216.5 + ], + "image_id": 21503624500, + "keypoints": [ + 613.2265625, + 35.2109375, + 0.8689993619918823, + 613.2265625, + 6.7734375, + 0.35657012462615967, + 584.7890625, + 6.7734375, + 0.7319561243057251, + 719.8671875, + 241.3828125, + 0.004948664456605911, + 485.2578125, + -0.3359375, + 0.6703639030456543, + 492.3671875, + 35.2109375, + 0.45731252431869507, + 463.9296875, + 134.7421875, + 0.6366055011749268, + 513.6953125, + 205.8359375, + 0.02202095463871956, + 563.4609375, + 383.5703125, + 0.8669390678405762, + 606.1171875, + 13.8828125, + 0.027581019327044487, + 762.5234375, + 362.2421875, + 0.8703604936599731, + 606.1171875, + 227.1640625, + 0.7511738538742065, + 599.0078125, + 319.5859375, + 0.7060459852218628, + 776.7421875, + 191.6171875, + 0.8345476388931274, + 833.6171875, + 291.1484375, + 0.8241126537322998, + 833.6171875, + 291.1484375, + 0.3533332943916321, + 819.3984375, + 433.3359375, + 0.19128617644309998 + ], + "scale": [ + 3.4124999046325684, + 4.550000190734863 + ], + "score": 0.6867938866982093 + }, + { + "category_id": 1, + "center": [ + 636.5, + 230.5 + ], + "image_id": 21503625100, + "keypoints": [ + 623.94140625, + 83.98308563232422, + 0.9107158184051514, + 649.05859375, + 42.12110900878906, + 0.13014128804206848, + 607.1965942382812, + 50.49350357055664, + 0.8668240308761597, + 515.1002807617188, + -75.09242248535156, + 0.002398162614554167, + 515.1002807617188, + 8.631526947021484, + 0.7027441263198853, + 498.35546875, + 25.376317977905273, + 0.5616631507873535, + 456.4934997558594, + 134.2174530029297, + 0.7580634951591492, + 590.4518432617188, + 25.376317977905273, + 0.2445487082004547, + 397.8867492675781, + 385.3893127441406, + 0.9211136102676392, + 682.5481567382812, + 8.631526947021484, + 0.732951283454895, + 657.4309692382812, + 368.64453125, + 0.850419819355011, + 598.82421875, + 234.6862030029297, + 0.8315197825431824, + 607.1965942382812, + 326.78253173828125, + 0.6875808238983154, + 766.2721557617188, + 192.82421875, + 0.8828608989715576, + 849.99609375, + 284.9205627441406, + 0.9239773750305176, + 841.6236572265625, + 284.9205627441406, + 0.43904584646224976, + 849.99609375, + 368.64453125, + 0.08536101877689362 + ], + "scale": [ + 4.018749713897705, + 5.358333587646484 + ], + "score": 0.7367163406951087 + }, + { + "category_id": 1, + "center": [ + 597.5, + 242.0 + ], + "image_id": 21503625800, + "keypoints": [ + 648.84765625, + 125.30078887939453, + 0.6303414702415466, + 667.51953125, + 87.95703887939453, + 0.34479132294654846, + 620.83984375, + 106.62891387939453, + 0.694279670715332, + 574.16015625, + 13.269546508789062, + 0.00939291249960661, + 518.14453125, + 50.6132926940918, + 0.7203627824783325, + 564.82421875, + 31.941421508789062, + 0.5422312617301941, + 443.45703125, + 162.64453125, + 0.8111108541488647, + 686.19140625, + 3.933609962463379, + 0.5868499875068665, + 322.0898742675781, + 414.71484375, + 0.9001169204711914, + 798.22265625, + 22.605484008789062, + 0.891148567199707, + 574.16015625, + 470.7304382324219, + 0.9190701246261597, + 611.50390625, + 237.33203125, + 0.7433407306671143, + 592.83203125, + 358.69921875, + 0.8035539388656616, + 770.21484375, + 190.65234375, + 0.7743887901306152, + 835.56640625, + 284.01171875, + 0.9007468819618225, + 844.90234375, + 284.01171875, + 0.4901038706302643, + 863.57421875, + 386.70703125, + 0.10715380311012268 + ], + "scale": [ + 4.481249809265137, + 5.975000381469727 + ], + "score": 0.7168291449546814 + }, + { + "category_id": 1, + "center": [ + 632.0, + 233.0 + ], + "image_id": 21503626300, + "keypoints": [ + 614.3567504882812, + 10.6953125, + 0.8143454790115356, + 621.4140625, + -10.4765625, + 0.054496489465236664, + 586.1276245117188, + -3.4192707538604736, + 0.4677441120147705, + 684.9296875, + 201.2421875, + 0.007331508211791515, + 480.2682189941406, + -3.4192707538604736, + 0.42099085450172424, + 515.5546875, + 31.8671875, + 0.4332849979400635, + 444.9817810058594, + 137.7265625, + 0.6967999935150146, + 515.5546875, + 165.9557342529297, + 0.026789819821715355, + 480.2682189941406, + 420.0182189941406, + 0.9096965789794922, + 579.0703125, + 31.8671875, + 0.05866949260234833, + 663.7578125, + 342.3880310058594, + 0.9192583560943604, + 593.1848754882812, + 229.4713592529297, + 0.8275558948516846, + 600.2421875, + 328.2734375, + 0.6504774689674377, + 762.5598754882812, + 194.1848907470703, + 0.8138934373855591, + 847.2473754882812, + 285.9296875, + 0.9234212636947632, + 847.2473754882812, + 285.9296875, + 0.510648250579834, + 762.5598754882812, + 187.1276092529297, + 0.04501587525010109 + ], + "scale": [ + 3.387500047683716, + 4.516666412353516 + ], + "score": 0.6990097239613533 + }, + { + "category_id": 1, + "center": [ + 701.0, + 240.0 + ], + "image_id": 21503626600, + "keypoints": [ + 818.0573120117188, + 175.8072967529297, + 0.6952677369117737, + 833.1614379882812, + 153.1510467529297, + 0.19966931641101837, + 795.4010620117188, + 153.1510467529297, + 0.7421866655349731, + 659.4635620117188, + 62.52604293823242, + 0.004163767211139202, + 682.1198120117188, + 122.94271087646484, + 0.9204457402229309, + 606.5989379882812, + 39.86979293823242, + 0.308414101600647, + 614.1510620117188, + 228.671875, + 0.544704020023346, + 750.0885620117188, + 236.2239532470703, + 0.029227742925286293, + 833.1614379882812, + 447.6822814941406, + 0.7263823747634888, + 833.1614379882812, + 145.5989532470703, + 0.05892077460885048, + 969.0989379882812, + 515.6510620117188, + 0.2696368098258972, + 712.328125, + 228.671875, + 0.15506643056869507, + 682.1198120117188, + 334.4010314941406, + 0.11010009795427322, + 825.609375, + 273.984375, + 0.2996937334537506, + 833.1614379882812, + 296.640625, + 0.6042990684509277, + 833.1614379882812, + 304.1927185058594, + 0.16316241025924683, + 863.3698120117188, + 319.296875, + 0.03172800689935684 + ], + "scale": [ + 3.625, + 4.8333330154418945 + ], + "score": 0.5678922500875261 + }, + { + "category_id": 1, + "center": [ + 759.0, + 241.5 + ], + "image_id": 21503627201, + "keypoints": [ + 744.625, + 102.54166412353516, + 0.8820423483848572, + 763.7916870117188, + 54.625, + 0.6761804819107056, + 715.875, + 64.20833587646484, + 0.8575325012207031, + 782.9583129882812, + 54.625, + 0.004991796799004078, + 600.875, + 35.45833206176758, + 0.9283930063247681, + 620.0416870117188, + 16.29166603088379, + 0.36080726981163025, + 552.9583129882812, + 169.625, + 0.5736325979232788, + 792.5416870117188, + 73.79166412353516, + 0.11073148250579834, + 773.375, + 437.9583435058594, + 0.8701842427253723, + 754.2083129882812, + 83.375, + 0.35385048389434814, + 1022.5416870117188, + 495.4583435058594, + 0.5574279427528381, + 658.375, + 227.125, + 0.5454751253128052, + 648.7916870117188, + 342.125, + 0.4160972237586975, + 792.5416870117188, + 198.375, + 0.4829255938529968, + 840.4583129882812, + 303.7916564941406, + 0.6665012836456299, + 878.7916870117188, + 275.0416564941406, + 0.374545156955719, + 850.0416870117188, + 227.125, + 0.027919813990592957 + ], + "scale": [ + 4.599999904632568, + 6.133333206176758 + ], + "score": 0.6103996613195964 + }, + { + "category_id": 1, + "center": [ + 654.5, + 225.0 + ], + "image_id": 21503627500, + "keypoints": [ + 642.60546875, + 14.86328125, + 0.06414605677127838, + 650.53515625, + 54.51171875, + 0.005131432320922613, + 650.53515625, + 22.79296875, + 0.004543997347354889, + 745.69140625, + 260.68359375, + 0.006925785448402166, + 579.16796875, + -0.99609375, + 0.09384337067604065, + 460.22265625, + 30.72265625, + 0.37140539288520813, + 515.73046875, + 149.66796875, + 0.6971560716629028, + 523.66015625, + 141.73828125, + 0.014996412210166454, + 539.51953125, + 395.48828125, + 0.8715698719024658, + 658.46484375, + 252.75390625, + 0.0567924864590168, + 682.25390625, + 332.05078125, + 0.9434851408004761, + 602.95703125, + 228.96484375, + 0.7365361452102661, + 610.88671875, + 324.12109375, + 0.6298998594284058, + 761.55078125, + 205.17578125, + 0.9353926181793213, + 840.84765625, + 292.40234375, + 0.9521670341491699, + 848.77734375, + 284.47265625, + 0.5840474367141724, + 872.56640625, + 379.62890625, + 0.19836276769638062 + ], + "scale": [ + 3.8062500953674316, + 5.074999809265137 + ], + "score": 0.7468510634369321 + }, + { + "category_id": 1, + "center": [ + 676.5, + 199.0 + ], + "image_id": 21503627900, + "keypoints": [ + 698.78515625, + 11.16796875, + 0.009303107857704163, + 370.875, + 593.765625, + 0.001120955217629671, + 717.88671875, + 11.16796875, + 0.05157622694969177, + 654.21484375, + -7.93359375, + 0.02157585322856903, + 705.15234375, + 17.53515625, + 0.8109565377235413, + 526.87109375, + 17.53515625, + 0.5602943897247314, + 666.94921875, + 113.04296875, + 0.7189685106277466, + 577.80859375, + 170.34765625, + 0.013822853565216064, + 768.82421875, + 310.42578125, + 0.5686895847320557, + 654.21484375, + 68.47265625, + 0.06399020552635193, + 851.59765625, + 386.83203125, + 0.33479487895965576, + 616.01171875, + 253.12109375, + 0.2600688636302948, + 596.91015625, + 342.26171875, + 0.5099493265151978, + 787.92578125, + 195.81640625, + 0.3533259630203247, + 819.76171875, + 246.75390625, + 0.9045579433441162, + 826.12890625, + 246.75390625, + 0.19274583458900452, + 883.43359375, + 374.09765625, + 0.07385753095149994 + ], + "scale": [ + 3.0562498569488525, + 4.074999809265137 + ], + "score": 0.5579562220308516 + }, + { + "category_id": 1, + "center": [ + 619.0, + 223.0 + ], + "image_id": 21503628400, + "keypoints": [ + 615.3020629882812, + 4.822916507720947, + 0.0085078040137887, + 659.6770629882812, + 63.98958206176758, + 0.0017873960314318538, + 415.6145935058594, + 130.5520782470703, + 0.003212513867765665, + 755.8229370117188, + 278.46875, + 0.005572590511292219, + 548.7395629882812, + 4.822916507720947, + 0.03000655770301819, + 467.3854064941406, + 41.80208206176758, + 0.4583914875984192, + 467.3854064941406, + 160.1354217529297, + 0.6284064054489136, + 593.1145629882812, + 27.01041603088379, + 0.33625471591949463, + 563.53125, + 389.40625, + 0.8528065085411072, + 659.6770629882812, + -113.51041412353516, + 0.025950921699404716, + 718.84375, + 330.2395935058594, + 0.9203231334686279, + 600.5104370117188, + 226.6979217529297, + 0.7952374815940857, + 607.90625, + 322.84375, + 0.6616283655166626, + 763.21875, + 189.71875, + 0.8670133352279663, + 844.5729370117188, + 293.2604064941406, + 0.8939319252967834, + 844.5729370117188, + 278.46875, + 0.5232131481170654, + 859.3645629882812, + 345.03125, + 0.0660400316119194 + ], + "scale": [ + 3.549999952316284, + 4.733333110809326 + ], + "score": 0.6937206506729126 + }, + { + "category_id": 1, + "center": [ + 637.5, + 214.0 + ], + "image_id": 21503629900, + "keypoints": [ + 713.7174682617188, + 25.11328125, + 0.9268573522567749, + 733.6002807617188, + 38.36848831176758, + 0.010211910121142864, + 700.4622192382812, + 5.23046875, + 0.6893361210823059, + 627.55859375, + -14.65234375, + 0.003266874235123396, + 607.67578125, + -1.3971353769302368, + 0.40921658277511597, + 561.2825317382812, + 38.36848831176758, + 0.47507527470588684, + 528.14453125, + 157.6653594970703, + 0.641837477684021, + 660.6965942382812, + 117.89974212646484, + 0.5992065072059631, + 581.1653442382812, + 389.6315002441406, + 0.8826189637184143, + 753.4830932617188, + 131.1549530029297, + 0.32393187284469604, + 713.7174682617188, + 316.7278747558594, + 0.9524300694465637, + 614.3034057617188, + 217.3137969970703, + 0.6081274747848511, + 607.67578125, + 303.47265625, + 0.5561834573745728, + 753.4830932617188, + 184.17578125, + 0.5692968368530273, + 839.6419067382812, + 290.2174377441406, + 0.8899073004722595, + 826.38671875, + 283.58984375, + 0.49567288160324097, + 852.8971557617188, + 356.4934997558594, + 0.08306039124727249 + ], + "scale": [ + 3.1812500953674316, + 4.241666793823242 + ], + "score": 0.6442641552005496 + }, + { + "category_id": 1, + "center": [ + 674.0, + 205.0 + ], + "image_id": 21503630800, + "keypoints": [ + 722.2421875, + 15.247395515441895, + 0.37254196405410767, + 715.8098754882812, + -4.049479007720947, + 0.005427986849099398, + 709.3776245117188, + 2.3828125, + 0.17037713527679443, + 747.9713745117188, + 233.9453125, + 0.002950322115793824, + 657.9192504882812, + -10.481770515441895, + 0.059156645089387894, + 612.8932495117188, + 34.54426956176758, + 0.42590266466140747, + 587.1640625, + 53.84114456176758, + 0.7223490476608276, + 670.7838745117188, + 118.1640625, + 0.3254188299179077, + 580.7317504882812, + 298.2682189941406, + 0.7751041650772095, + 838.0234375, + 214.6484375, + 0.1980457603931427, + 715.8098754882812, + 311.1328125, + 0.8875145316123962, + 638.6223754882812, + 214.6484375, + 0.6188263297080994, + 638.6223754882812, + 311.1328125, + 0.6339342594146729, + 773.7005004882812, + 195.3515625, + 0.5670937895774841, + 838.0234375, + 291.8359375, + 0.8908205628395081, + 844.4557495117188, + 272.5390625, + 0.4472520053386688, + 690.0807495117188, + 401.1849060058594, + 0.06718051433563232 + ], + "scale": [ + 3.0875000953674316, + 4.116666793823242 + ], + "score": 0.6060689227147535 + }, + { + "category_id": 1, + "center": [ + 653.0, + 213.0 + ], + "image_id": 21503631201, + "keypoints": [ + 656.4114379882812, + 4.901041507720947, + 0.14185917377471924, + 642.765625, + -8.744791984558105, + 0.004192430526018143, + 656.4114379882812, + -15.567708015441895, + 0.01326531171798706, + 738.2864379882812, + 284.640625, + 0.005469891242682934, + 581.359375, + 4.901041507720947, + 0.03974902257323265, + 547.2448120117188, + 39.015625, + 0.5864670276641846, + 506.3072814941406, + 120.890625, + 0.6876300573348999, + 635.9426879882812, + 134.5364532470703, + 0.755684494972229, + 574.5364379882812, + 380.1614685058594, + 0.905329704284668, + 745.109375, + 202.765625, + 0.5227020978927612, + 710.9948120117188, + 318.7552185058594, + 0.9416740536689758, + 622.296875, + 223.234375, + 0.6794300675392151, + 622.296875, + 311.9322814941406, + 0.655591607093811, + 792.8698120117188, + 209.5885467529297, + 0.629460334777832, + 840.6301879882812, + 298.2864685058594, + 0.9085536003112793, + 833.8073120117188, + 291.4635314941406, + 0.44248950481414795, + 874.7448120117188, + 380.1614685058594, + 0.0792275220155716 + ], + "scale": [ + 3.2749998569488525, + 4.366666793823242 + ], + "score": 0.7013647773049094 + }, + { + "category_id": 1, + "center": [ + 611.5, + 213.5 + ], + "image_id": 21503631600, + "keypoints": [ + 601.28515625, + -21.44140625, + 0.008899389766156673, + 860.0612182617188, + 298.6236877441406, + 0.007896315306425095, + 839.6315307617188, + 285.00390625, + 0.013543750159442425, + 689.8137817382812, + 182.85546875, + 0.008193650282919407, + 492.3268127441406, + 12.608073234558105, + 0.021951377391815186, + 478.70703125, + 33.03776168823242, + 0.44206881523132324, + 451.4674377441406, + 141.99609375, + 0.6246926784515381, + 628.5247192382812, + 12.608073234558105, + 0.4555244445800781, + 567.2356567382812, + 387.15234375, + 0.8906398415565491, + 785.15234375, + -1.01171875, + 0.6115891933441162, + 710.2434692382812, + 325.86328125, + 0.952617883682251, + 587.6653442382812, + 216.9049530029297, + 0.7328901290893555, + 587.6653442382812, + 305.43359375, + 0.6062291860580444, + 757.9127807617188, + 196.4752655029297, + 0.8122301697731018, + 846.44140625, + 291.8138122558594, + 0.9377745985984802, + 853.2512817382812, + 285.00390625, + 0.5006488561630249, + 853.2512817382812, + 366.72265625, + 0.08328480273485184 + ], + "scale": [ + 3.268749952316284, + 4.358333587646484 + ], + "score": 0.6879005269570784 + }, + { + "category_id": 1, + "center": [ + 626.0, + 214.5 + ], + "image_id": 21503634900, + "keypoints": [ + 560.7005004882812, + -19.80989646911621, + 0.010667512193322182, + 860.3098754882812, + -50.5390625, + 0.0014932610793039203, + 844.9453125, + 302.8463439941406, + 0.0027893264777958393, + 683.6171875, + 179.9296875, + 0.005458480678498745, + 453.1484375, + -12.127604484558105, + 0.020145785063505173, + 460.8307189941406, + 26.28385353088379, + 0.5236921310424805, + 453.1484375, + 141.5182342529297, + 0.7088693976402283, + 568.3828125, + 133.8359375, + 0.03590419143438339, + 545.3359375, + 379.6692810058594, + 0.8725066184997559, + 737.3932495117188, + 164.5651092529297, + 0.01498426590114832, + 706.6640625, + 348.9400939941406, + 0.8947838544845581, + 599.1119995117188, + 210.6588592529297, + 0.8014352917671204, + 606.7942504882812, + 318.2109375, + 0.6593013405799866, + 768.1223754882812, + 187.6119842529297, + 0.8578143119812012, + 852.6276245117188, + 295.1640625, + 0.9116793870925903, + 852.6276245117188, + 279.7994689941406, + 0.5399200916290283, + 883.3567504882812, + 387.3515625, + 0.15577051043510437 + ], + "scale": [ + 3.6875, + 4.9166669845581055 + ], + "score": 0.7522224916352166 + }, + { + "category_id": 1, + "center": [ + 641.5, + 203.5 + ], + "image_id": 21503603600, + "keypoints": [ + 630.85546875, + -27.13150978088379, + 0.011817927472293377, + 300.875, + 643.4739379882812, + 0.0010011803824454546, + 836.6497192382812, + 306.3971252441406, + 0.0033195193391293287, + 481.83203125, + 8.350260734558105, + 0.0027711023576557636, + 488.9283752441406, + 8.350260734558105, + 0.19371885061264038, + 517.3137817382812, + 22.54296875, + 0.3916536867618561, + 460.54296875, + 157.3737030029297, + 0.7062045335769653, + 609.56640625, + 128.98828125, + 0.05172353237867355, + 645.0481567382812, + 348.9752502441406, + 0.8922364711761475, + 637.9518432617188, + 22.54296875, + 0.34938883781433105, + 680.5299682617188, + 136.0846405029297, + 0.8919739127159119, + 623.7590942382812, + 199.9518280029297, + 0.6754379868507385, + 616.6627807617188, + 320.58984375, + 0.6688843965530396, + 794.0715942382812, + 199.9518280029297, + 0.5905337929725647, + 829.5534057617188, + 299.30078125, + 0.8790688514709473, + 829.5534057617188, + 306.3971252441406, + 0.3534984588623047, + 893.4205932617188, + 398.6497497558594, + 0.08767703920602798 + ], + "scale": [ + 3.40625, + 4.5416669845581055 + ], + "score": 0.6398880928754807 + }, + { + "category_id": 1, + "center": [ + 657.0, + 233.5 + ], + "image_id": 21503666801, + "keypoints": [ + 564.1614379882812, + 27.640625, + 0.4321538209915161, + 580.3073120117188, + 19.56770896911621, + 0.06376726180315018, + 564.1614379882812, + 19.56770896911621, + 0.28692716360092163, + 564.1614379882812, + 11.494791984558105, + 0.014217663556337357, + 491.5052185058594, + 19.56770896911621, + 0.2629203796386719, + 459.2135314941406, + 35.71354293823242, + 0.5004292130470276, + 467.2864685058594, + 156.8072967529297, + 0.5895461440086365, + 580.3073120117188, + -4.651041507720947, + 0.19192315638065338, + 596.453125, + 390.921875, + 0.7995627522468567, + 620.671875, + 35.71354293823242, + 0.8806285262107849, + 830.5676879882812, + 407.0677185058594, + 0.8119566440582275, + 604.5260620117188, + 221.390625, + 0.7744975090026855, + 612.5989379882812, + 326.3385314941406, + 0.7457681894302368, + 765.984375, + 197.171875, + 0.8458502292633057, + 846.7135620117188, + 302.1197814941406, + 0.8534882068634033, + 854.7864379882812, + 302.1197814941406, + 0.4783085882663727, + 911.296875, + 390.921875, + 0.13440287113189697 + ], + "scale": [ + 3.875, + 5.166666507720947 + ], + "score": 0.6355413358945113 + }, + { + "category_id": 1, + "center": [ + 628.0, + 215.0 + ], + "image_id": 21503679000, + "keypoints": [ + 609.1198120117188, + 113.046875, + 0.02296932227909565, + 858.3385620117188, + 332.0572814941406, + 0.004007181618362665, + 556.2551879882812, + 29.97395896911621, + 0.004441977012902498, + 616.671875, + 22.421875, + 0.006442939396947622, + 541.1510620117188, + 7.317708492279053, + 0.031945306807756424, + 390.109375, + 29.97395896911621, + 0.43846815824508667, + 480.734375, + 128.1510467529297, + 0.7013177871704102, + 473.1822814941406, + 22.421875, + 0.2875891923904419, + 729.953125, + 173.4635467529297, + 0.87782222032547, + 586.4635620117188, + 7.317708492279053, + 0.7133128046989441, + 820.578125, + 7.317708492279053, + 0.8832733035087585, + 601.5676879882812, + 226.328125, + 0.6015283465385437, + 601.5676879882812, + 324.5052185058594, + 0.7326401472091675, + 775.265625, + 203.671875, + 0.7014124393463135, + 843.234375, + 301.8489685058594, + 0.8777167797088623, + 850.7864379882812, + 301.8489685058594, + 0.3087839186191559, + 888.546875, + 384.921875, + 0.0685015320777893 + ], + "scale": [ + 3.625, + 4.8333330154418945 + ], + "score": 0.6476240997964685 + }, + { + "category_id": 1, + "center": [ + 677.0, + 223.5 + ], + "image_id": 21503600800, + "keypoints": [ + 824.421875, + 18.265625, + 0.8105195164680481, + 830.203125, + -22.203125, + 0.004742514342069626, + 807.078125, + 6.703125, + 0.8325896263122559, + 726.140625, + -4.859375, + 0.004747369792312384, + 737.703125, + 41.390625, + 0.9494638442993164, + 645.203125, + 12.484375, + 0.41767582297325134, + 679.890625, + 180.140625, + 0.7555367946624756, + 697.234375, + 145.453125, + 0.009125161916017532, + 564.265625, + 411.390625, + 0.9110267162322998, + 847.546875, + 29.828125, + 0.00980985164642334, + 743.484375, + 347.796875, + 0.8195440769195557, + 570.046875, + 237.953125, + 0.09259939193725586, + 535.359375, + 284.203125, + 0.19429194927215576, + 801.296875, + 220.609375, + 0.5107113122940063, + 835.984375, + 307.328125, + 0.848037600517273, + 841.765625, + 301.546875, + 0.31089040637016296, + 864.890625, + 365.140625, + 0.07049506157636642 + ], + "scale": [ + 2.7750000953674316, + 3.700000047683716 + ], + "score": 0.7165995717048645 + }, + { + "category_id": 1, + "center": [ + 653.0, + 185.5 + ], + "image_id": 21503719800, + "keypoints": [ + 563.7551879882812, + 18.65104103088379, + 0.018925247713923454, + 280.5, + 666.6458129882812, + 0.001067155273631215, + 641.359375, + -171.4791717529297, + 0.002044366206973791, + 726.7239379882812, + 305.7864685058594, + 0.002903875196352601, + 470.6302185058594, + -20.15104103088379, + 0.015622824430465698, + 478.390625, + 3.1302082538604736, + 0.4885324537754059, + 447.3489685058594, + 104.015625, + 0.7309355735778809, + 563.7551879882812, + 18.65104103088379, + 0.19446003437042236, + 618.078125, + 290.265625, + 0.8039551973342896, + 656.8801879882812, + 34.171875, + 0.8675323128700256, + 773.2864379882812, + 305.7864685058594, + 0.8759968280792236, + 579.2760620117188, + 204.9010467529297, + 0.65804123878479, + 594.796875, + 298.0260314941406, + 0.5580917596817017, + 765.5260620117188, + 173.859375, + 0.7044112682342529, + 819.8489379882812, + 266.984375, + 0.6855593919754028, + 843.1301879882812, + 290.265625, + 0.3270629644393921, + 897.453125, + 367.8697814941406, + 0.12645404040813446 + ], + "scale": [ + 3.7249999046325684, + 4.9666666984558105 + ], + "score": 0.6700118988752365 + }, + { + "category_id": 1, + "center": [ + 611.0, + 200.0 + ], + "image_id": 21503722000, + "keypoints": [ + 576.6640625, + -2.2005207538604736, + 0.024204634130001068, + 828.4609375, + 303.0078125, + 0.0011826470727100968, + 767.4192504882812, + 272.4869689941406, + 0.0034654687624424696, + 668.2265625, + 173.2942657470703, + 0.005911209620535374, + 454.5807189941406, + -2.2005207538604736, + 0.05725226551294327, + 446.9505310058594, + 20.69010353088379, + 0.6063442230224609, + 454.5807189941406, + 135.1432342529297, + 0.6662513017654419, + 561.4036254882812, + 5.4296875, + 0.19357161223888397, + 569.0338745117188, + 364.0494689941406, + 0.8489671945571899, + 668.2265625, + 28.3203125, + 0.8768525123596191, + 721.6380004882812, + 325.8984375, + 0.9362231492996216, + 584.2942504882812, + 203.8151092529297, + 0.7587594985961914, + 599.5546875, + 303.0078125, + 0.6564182043075562, + 752.1588745117188, + 173.2942657470703, + 0.7750425338745117, + 843.7213745117188, + 303.0078125, + 0.802379846572876, + 836.0911254882812, + 287.7474060058594, + 0.34070006012916565, + 874.2421875, + 371.6796875, + 0.10380710661411285 + ], + "scale": [ + 3.6625001430511475, + 4.883333206176758 + ], + "score": 0.7267938524484634 + }, + { + "category_id": 1, + "center": [ + 636.5, + 201.5 + ], + "image_id": 21503727400, + "keypoints": [ + 575.07421875, + 17.22265625, + 0.007482128217816353, + 856.91015625, + 60.58203125, + 0.0021044579334557056, + 575.07421875, + -4.45703125, + 0.007175751030445099, + 546.16796875, + -33.36328125, + 0.0029927659779787064, + 495.58203125, + 17.22265625, + 0.025830162689089775, + 452.22265625, + 24.44921875, + 0.43453964591026306, + 466.67578125, + 111.16796875, + 0.7205709218978882, + 560.62109375, + 9.99609375, + 0.16681979596614838, + 705.15234375, + 241.24609375, + 0.897838830947876, + 661.79296875, + 31.67578125, + 0.8674910664558411, + 799.09765625, + 46.12890625, + 0.8917844295501709, + 603.98046875, + 212.33984375, + 0.5846349000930786, + 589.52734375, + 320.73828125, + 0.669766902923584, + 777.41796875, + 197.88671875, + 0.5575289726257324, + 842.45703125, + 299.05859375, + 0.9087392687797546, + 849.68359375, + 291.83203125, + 0.29485076665878296, + 893.04296875, + 400.23046875, + 0.04965531826019287 + ], + "scale": [ + 3.46875, + 4.625 + ], + "score": 0.6827745705842971 + }, + { + "category_id": 1, + "center": [ + 624.5, + 204.0 + ], + "image_id": 21503727700, + "keypoints": [ + 550.8997192382812, + -1.3059896230697632, + 0.02827855944633484, + 636.12109375, + 37.43098831176758, + 0.0026334021240472794, + 558.6471557617188, + 6.44140625, + 0.004843674134463072, + 465.6783752441406, + -55.53776168823242, + 0.0021914697717875242, + 442.4361877441406, + -1.3059896230697632, + 0.030508827418088913, + 442.4361877441406, + 21.93619728088379, + 0.47347718477249146, + 465.6783752441406, + 114.90494537353516, + 0.7551892399787903, + 558.6471557617188, + 60.67317581176758, + 0.3585069179534912, + 674.8580932617188, + 246.6106719970703, + 0.9633920192718506, + 674.8580932617188, + 14.188801765441895, + 0.7959660291671753, + 822.05859375, + 107.15755462646484, + 0.8756441473960876, + 597.3840942382812, + 215.62109375, + 0.6623589992523193, + 589.63671875, + 324.0846252441406, + 0.6955597400665283, + 775.57421875, + 200.1262969970703, + 0.5159575939178467, + 845.30078125, + 300.8424377441406, + 0.9652348756790161, + 853.0481567382812, + 300.8424377441406, + 0.349735826253891, + 899.5325317382812, + 417.0533752441406, + 0.076300248503685 + ], + "scale": [ + 3.71875, + 4.958333492279053 + ], + "score": 0.6737293248826807 + }, + { + "category_id": 1, + "center": [ + 611.0, + 205.5 + ], + "image_id": 21503729201, + "keypoints": [ + 607.2239379882812, + -17.28645896911621, + 0.009777665138244629, + 773.3698120117188, + 103.546875, + 0.005101610440760851, + 773.3698120117188, + 20.47395896911621, + 0.004358476959168911, + 765.8176879882812, + 88.44271087646484, + 0.005350254476070404, + 478.8385314941406, + -9.734375, + 0.020434429869055748, + 463.734375, + 43.13020706176758, + 0.552715539932251, + 463.734375, + 118.65103912353516, + 0.7661182880401611, + 577.015625, + 111.09896087646484, + 0.8509560823440552, + 705.4010620117188, + 231.9322967529297, + 0.864652156829834, + 697.8489379882812, + 88.44271087646484, + 0.864143967628479, + 826.234375, + 73.33853912353516, + 0.9690138697624207, + 584.5676879882812, + 224.3802032470703, + 0.6107460856437683, + 584.5676879882812, + 330.109375, + 0.6762793064117432, + 735.609375, + 194.171875, + 0.5196703672409058, + 841.3385620117188, + 299.9010314941406, + 0.9288424253463745, + 841.3385620117188, + 307.453125, + 0.2766689360141754, + 879.0989379882812, + 420.734375, + 0.07010379433631897 + ], + "scale": [ + 3.625, + 4.8333330154418945 + ], + "score": 0.7163460931994698 + }, + { + "category_id": 1, + "center": [ + 627.5, + 199.0 + ], + "image_id": 21503730200, + "keypoints": [ + 601.2044067382812, + -0.0950520858168602, + 0.2900848388671875, + 578.6653442382812, + -45.17317581176758, + 0.007826175540685654, + 586.1784057617188, + -0.0950520858168602, + 0.022910267114639282, + 480.99609375, + -52.68619918823242, + 0.0014473379123955965, + 488.5091247558594, + -15.12109375, + 0.028540335595607758, + 480.99609375, + 22.44400978088379, + 0.5234202146530151, + 450.9440002441406, + 120.11328125, + 0.7024011611938477, + 578.6653442382812, + 157.6783905029297, + 0.07526638358831406, + 563.6393432617188, + 337.9908752441406, + 0.8098136186599731, + 683.84765625, + 210.26953125, + 0.09218988567590714, + 698.8737182617188, + 240.3216094970703, + 0.9072253704071045, + 601.2044067382812, + 217.7825469970703, + 0.7309601306915283, + 601.2044067382812, + 315.4518127441406, + 0.7249022126197815, + 781.5169067382812, + 210.26953125, + 0.7444249391555786, + 841.62109375, + 300.42578125, + 0.8706678152084351, + 849.1340942382812, + 292.9127502441406, + 0.3753052353858948, + 973.0989379882812, + 424.390625, + 0.09326295554637909 + ], + "scale": [ + 3.606250047683716, + 4.808333396911621 + ], + "score": 0.6679205536842346 + }, + { + "category_id": 1, + "center": [ + 641.5, + 207.0 + ], + "image_id": 21503745201, + "keypoints": [ + 556.8971557617188, + 19.40234375, + 0.04119788855314255, + 858.5247192382812, + 321.0299377441406, + 0.004009211901575327, + 571.6106567382812, + 19.40234375, + 0.009401919320225716, + 498.04296875, + -39.45182418823242, + 0.002153323031961918, + 498.04296875, + -10.024739265441895, + 0.016872934997081757, + 417.1184997558594, + 34.11588668823242, + 0.3802662491798401, + 483.3294372558594, + 92.97005462646484, + 0.7491725087165833, + 571.6106567382812, + 129.75390625, + 0.1766517162322998, + 711.3893432617188, + 218.03515625, + 0.869242787361145, + 637.8215942382812, + 34.11588668823242, + 0.6113563179969788, + 784.95703125, + 48.82942581176758, + 0.9037005305290222, + 601.0377807617188, + 218.03515625, + 0.5314642190933228, + 593.6809692382812, + 321.0299377441406, + 0.6585838198661804, + 770.2434692382812, + 195.96484375, + 0.5116971135139465, + 843.8112182617188, + 291.6028747558594, + 0.8999472260475159, + 836.4544067382812, + 291.6028747558594, + 0.3480295240879059, + 910.0221557617188, + 409.3111877441406, + 0.12017348408699036 + ], + "scale": [ + 3.53125, + 4.708333492279053 + ], + "score": 0.646346029639244 + }, + { + "category_id": 1, + "center": [ + 620.0, + 232.0 + ], + "image_id": 21503745500, + "keypoints": [ + 594.0234375, + 131.8046875, + 0.7433362007141113, + 623.7109375, + 94.6953125, + 0.584051251411438, + 564.3359375, + 102.1171875, + 0.7491776943206787, + 601.4453125, + 27.8984375, + 0.008420167490839958, + 504.9609375, + 35.3203125, + 0.49849724769592285, + 594.0234375, + 42.7421875, + 0.5812492370605469, + 438.1640625, + 154.0703125, + 0.7411092519760132, + 697.9296875, + 65.0078125, + 0.8236285448074341, + 519.8046875, + 406.4140625, + 0.9240796566009521, + 801.8359375, + 72.4296875, + 0.8776770830154419, + 683.0859375, + 354.4609375, + 0.818740725517273, + 623.7109375, + 228.2890625, + 0.7159193754196167, + 601.4453125, + 332.1953125, + 0.6902923583984375, + 779.5703125, + 183.7578125, + 0.7826555967330933, + 831.5234375, + 287.6640625, + 0.9178193211555481, + 838.9453125, + 287.6640625, + 0.3833523094654083, + 853.7890625, + 376.7265625, + 0.12565545737743378 + ], + "scale": [ + 3.5625, + 4.75 + ], + "score": 0.722105723619461 + }, + { + "category_id": 1, + "center": [ + 622.5, + 224.0 + ], + "image_id": 21503746800, + "keypoints": [ + 532.8059692382812, + 25.11328125, + 0.0030466399621218443, + 774.58984375, + 274.6966247558594, + 0.0029873161111027002, + 829.1862182617188, + 298.0950622558594, + 0.011799746192991734, + 509.4075622558594, + 1.71484375, + 0.0017219322035089135, + 462.6106872558594, + 25.11328125, + 0.016481103375554085, + 493.80859375, + 1.71484375, + 0.2658279240131378, + 447.01171875, + 126.50650787353516, + 0.6486927270889282, + 571.8034057617188, + 25.11328125, + 0.1452663242816925, + 525.0065307617188, + 383.8893127441406, + 0.8587526082992554, + 712.1940307617188, + 1.71484375, + 0.7858031988143921, + 688.7955932617188, + 352.69140625, + 0.8635255098342896, + 587.40234375, + 220.1002655029297, + 0.764354944229126, + 587.40234375, + 313.6940002441406, + 0.6743396520614624, + 774.58984375, + 196.7018280029297, + 0.7793864011764526, + 836.9856567382812, + 290.2955627441406, + 0.9018014669418335, + 844.78515625, + 290.2955627441406, + 0.44088518619537354, + 891.58203125, + 407.2877502441406, + 0.09384840726852417 + ], + "scale": [ + 3.7437498569488525, + 4.991666793823242 + ], + "score": 0.6983369618654252 + }, + { + "category_id": 1, + "center": [ + 624.0, + 212.0 + ], + "image_id": 21503700500, + "keypoints": [ + 590.25, + 13.25, + 0.02483946457505226, + 650.25, + -24.25, + 0.004986516200006008, + 597.75, + 5.75, + 0.009156170301139355, + 687.75, + 178.25, + 0.008034003898501396, + 500.25, + 13.25, + 0.049930982291698456, + 447.75, + 20.75, + 0.499270498752594, + 477.75, + 163.25, + 0.591596245765686, + 545.25, + 20.75, + 0.23969155550003052, + 567.75, + 380.75, + 0.8633257150650024, + 635.25, + 20.75, + 0.903889536857605, + 725.25, + 328.25, + 0.9408242702484131, + 590.25, + 208.25, + 0.7367063760757446, + 597.75, + 305.75, + 0.6875964999198914, + 755.25, + 178.25, + 0.7925564646720886, + 837.75, + 290.75, + 0.7589694857597351, + 830.25, + 283.25, + 0.43940985202789307, + 852.75, + 328.25, + 0.10202062129974365 + ], + "scale": [ + 3.6000001430511475, + 4.799999713897705 + ], + "score": 0.6776215000586077 + }, + { + "category_id": 1, + "center": [ + 633.0, + 224.0 + ], + "image_id": 21503766300, + "keypoints": [ + 583.234375, + 28.765609741210938, + 0.15941375494003296, + 590.890625, + -9.515644073486328, + 0.016584981232881546, + 567.921875, + 21.109357833862305, + 0.08014655113220215, + 544.953125, + 5.796856880187988, + 0.012931756675243378, + 506.671875, + 21.109357833862305, + 0.11763404309749603, + 468.390625, + 28.765609741210938, + 0.4233177900314331, + 468.390625, + 128.29685974121094, + 0.4897458851337433, + 567.921875, + 21.109357833862305, + 0.2003255933523178, + 552.609375, + 388.609375, + 0.8771244287490845, + 629.171875, + 21.109357833862305, + 0.9144960641860962, + 766.984375, + 342.671875, + 0.9342110753059387, + 598.546875, + 220.171875, + 0.7929962873458862, + 590.890625, + 312.046875, + 0.6060224771499634, + 774.640625, + 212.515625, + 0.5743247270584106, + 805.265625, + 250.796875, + 0.43656110763549805, + 828.234375, + 250.796875, + 0.25452572107315063, + 966.046875, + 388.609375, + 0.10518844425678253 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.5912410142746839 + }, + { + "category_id": 1, + "center": [ + 635.5, + 214.0 + ], + "image_id": 21503821800, + "keypoints": [ + 591.45703125, + 9.80078125, + 0.0586262121796608, + 631.49609375, + 1.79296875, + 0.005152955185621977, + 599.46484375, + 1.79296875, + 0.014558279886841774, + 543.41015625, + -6.21484375, + 0.010085070505738258, + 479.34765625, + 1.79296875, + 0.05615122243762016, + 463.33203125, + 17.80859375, + 0.5360088348388672, + 463.33203125, + 137.92578125, + 0.6567867994308472, + 559.42578125, + 1.79296875, + 0.29605528712272644, + 599.46484375, + 378.16015625, + 0.8671393394470215, + 623.48828125, + 25.81640625, + 0.8624621629714966, + 831.69140625, + 330.11328125, + 0.8761624693870544, + 591.45703125, + 209.99609375, + 0.724216639995575, + 591.45703125, + 314.09765625, + 0.6727513074874878, + 759.62109375, + 177.96484375, + 0.6915522813796997, + 839.69921875, + 298.08203125, + 0.3906184434890747, + 839.69921875, + 274.05859375, + 0.24673543870449066, + 871.73046875, + 418.19921875, + 0.07444354891777039 + ], + "scale": [ + 3.84375, + 5.125 + ], + "score": 0.6200444549322128 + }, + { + "category_id": 1, + "center": [ + 645.0, + 209.5 + ], + "image_id": 21503877201, + "keypoints": [ + 655.390625, + 19.00520896911621, + 0.08504679799079895, + 842.421875, + 296.0885314941406, + 0.006880059838294983, + 634.609375, + 5.151041507720947, + 0.03341330587863922, + 613.828125, + 32.859375, + 0.004805554170161486, + 572.265625, + 12.078125, + 0.17963603138923645, + 447.578125, + 19.00520896911621, + 0.3321234881877899, + 551.484375, + 122.91146087646484, + 0.5717859268188477, + 558.4114379882812, + 32.859375, + 0.0665571391582489, + 703.8801879882812, + 261.453125, + 0.560155987739563, + 627.6823120117188, + 32.859375, + 0.787933349609375, + 814.7135620117188, + 282.234375, + 0.10278470069169998, + 613.828125, + 199.109375, + 0.46435511112213135, + 599.9739379882812, + 323.796875, + 0.6238373517990112, + 773.1510620117188, + 199.109375, + 0.6195430755615234, + 849.3489379882812, + 309.9427185058594, + 0.9207244515419006, + 856.2760620117188, + 316.8697814941406, + 0.38466036319732666, + 897.8385620117188, + 393.0677185058594, + 0.03391832858324051 + ], + "scale": [ + 3.325000047683716, + 4.433333396911621 + ], + "score": 0.585013233953052 + }, + { + "category_id": 1, + "center": [ + 625.0, + 224.5 + ], + "image_id": 21503878801, + "keypoints": [ + 606.1848754882812, + 70.21613311767578, + 0.03181837499141693, + 613.7109375, + 62.69009017944336, + 0.0033428368624299765, + 576.0807495117188, + 32.58592224121094, + 0.010593011043965816, + 688.9713745117188, + 190.6328125, + 0.011164257302880287, + 508.3463439941406, + 32.58592224121094, + 0.029264729470014572, + 448.13800048828125, + 17.533836364746094, + 0.44571632146835327, + 448.13800048828125, + 137.9505157470703, + 0.6200984716415405, + 515.8723754882812, + 25.059879302978516, + 0.17789018154144287, + 553.5026245117188, + 401.36199951171875, + 0.8951126337051392, + 606.1848754882812, + 17.533836364746094, + 0.9275795221328735, + 696.4973754882812, + 326.1015625, + 0.9444161653518677, + 583.6067504882812, + 220.7369842529297, + 0.7783018350601196, + 598.6588745117188, + 326.1015625, + 0.7460063695907593, + 756.7057495117188, + 190.6328125, + 0.8592283129692078, + 839.4921875, + 311.04949951171875, + 0.8738506436347961, + 839.4921875, + 303.5234375, + 0.508599042892456, + 884.6484375, + 393.8359375, + 0.08328092098236084 + ], + "scale": [ + 3.6125001907348633, + 4.816666603088379 + ], + "score": 0.7598909318447113 + }, + { + "category_id": 1, + "center": [ + 629.0, + 219.0 + ], + "image_id": 21503879500, + "keypoints": [ + 551.8125, + -45.0625, + 0.005168878007680178, + 478.6875, + 44.3125, + 0.002461075084283948, + 616.8125, + -154.75, + 0.003467743983492255, + 698.0625, + 182.4375, + 0.004233869723975658, + 503.0625, + 3.6875, + 0.02573678456246853, + 486.8125, + 11.8125, + 0.568320631980896, + 446.1875, + 141.8125, + 0.6814724206924438, + 649.3125, + 19.9375, + 0.6587338447570801, + 559.9375, + 385.5625, + 0.8347094058990479, + 819.9375, + 3.6875, + 0.8046510219573975, + 706.1875, + 320.5625, + 0.9106932878494263, + 584.3125, + 223.0625, + 0.8192843794822693, + 584.3125, + 312.4375, + 0.7040566205978394, + 746.8125, + 190.5625, + 0.7699955701828003, + 836.1875, + 304.3125, + 0.618250846862793, + 836.1875, + 288.0625, + 0.6588189601898193, + 860.5625, + 304.3125, + 0.24225039780139923 + ], + "scale": [ + 3.8999998569488525, + 5.199999809265137 + ], + "score": 0.6892697823544344 + }, + { + "category_id": 1, + "center": [ + 628.0, + 222.0 + ], + "image_id": 21503956801, + "keypoints": [ + 601.1119995117188, + 26.1015625, + 0.0246177539229393, + 616.4765625, + 56.83073043823242, + 0.004060316830873489, + 608.7942504882812, + 49.1484375, + 0.013983004726469517, + 685.6171875, + 187.4296875, + 0.009748313575983047, + 601.1119995117188, + 72.1953125, + 0.047557443380355835, + 462.8307189941406, + 18.41927146911621, + 0.5380862355232239, + 462.8307189941406, + 164.3828125, + 0.6111690998077393, + 562.7005004882812, + 18.41927146911621, + 0.41298729181289673, + 578.0651245117188, + 394.8515625, + 0.9149563312530518, + 647.2057495117188, + 49.1484375, + 0.8874965906143188, + 777.8046875, + 318.0286560058594, + 0.9070478677749634, + 585.7473754882812, + 218.1588592529297, + 0.7612630128860474, + 585.7473754882812, + 310.3463439941406, + 0.6814045906066895, + 754.7578125, + 195.1119842529297, + 0.7131790518760681, + 800.8515625, + 264.2525939941406, + 0.36125338077545166, + 823.8984375, + 248.8880157470703, + 0.18656635284423828, + 869.9921875, + 318.0286560058594, + 0.048057395964860916 + ], + "scale": [ + 3.6875, + 4.9166669845581055 + ], + "score": 0.6788843452930451 + }, + { + "category_id": 1, + "center": [ + 625.5, + 205.0 + ], + "image_id": 21503957601, + "keypoints": [ + 569.34765625, + -15.865885734558105, + 0.01625983789563179, + 266.125, + 669.1926879882812, + 0.0021212815772742033, + 621.7565307617188, + -15.865885734558105, + 0.007622674573212862, + 472.0169372558594, + -45.81380081176758, + 0.002883478067815304, + 486.9908752441406, + 6.595052242279053, + 0.03898700326681137, + 449.5559997558594, + 21.56900978088379, + 0.4284422993659973, + 486.9908752441406, + 141.3606719970703, + 0.6828105449676514, + 606.7825317382812, + 14.08203125, + 0.7818862795829773, + 644.2174682617188, + 328.53515625, + 0.866140604019165, + 749.03515625, + 6.595052242279053, + 0.861507773399353, + 831.3919067382812, + 186.2825469970703, + 0.9244950413703918, + 584.3215942382812, + 216.23046875, + 0.3822227120399475, + 591.80859375, + 321.0481872558594, + 0.5666533708572388, + 749.03515625, + 186.2825469970703, + 0.38187307119369507, + 838.87890625, + 321.0481872558594, + 0.8196065425872803, + 846.3659057617188, + 321.0481872558594, + 0.20507928729057312, + 898.7747192382812, + 373.45703125, + 0.03428176790475845 + ], + "scale": [ + 3.59375, + 4.791666507720947 + ], + "score": 0.6273379569703882 + }, + { + "category_id": 1, + "center": [ + 634.0, + 216.5 + ], + "image_id": 21503958001, + "keypoints": [ + 566.4869995117188, + 6.018229007720947, + 0.013741785660386086, + 709.4557495117188, + 156.9296875, + 0.0017689951928332448, + 669.7421875, + 212.5286407470703, + 0.0029307007789611816, + 661.7994995117188, + 117.21614837646484, + 0.008707216009497643, + 487.0599060058594, + -9.8671875, + 0.026738643646240234, + 463.2317810058594, + 29.84635353088379, + 0.6453568935394287, + 463.2317810058594, + 148.9869842529297, + 0.6671557426452637, + 590.3151245117188, + 85.4453125, + 0.9201565980911255, + 590.3151245117188, + 379.3255310058594, + 0.8726361989974976, + 717.3984375, + 61.6171875, + 0.8850481510162354, + 804.7682495117188, + 307.8411560058594, + 0.8246146440505981, + 582.3723754882812, + 228.4140625, + 0.7743817567825317, + 582.3723754882812, + 315.7838439941406, + 0.6634508371353149, + 757.1119995117188, + 212.5286407470703, + 0.7137354612350464, + 804.7682495117188, + 268.1275939941406, + 0.5620243549346924, + 828.5963745117188, + 276.0703125, + 0.2065918743610382, + 844.4817504882812, + 426.9817810058594, + 0.14589670300483704 + ], + "scale": [ + 3.8125, + 5.0833330154418945 + ], + "score": 0.7031956829807975 + }, + { + "category_id": 1, + "center": [ + 627.0, + 212.5 + ], + "image_id": 21503959201, + "keypoints": [ + 548.796875, + 15.13022518157959, + 0.033905185759067535, + 269.5000305175781, + 674.2708129882812, + 0.0020207520574331284, + 563.6926879882812, + 15.13022518157959, + 0.009824518114328384, + 422.18231201171875, + -37.00518798828125, + 0.0020165073219686747, + 451.9739685058594, + 7.682309150695801, + 0.06168559193611145, + 474.3177185058594, + 22.578140258789062, + 0.632182776927948, + 459.421875, + 141.7447967529297, + 0.7124569416046143, + 600.9323120117188, + 37.47397232055664, + 0.8183608055114746, + 571.140625, + 350.28643798828125, + 0.8241402506828308, + 764.7864379882812, + 22.578140258789062, + 0.853901743888855, + 705.203125, + 253.46353149414062, + 0.9208672046661377, + 593.484375, + 208.7760467529297, + 0.7208054065704346, + 593.484375, + 313.046875, + 0.6744305491447449, + 772.234375, + 208.7760467529297, + 0.7389488220214844, + 831.8176879882812, + 305.59893798828125, + 0.857041597366333, + 831.8176879882812, + 290.703125, + 0.3723522424697876, + 891.4010009765625, + 409.8697814941406, + 0.0593050979077816 + ], + "scale": [ + 3.5749998092651367, + 4.766666412353516 + ], + "score": 0.7386807582595132 + }, + { + "category_id": 1, + "center": [ + 660.0, + 211.5 + ], + "image_id": 21503964700, + "keypoints": [ + 690.1171875, + 14.065104484558105, + 0.16275914013385773, + 723.5807495117188, + 14.065104484558105, + 0.004586405586451292, + 683.4244995117188, + 0.6796875, + 0.17045041918754578, + 603.1119995117188, + -6.013020992279053, + 0.009972411207854748, + 636.5755004882812, + 14.065104484558105, + 0.4897865056991577, + 509.4140625, + 7.372395992279053, + 0.6028776168823242, + 663.3463745117188, + 141.2265625, + 0.5545415878295898, + 649.9609375, + 60.9140625, + 0.6333669424057007, + 770.4296875, + 295.1588439941406, + 0.728058934211731, + 770.4296875, + 34.14323043823242, + 0.9607810974121094, + 844.0494995117188, + 321.9296875, + 0.34500670433044434, + 596.4192504882812, + 228.2317657470703, + 0.2584261894226074, + 596.4192504882812, + 328.6224060058594, + 0.5524852871894836, + 797.2005004882812, + 228.2317657470703, + 0.38422298431396484, + 844.0494995117188, + 308.5442810058594, + 0.5589355230331421, + 817.2786254882812, + 288.4661560058594, + 0.2608131468296051, + 837.3567504882812, + 415.6275939941406, + 0.018632858991622925 + ], + "scale": [ + 3.2124998569488525, + 4.2833333015441895 + ], + "score": 0.5274418766299883 + }, + { + "category_id": 1, + "center": [ + 648.0, + 204.5 + ], + "image_id": 21503965000, + "keypoints": [ + 711.3333129882812, + -5.4999799728393555, + 0.0500308983027935, + 704.6666870117188, + 34.50001525878906, + 0.005303280893713236, + 718.0, + 7.833352088928223, + 0.034210000187158585, + 704.6666870117188, + 27.833351135253906, + 0.0067723398096859455, + 651.3333129882812, + 7.833352088928223, + 0.1869891881942749, + 524.6666870117188, + 7.833352088928223, + 0.5228895545005798, + 658.0, + 134.5, + 0.6001570224761963, + 651.3333129882812, + 74.50001525878906, + 0.6018145084381104, + 758.0, + 281.1666564941406, + 0.564368724822998, + 771.3333129882812, + 34.50001525878906, + 0.9393622875213623, + 831.3333129882812, + 314.5, + 0.20289857685565948, + 578.0, + 227.8333282470703, + 0.2159784436225891, + 584.6666870117188, + 327.83331298828125, + 0.5254141688346863, + 791.3333129882812, + 214.5, + 0.6794268488883972, + 844.6666259765625, + 307.83331298828125, + 0.8338117599487305, + 838.0, + 294.5, + 0.33287882804870605, + 878.0, + 387.83331298828125, + 0.028653137385845184 + ], + "scale": [ + 3.1999998092651367, + 4.266666889190674 + ], + "score": 0.5471818839961832 + }, + { + "category_id": 1, + "center": [ + 625.0, + 218.5 + ], + "image_id": 21503965500, + "keypoints": [ + 528.3203125, + 21.2734375, + 0.00987813901156187, + 860.8984375, + 338.3828125, + 0.004022686276584864, + 965.3125, + 562.6796875, + 0.003006432903930545, + 466.4453125, + -40.6015625, + 0.0013663667486980557, + 443.2421875, + 13.5390625, + 0.05560442432761192, + 497.3828125, + 13.5390625, + 0.6477600336074829, + 435.5078125, + 129.5546875, + 0.692388117313385, + 628.8671875, + 29.0078125, + 0.7691418528556824, + 559.2578125, + 392.5234375, + 0.89557945728302, + 791.2890625, + 5.8046875, + 0.6862508058547974, + 698.4765625, + 322.9140625, + 0.9308668375015259, + 590.1953125, + 214.6328125, + 0.7922758460044861, + 590.1953125, + 315.1796875, + 0.7425684332847595, + 768.0859375, + 199.1640625, + 0.7903060913085938, + 837.6953125, + 315.1796875, + 0.9096041917800903, + 845.4296875, + 299.7109375, + 0.5478028059005737, + 907.3046875, + 377.0546875, + 0.100499726831913 + ], + "scale": [ + 3.7125000953674316, + 4.949999809265137 + ], + "score": 0.7640494975176725 + }, + { + "category_id": 1, + "center": [ + 629.0, + 213.5 + ], + "image_id": 21503987600, + "keypoints": [ + 582.4505004882812, + 2.2369792461395264, + 0.0738186165690422, + 285.25, + 657.5104370117188, + 0.0017014631303027272, + 582.4505004882812, + 23.72135353088379, + 0.010602414608001709, + 682.7109375, + 181.2734375, + 0.005544820334762335, + 525.1588745117188, + 2.2369792461395264, + 0.02651320770382881, + 460.7057189941406, + 38.04426956176758, + 0.42090874910354614, + 482.1900939941406, + 131.1432342529297, + 0.6534221172332764, + 517.9973754882812, + 88.17447662353516, + 0.02155435085296631, + 582.4505004882812, + 381.7942810058594, + 0.8983869552612305, + 532.3203125, + 2.2369792461395264, + 0.013391155749559402, + 711.3567504882812, + 310.1796875, + 0.9137938618659973, + 596.7734375, + 217.0807342529297, + 0.739292323589325, + 603.9348754882812, + 303.0182189941406, + 0.6230673789978027, + 754.3255004882812, + 181.2734375, + 0.8344002962112427, + 840.2630004882812, + 295.8567810058594, + 0.9235911965370178, + 833.1015625, + 281.5338439941406, + 0.48506343364715576, + 883.2317504882812, + 388.9557189941406, + 0.10688230395317078 + ], + "scale": [ + 3.4375, + 4.583333492279053 + ], + "score": 0.7213251458273994 + }, + { + "category_id": 1, + "center": [ + 638.5, + 203.5 + ], + "image_id": 21503988200, + "keypoints": [ + 656.6315307617188, + 4.053385257720947, + 0.37723636627197266, + 634.8737182617188, + -3.19921875, + 0.005779115483164787, + 649.37890625, + 4.053385257720947, + 0.17879536747932434, + 721.9049682617188, + 228.8841094970703, + 0.00411597453057766, + 620.3684692382812, + -3.19921875, + 0.03744366392493248, + 482.5690002441406, + 25.81119728088379, + 0.4016880691051483, + 533.3372192382812, + 91.08463287353516, + 0.754534125328064, + 576.8528442382812, + 47.56901168823242, + 0.05187346041202545, + 569.6002807617188, + 366.68359375, + 0.879297137260437, + 642.1262817382812, + 11.305989265441895, + 0.43590739369392395, + 714.65234375, + 308.6627502441406, + 0.9203436374664307, + 598.6106567382812, + 214.37890625, + 0.6324728727340698, + 605.86328125, + 308.6627502441406, + 0.6174160242080688, + 750.9153442382812, + 178.1158905029297, + 0.8590178489685059, + 845.19921875, + 294.1575622558594, + 0.8378517031669617, + 837.9465942382812, + 279.65234375, + 0.5010852217674255, + 874.2096557617188, + 366.68359375, + 0.08398477733135223 + ], + "scale": [ + 3.481250047683716, + 4.641666889190674 + ], + "score": 0.6560773090882734 + }, + { + "category_id": 1, + "center": [ + 630.0, + 223.0 + ], + "image_id": 21504037100, + "keypoints": [ + 573.9453125, + 24.94010353088379, + 0.12997034192085266, + 596.3671875, + 39.88801956176758, + 0.0060002063401043415, + 573.9453125, + 24.94010353088379, + 0.040546439588069916, + 693.5286254882812, + 189.3671875, + 0.00708815036341548, + 491.7317810058594, + 24.94010353088379, + 0.0391264334321022, + 461.8359375, + 32.4140625, + 0.5972323417663574, + 454.3619689941406, + 144.5234375, + 0.7352057099342346, + 558.9973754882812, + 47.36198043823242, + 0.6601204872131348, + 551.5234375, + 398.6380310058594, + 0.8652399778366089, + 656.1588745117188, + 62.30989456176758, + 0.8717290759086609, + 753.3203125, + 331.3724060058594, + 0.9246782064437866, + 588.8932495117188, + 219.2630157470703, + 0.7774502635002136, + 588.8932495117188, + 316.4244689941406, + 0.6242965459823608, + 753.3203125, + 181.8932342529297, + 0.6310083866119385, + 813.1119995117188, + 279.0546875, + 0.3875119686126709, + 835.5338745117188, + 249.1588592529297, + 0.17675623297691345, + 887.8515625, + 383.6900939941406, + 0.06934183835983276 + ], + "scale": [ + 3.5874998569488525, + 4.7833333015441895 + ], + "score": 0.7074472963809967 + }, + { + "category_id": 1, + "center": [ + 635.0, + 219.0 + ], + "image_id": 21504060400, + "keypoints": [ + 583.0338745117188, + 15.1328125, + 0.06092528998851776, + 535.0651245117188, + 374.8984375, + 0.003156851977109909, + 575.0390625, + 15.1328125, + 0.026022646576166153, + 726.9401245117188, + 246.9817657470703, + 0.005398013163357973, + 463.1119689941406, + 7.138020992279053, + 0.044955842196941376, + 447.1224060058594, + 23.12760353088379, + 0.5743963718414307, + 439.1275939941406, + 143.0494842529297, + 0.6971558928489685, + 535.0651245117188, + 15.1328125, + 0.45663297176361084, + 567.0442504882812, + 398.8828125, + 0.8804093599319458, + 638.9973754882812, + 31.12239646911621, + 0.8593679666519165, + 670.9765625, + 262.9713439941406, + 0.9720063209533691, + 591.0286254882812, + 199.0130157470703, + 0.7129577398300171, + 599.0234375, + 318.9349060058594, + 0.7345989942550659, + 774.9088745117188, + 199.0130157470703, + 0.6577907800674438, + 846.8619995117188, + 302.9453125, + 0.8977767825126648, + 846.8619995117188, + 302.9453125, + 0.4194296598434448, + 910.8203125, + 406.8775939941406, + 0.10629263520240784 + ], + "scale": [ + 3.8374998569488525, + 5.116666793823242 + ], + "score": 0.7147748036818071 + }, + { + "category_id": 1, + "center": [ + 624.5, + 209.5 + ], + "image_id": 21504081300, + "keypoints": [ + 552.3840942382812, + 8.334635734558105, + 0.05995390564203262, + 582.7487182617188, + 0.7434895634651184, + 0.0019020943436771631, + 552.3840942382812, + 8.334635734558105, + 0.028216924518346786, + 719.3893432617188, + 236.0690155029297, + 0.003354662796482444, + 453.69921875, + 8.334635734558105, + 0.13304346799850464, + 468.8815002441406, + 23.51692771911621, + 0.7230629324913025, + 446.1080627441406, + 129.79296875, + 0.7063130140304565, + 582.7487182617188, + 91.83724212646484, + 0.8674373626708984, + 643.4778442382812, + 296.7981872558594, + 0.8627846240997314, + 643.4778442382812, + 23.51692771911621, + 0.7386239767074585, + 689.0247192382812, + 122.20182037353516, + 0.9008610248565674, + 597.9309692382812, + 220.88671875, + 0.7510421872138977, + 597.9309692382812, + 327.1627502441406, + 0.8159462213516235, + 757.3450317382812, + 190.5221405029297, + 0.7801151275634766, + 840.84765625, + 304.3893127441406, + 0.9166345000267029, + 840.84765625, + 311.98046875, + 0.38412514328956604, + 893.9856567382812, + 410.6653747558594, + 0.12669715285301208 + ], + "scale": [ + 3.643749952316284, + 4.858333587646484 + ], + "score": 0.7679041922092438 + }, + { + "category_id": 1, + "center": [ + 622.5, + 228.5 + ], + "image_id": 21505531200, + "keypoints": [ + 549.1471557617188, + 8.44140625, + 0.17140232026576996, + 510.5403747558594, + -22.44400978088379, + 0.004949265159666538, + 541.42578125, + -7.001302242279053, + 0.10409244149923325, + 711.2955932617188, + 263.24609375, + 0.007380259223282337, + 464.2122497558594, + 0.7200520634651184, + 0.37062743306159973, + 464.2122497558594, + 39.32682418823242, + 0.719379186630249, + 448.76953125, + 162.8684844970703, + 0.7767970561981201, + 580.0325317382812, + 85.65494537353516, + 0.8963415026664734, + 580.0325317382812, + 386.7877502441406, + 0.8667348623275757, + 719.0169067382812, + 54.76953125, + 0.9155376553535461, + 780.7877807617188, + 402.23046875, + 0.953227162361145, + 595.4752807617188, + 224.6393280029297, + 0.7453901767730713, + 595.4752807617188, + 325.0169372558594, + 0.8232476711273193, + 765.3450317382812, + 201.4752655029297, + 0.8749926090240479, + 842.55859375, + 325.0169372558594, + 0.8667282462120056, + 850.2799682617188, + 325.0169372558594, + 0.7705355286598206, + 896.6080932617188, + 402.23046875, + 0.10303117334842682 + ], + "scale": [ + 3.706249952316284, + 4.941666603088379 + ], + "score": 0.7982949241995811 + }, + { + "category_id": 1, + "center": [ + 638.5, + 212.0 + ], + "image_id": 21505532000, + "keypoints": [ + 571.9830932617188, + 4.623697757720947, + 0.3737329840660095, + 548.5065307617188, + -3.2018229961395264, + 0.006267799995839596, + 556.33203125, + 4.623697757720947, + 0.11684155464172363, + 438.94921875, + -65.80599212646484, + 0.004078588914126158, + 438.94921875, + -3.2018229961395264, + 0.6137325167655945, + 470.2513122558594, + 35.92578125, + 0.5538878440856934, + 438.94921875, + 137.6575469970703, + 0.7736953496932983, + 611.1106567382812, + 106.35546875, + 0.6735514402389526, + 689.3659057617188, + 239.3893280029297, + 0.9549216628074646, + 712.8424682617188, + 106.35546875, + 0.4760151505470276, + 665.8893432617188, + 20.27474021911621, + 0.7326780557632446, + 618.9362182617188, + 215.9127655029297, + 0.7805707454681396, + 611.1106567382812, + 325.4700622558594, + 0.7846962213516235, + 775.4465942382812, + 200.26171875, + 0.7650269269943237, + 838.05078125, + 317.64453125, + 0.8759210109710693, + 853.7018432617188, + 317.64453125, + 0.5197898149490356, + 900.6549682617188, + 419.3763122558594, + 0.053311094641685486 + ], + "scale": [ + 3.7562501430511475, + 5.008333206176758 + ], + "score": 0.6829399787462674 + }, + { + "category_id": 1, + "center": [ + 615.5, + 199.5 + ], + "image_id": 21505533300, + "keypoints": [ + 596.3919067382812, + 27.527359008789062, + 0.014657723717391491, + 688.1106567382812, + 165.10546875, + 0.003979227971285582, + 581.10546875, + 88.67318725585938, + 0.011302613653242588, + 405.31121826171875, + -56.54815673828125, + 0.0022681737318634987, + 435.8841247558594, + -3.04555606842041, + 0.024235105141997337, + 428.24090576171875, + 35.17058563232422, + 0.5281982421875, + 458.8138122558594, + 119.24610137939453, + 0.6824064254760742, + 550.5325317382812, + 81.02996063232422, + 0.8049519062042236, + 695.75390625, + 142.17578125, + 0.8569072484970093, + 634.6080932617188, + 27.527359008789062, + 0.8996930718421936, + 825.6887817382812, + 42.81381607055664, + 0.9176872968673706, + 596.3919067382812, + 218.6080780029297, + 0.7991597652435303, + 604.03515625, + 317.97003173828125, + 0.7905800342559814, + 764.54296875, + 210.96484375, + 0.8754603862762451, + 840.9752197265625, + 317.97003173828125, + 0.8991484642028809, + 848.6184692382812, + 325.61328125, + 0.5640677213668823, + 886.8345947265625, + 409.68878173828125, + 0.0885806754231453 + ], + "scale": [ + 3.6687498092651367, + 4.891666889190674 + ], + "score": 0.7834782329472628 + }, + { + "category_id": 1, + "center": [ + 619.0, + 199.5 + ], + "image_id": 21505533600, + "keypoints": [ + 569.7421875, + -1.3203125, + 0.03845030069351196, + 895.6015625, + 620.0859375, + 0.0034681980032473803, + 774.3515625, + 150.2421875, + 0.0049302601255476475, + 584.8984375, + -24.0546875, + 0.0038013369776308537, + 433.3359375, + -24.0546875, + 0.033972568809986115, + 456.0703125, + 13.8359375, + 0.42589640617370605, + 433.3359375, + 119.9296875, + 0.6982487440109253, + 607.6328125, + 119.9296875, + 0.0738002359867096, + 675.8359375, + 180.5546875, + 0.7884564399719238, + 713.7265625, + 135.0859375, + 0.14385703206062317, + 827.3984375, + 74.4609375, + 0.8656297922134399, + 607.6328125, + 210.8671875, + 0.725951075553894, + 592.4765625, + 316.9609375, + 0.740272045135498, + 781.9296875, + 218.4453125, + 0.7851506471633911, + 834.9765625, + 324.5390625, + 0.886231541633606, + 842.5546875, + 324.5390625, + 0.45677751302719116, + 888.0234375, + 407.8984375, + 0.0708184540271759 + ], + "scale": [ + 3.637500047683716, + 4.850000381469727 + ], + "score": 0.7080682449870639 + }, + { + "category_id": 1, + "center": [ + 651.5, + 204.5 + ], + "image_id": 21505537700, + "keypoints": [ + 592.02734375, + 2.29296875, + 0.2536415755748749, + 576.16796875, + -45.28515625, + 0.003192670876160264, + 584.09765625, + -5.63671875, + 0.024772219359874725, + 560.30859375, + -29.42578125, + 0.0028627030551433563, + 520.66015625, + -5.63671875, + 0.03398594260215759, + 473.08203125, + 18.15234375, + 0.5302718877792358, + 449.29296875, + 137.09765625, + 0.7426904439926147, + 552.37890625, + 129.16796875, + 0.05252355709671974, + 615.81640625, + 327.41015625, + 0.8394094705581665, + 718.90234375, + 168.81640625, + 0.056306831538677216, + 774.41015625, + 224.32421875, + 0.9675533771514893, + 599.95703125, + 216.39453125, + 0.7179479002952576, + 607.88671875, + 311.55078125, + 0.6447683572769165, + 774.41015625, + 192.60546875, + 0.8321596384048462, + 837.84765625, + 311.55078125, + 0.8930187225341797, + 837.84765625, + 319.48046875, + 0.5075138807296753, + 893.35546875, + 390.84765625, + 0.08903874456882477 + ], + "scale": [ + 3.8062500953674316, + 5.074999809265137 + ], + "score": 0.6928975254297256 + }, + { + "category_id": 1, + "center": [ + 636.0, + 224.5 + ], + "image_id": 21505541800, + "keypoints": [ + 543.2265625, + 12.9765625, + 0.02786680869758129, + 617.4453125, + 5.5546875, + 0.0027187031228095293, + 543.2265625, + 12.9765625, + 0.009435217827558517, + 699.0859375, + 191.1015625, + 0.006346959620714188, + 446.7421875, + 27.8203125, + 0.09784179925918579, + 469.0078125, + 20.3984375, + 0.5819041728973389, + 454.1640625, + 161.4140625, + 0.7281703948974609, + 580.3359375, + 12.9765625, + 0.6975258588790894, + 565.4921875, + 391.4921875, + 0.9151235222816467, + 684.2421875, + 64.9296875, + 0.9109535217285156, + 780.7265625, + 346.9609375, + 0.910991907119751, + 587.7578125, + 220.7890625, + 0.8229962587356567, + 587.7578125, + 317.2734375, + 0.6845759153366089, + 758.4609375, + 183.6796875, + 0.718377947807312, + 817.8359375, + 339.5390625, + 0.3658794164657593, + 847.5234375, + 302.4296875, + 0.3416977822780609, + 869.7890625, + 413.7578125, + 0.27680546045303345 + ], + "scale": [ + 3.5625, + 4.75 + ], + "score": 0.6629168465733528 + }, + { + "category_id": 1, + "center": [ + 627.5, + 223.5 + ], + "image_id": 21505542500, + "keypoints": [ + 766.97265625, + 310.19921875, + 0.005300431977957487, + 774.51171875, + 295.12109375, + 0.0027581502217799425, + 623.73046875, + 68.94921875, + 0.005881869699805975, + 684.04296875, + 166.95703125, + 0.003736610757187009, + 442.79296875, + 23.71484375, + 0.00992380641400814, + 457.87109375, + 31.25390625, + 0.7127909660339355, + 442.79296875, + 151.87890625, + 0.7131187915802002, + 570.95703125, + 91.56640625, + 0.9076566696166992, + 555.87890625, + 393.12890625, + 0.864863395690918, + 706.66015625, + 76.48828125, + 0.902239203453064, + 782.05078125, + 362.97265625, + 0.926252007484436, + 593.57421875, + 219.73046875, + 0.769978404045105, + 593.57421875, + 317.73828125, + 0.7588014006614685, + 766.97265625, + 189.57421875, + 0.762607216835022, + 812.20703125, + 340.35546875, + 0.43806928396224976, + 842.36328125, + 295.12109375, + 0.3200734853744507, + 857.44140625, + 400.66796875, + 0.16240331530570984 + ], + "scale": [ + 3.6187500953674316, + 4.824999809265137 + ], + "score": 0.734222802248868 + }, + { + "category_id": 1, + "center": [ + 609.5, + 223.5 + ], + "image_id": 21505552300, + "keypoints": [ + 547.41015625, + 8.01171875, + 0.022962501272559166, + 788.46484375, + 300.19921875, + 0.0021215772721916437, + 700.80859375, + 176.01953125, + 0.007597116753458977, + 722.72265625, + 249.06640625, + 0.003776197787374258, + 459.75390625, + 22.62109375, + 0.05261664837598801, + 452.44921875, + 37.23046875, + 0.6765009164810181, + 452.44921875, + 154.10546875, + 0.7372907996177673, + 569.32421875, + 95.66796875, + 0.8476867079734802, + 554.71484375, + 395.16015625, + 0.8740600347518921, + 715.41796875, + 73.75390625, + 0.8875306248664856, + 766.55078125, + 358.63671875, + 0.8852207660675049, + 583.93359375, + 219.84765625, + 0.7129629850387573, + 583.93359375, + 314.80859375, + 0.7388355135917664, + 766.55078125, + 205.23828125, + 0.8234356045722961, + 810.37890625, + 329.41796875, + 0.5519424676895142, + 854.20703125, + 314.80859375, + 0.3254990577697754, + 868.81640625, + 424.37890625, + 0.07928671687841415 + ], + "scale": [ + 3.5062501430511475, + 4.675000190734863 + ], + "score": 0.7328150434927507 + }, + { + "category_id": 1, + "center": [ + 624.0, + 227.5 + ], + "image_id": 21505554000, + "keypoints": [ + 550.5234375, + 22.5390625, + 0.021494433283805847, + 844.4296875, + 347.3828125, + 0.0026873904280364513, + 627.8671875, + 68.9453125, + 0.004780782386660576, + 844.4296875, + 355.1171875, + 0.00388647080399096, + 457.7109375, + 14.8046875, + 0.08292510360479355, + 449.9765625, + 38.0078125, + 0.709915280342102, + 465.4453125, + 169.4921875, + 0.7678449153900146, + 573.7265625, + 99.8828125, + 0.9306036233901978, + 558.2578125, + 393.7890625, + 0.9104800820350647, + 705.2109375, + 84.4140625, + 0.8965755701065063, + 774.8203125, + 362.8515625, + 0.9122028350830078, + 589.1953125, + 231.3671875, + 0.7393052577972412, + 589.1953125, + 324.1796875, + 0.7415813207626343, + 759.3515625, + 200.4296875, + 0.8214198350906372, + 813.4921875, + 339.6484375, + 0.598859429359436, + 844.4296875, + 331.9140625, + 0.41138339042663574, + 867.6328125, + 432.4609375, + 0.2379244863986969 + ], + "scale": [ + 3.7125000953674316, + 4.949999809265137 + ], + "score": 0.7231746688485146 + }, + { + "category_id": 1, + "center": [ + 608.5, + 217.5 + ], + "image_id": 21505554400, + "keypoints": [ + 544.6393432617188, + 18.40494728088379, + 0.040111929178237915, + 830.1340942382812, + 348.9778747558594, + 0.001677021966315806, + 552.15234375, + -11.647135734558105, + 0.013258271850645542, + 627.2825317382812, + 93.53515625, + 0.0052977679297327995, + 469.5091247558594, + 18.40494728088379, + 0.11601098626852036, + 446.9700622558594, + 33.43098831176758, + 0.6891230940818787, + 454.4830627441406, + 153.6393280029297, + 0.6843326091766357, + 582.2044067382812, + 93.53515625, + 0.8649198412895203, + 559.6653442382812, + 394.0559997558594, + 0.8698720932006836, + 709.92578125, + 78.50911712646484, + 0.8899508714675903, + 777.54296875, + 364.00390625, + 0.9059052467346191, + 589.7174682617188, + 221.2565155029297, + 0.7599341869354248, + 582.2044067382812, + 311.4127502441406, + 0.7238040566444397, + 762.5169067382812, + 198.7174530029297, + 0.7611997127532959, + 815.1080932617188, + 326.4388122558594, + 0.5882921814918518, + 845.16015625, + 326.4388122558594, + 0.33547595143318176, + 875.2122192382812, + 416.5950622558594, + 0.1341753453016281 + ], + "scale": [ + 3.606250047683716, + 4.808333396911621 + ], + "score": 0.7338918041099202 + }, + { + "category_id": 1, + "center": [ + 612.5, + 219.5 + ], + "image_id": 21505555601, + "keypoints": [ + 551.07421875, + 27.99609375, + 0.08280738443136215, + 717.28515625, + 71.35546875, + 0.002483868505805731, + 551.07421875, + 27.99609375, + 0.0237673781812191, + 695.60546875, + 259.24609375, + 0.00426585553213954, + 464.35546875, + 20.76953125, + 0.11508011817932129, + 457.12890625, + 42.44921875, + 0.6684027910232544, + 449.90234375, + 158.07421875, + 0.6720223426818848, + 558.30078125, + 114.71484375, + 0.9074523448944092, + 558.30078125, + 396.55078125, + 0.8716208934783936, + 688.37890625, + 107.48828125, + 0.8933830857276917, + 767.87109375, + 360.41796875, + 0.8983154296875, + 594.43359375, + 223.11328125, + 0.7154276967048645, + 587.20703125, + 317.05859375, + 0.7604864239692688, + 767.87109375, + 194.20703125, + 0.8202811479568481, + 811.23046875, + 324.28515625, + 0.5810094475746155, + 854.58984375, + 317.05859375, + 0.42638832330703735, + 861.81640625, + 411.00390625, + 0.10493752360343933 + ], + "scale": [ + 3.46875, + 4.625 + ], + "score": 0.7467990842732516 + }, + { + "category_id": 1, + "center": [ + 613.0, + 226.0 + ], + "image_id": 21505559201, + "keypoints": [ + 547.921875, + 0.14060623943805695, + 0.05119713395833969, + 831.203125, + 344.671875, + 0.009220313280820847, + 532.609375, + 15.453107833862305, + 0.03168417513370514, + 609.171875, + 53.73435974121094, + 0.004706708714365959, + 471.359375, + 23.109357833862305, + 0.18633627891540527, + 456.046875, + 23.109357833862305, + 0.6211292743682861, + 448.390625, + 160.921875, + 0.6526437401771545, + 563.234375, + 7.796856880187988, + 0.6354339122772217, + 570.890625, + 390.609375, + 0.8724836111068726, + 693.390625, + 23.109357833862305, + 0.9355634450912476, + 777.609375, + 337.015625, + 0.8923629522323608, + 593.859375, + 222.171875, + 0.8047786355018616, + 586.203125, + 314.046875, + 0.741312563419342, + 762.296875, + 191.546875, + 0.7106466293334961, + 815.890625, + 306.390625, + 0.31684839725494385, + 831.203125, + 298.734375, + 0.21690931916236877, + 854.171875, + 428.8906555175781, + 0.13789866864681244 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.6727374981750142 + }, + { + "category_id": 1, + "center": [ + 638.5, + 216.5 + ], + "image_id": 21505562001, + "keypoints": [ + 704.1315307617188, + 204.91796875, + 0.007135346531867981, + 696.41015625, + -34.44401168823242, + 0.0018869679188355803, + 735.0169067382812, + 174.0325469970703, + 0.00370523938909173, + 696.41015625, + 181.75390625, + 0.006043960805982351, + 487.93359375, + 11.884114265441895, + 0.04130520671606064, + 472.4908752441406, + 19.60546875, + 0.576323926448822, + 457.0481872558594, + 166.3112030029297, + 0.693763792514801, + 572.8684692382812, + 11.884114265441895, + 0.47421392798423767, + 588.3112182617188, + 390.23046875, + 0.876521110534668, + 696.41015625, + 19.60546875, + 0.9092358350753784, + 812.23046875, + 374.7877502441406, + 0.8810403347015381, + 596.0325317382812, + 220.3606719970703, + 0.7921426296234131, + 603.75390625, + 320.73828125, + 0.81680828332901, + 781.3450317382812, + 212.6393280029297, + 0.7611874938011169, + 850.8372192382812, + 328.4596252441406, + 0.6560307741165161, + 858.55859375, + 328.4596252441406, + 0.3711144030094147, + 993.6823120117188, + 417.2552185058594, + 0.0735403373837471 + ], + "scale": [ + 3.706249952316284, + 4.941666603088379 + ], + "score": 0.7098529555580833 + }, + { + "category_id": 1, + "center": [ + 639.0, + 222.0 + ], + "image_id": 21505572001, + "keypoints": [ + 554.5078125, + 8.7578125, + 0.040388889610767365, + 755.6796875, + 306.4921875, + 0.0023404601961374283, + 570.6015625, + 8.7578125, + 0.008432628586888313, + 474.0390625, + -47.5703125, + 0.0030156043358147144, + 465.9921875, + 8.7578125, + 0.08277912437915802, + 465.9921875, + 32.8984375, + 0.7128289937973022, + 457.9453125, + 153.6015625, + 0.6995811462402344, + 594.7421875, + 57.0390625, + 0.879399299621582, + 594.7421875, + 378.9140625, + 0.8898409605026245, + 747.6328125, + 32.8984375, + 0.9030605554580688, + 812.0078125, + 354.7734375, + 0.9226305484771729, + 594.7421875, + 226.0234375, + 0.7529875040054321, + 602.7890625, + 322.5859375, + 0.7343649864196777, + 771.7734375, + 185.7890625, + 0.8790521621704102, + 844.1953125, + 330.6328125, + 0.4351081848144531, + 852.2421875, + 306.4921875, + 0.30897557735443115, + 884.4296875, + 411.1015625, + 0.059646084904670715 + ], + "scale": [ + 3.862499952316284, + 5.149999618530273 + ], + "score": 0.7379845380783081 + }, + { + "category_id": 1, + "center": [ + 629.5, + 197.0 + ], + "image_id": 21505573100, + "keypoints": [ + 565.41796875, + 4.75390625, + 0.015197592787444592, + 723.73828125, + 223.38671875, + 0.0037262686528265476, + 663.42578125, + 246.00390625, + 0.00447729229927063, + 474.94921875, + -2.78515625, + 0.0027619542088359594, + 444.79296875, + -2.78515625, + 0.07694247364997864, + 452.33203125, + 34.91015625, + 0.6812548637390137, + 452.33203125, + 140.45703125, + 0.7524911165237427, + 557.87890625, + 117.83984375, + 0.9244568347930908, + 670.96484375, + 261.08203125, + 0.9432374238967896, + 686.04296875, + 110.30078125, + 0.8914744853973389, + 821.74609375, + 125.37890625, + 0.8892234563827515, + 595.57421875, + 223.38671875, + 0.6185715198516846, + 588.03515625, + 313.85546875, + 0.8313826322555542, + 746.35546875, + 185.69140625, + 0.6464798450469971, + 836.82421875, + 321.39453125, + 0.6882745027542114, + 844.36328125, + 321.39453125, + 0.298068642616272, + 836.82421875, + 449.55859375, + 0.11613704264163971 + ], + "scale": [ + 3.6187500953674316, + 4.824999809265137 + ], + "score": 0.7422650293870405 + }, + { + "category_id": 1, + "center": [ + 621.5, + 205.5 + ], + "image_id": 21505575201, + "keypoints": [ + 539.8919067382812, + 24.54296875, + 0.012730258516967297, + 880.5169067382812, + 599.34765625, + 0.0024014757946133614, + 937.2877807617188, + 521.2877807617188, + 0.004634699784219265, + 617.9518432617188, + 81.31380462646484, + 0.008496628142893314, + 454.7356872558594, + 17.44661521911621, + 0.0621347650885582, + 461.83203125, + 31.63932228088379, + 0.633565366268158, + 447.6393127441406, + 138.0846405029297, + 0.7091441750526428, + 568.27734375, + 116.79557037353516, + 0.8773794770240784, + 653.43359375, + 301.30078125, + 0.9231467843055725, + 696.01171875, + 95.50650787353516, + 0.9403972625732422, + 816.6497192382812, + 173.56640625, + 0.8329392075538635, + 589.56640625, + 223.2408905029297, + 0.6967670917510986, + 596.6627807617188, + 322.58984375, + 0.7338995337486267, + 781.16796875, + 194.85546875, + 0.8018139004707336, + 852.1315307617188, + 315.4934997558594, + 0.9244966506958008, + 866.32421875, + 322.58984375, + 0.44600993394851685, + 873.4205932617188, + 400.6497497558594, + 0.07730354368686676 + ], + "scale": [ + 3.40625, + 4.5416669845581055 + ], + "score": 0.7745053984902122 + }, + { + "category_id": 1, + "center": [ + 633.5, + 205.5 + ], + "image_id": 21505575500, + "keypoints": [ + 547.1002807617188, + 6.404947757720947, + 0.12497833371162415, + 509.53515625, + -16.13411521911621, + 0.003214468015357852, + 532.07421875, + -1.1080728769302368, + 0.05433116853237152, + 479.4830627441406, + -46.18619918823242, + 0.0028352271765470505, + 441.91796875, + 6.404947757720947, + 0.5518609881401062, + 479.4830627441406, + 28.94400978088379, + 0.7359464168548584, + 464.45703125, + 141.6393280029297, + 0.7895615100860596, + 614.7174682617188, + 58.99609375, + 0.844662070274353, + 599.69140625, + 329.46484375, + 0.8281028270721436, + 772.4909057617188, + 66.50911712646484, + 0.8712389469146729, + 689.84765625, + 231.7955780029297, + 0.8652486801147461, + 599.69140625, + 216.76953125, + 0.7234368324279785, + 607.2044067382812, + 314.4388122558594, + 0.7510501742362976, + 772.4909057617188, + 216.76953125, + 0.8812785148620605, + 855.1340942382812, + 314.4388122558594, + 0.8584446907043457, + 855.1340942382812, + 321.9518127441406, + 0.6134613752365112, + 877.6731567382812, + 382.0559997558594, + 0.06693288683891296 + ], + "scale": [ + 3.606250047683716, + 4.808333396911621 + ], + "score": 0.7761910855770111 + }, + { + "category_id": 1, + "center": [ + 631.0, + 193.0 + ], + "image_id": 21505575800, + "keypoints": [ + 547.4453125, + 7.7265625, + 0.07827915996313095, + 540.1796875, + -6.8046875, + 0.0018479222198948264, + 554.7109375, + -6.8046875, + 0.028919290751218796, + 452.9921875, + -43.1328125, + 0.0030624065548181534, + 467.5234375, + 0.4609375, + 0.23372532427310944, + 474.7890625, + 14.9921875, + 0.7366106510162354, + 460.2578125, + 131.2421875, + 0.7444886565208435, + 612.8359375, + 58.5859375, + 0.8157291412353516, + 605.5703125, + 305.6171875, + 0.8221542835235596, + 750.8828125, + 80.3828125, + 0.7598186731338501, + 692.7578125, + 211.1640625, + 0.857557475566864, + 591.0390625, + 211.1640625, + 0.6508226990699768, + 598.3046875, + 305.6171875, + 0.696160078048706, + 772.6796875, + 211.1640625, + 0.8539608716964722, + 852.6015625, + 312.8828125, + 0.8622239828109741, + 859.8671875, + 320.1484375, + 0.6600034832954407, + 867.1328125, + 371.0078125, + 0.056249212473630905 + ], + "scale": [ + 3.487499952316284, + 4.650000095367432 + ], + "score": 0.7244379433492819 + }, + { + "category_id": 1, + "center": [ + 666.5, + 206.0 + ], + "image_id": 21505576100, + "keypoints": [ + 569.91796875, + 17.03515625, + 0.005438872147351503, + 952.046875, + 726.703125, + 0.0014883471885696054, + 704.29296875, + 252.19140625, + 0.002798824105411768, + 645.50390625, + 59.02734375, + 0.005657979287207127, + 443.94140625, + -33.35546875, + 0.012011442333459854, + 452.33984375, + 25.43359375, + 0.6211968660354614, + 452.33984375, + 134.61328125, + 0.8293845653533936, + 561.51953125, + 117.81640625, + 0.915679931640625, + 620.30859375, + 310.98046875, + 0.8584913611412048, + 687.49609375, + 92.62109375, + 0.8503497838973999, + 771.48046875, + 201.80078125, + 0.9278568029403687, + 586.71484375, + 218.59765625, + 0.7167836427688599, + 603.51171875, + 319.37890625, + 0.7072858810424805, + 788.27734375, + 193.40234375, + 0.7349331378936768, + 847.06640625, + 319.37890625, + 0.7538479566574097, + 855.46484375, + 336.17578125, + 0.6075581312179565, + 897.45703125, + 361.37109375, + 0.1775793731212616 + ], + "scale": [ + 4.03125, + 5.375 + ], + "score": 0.7748516418717124 + }, + { + "category_id": 1, + "center": [ + 624.5, + 204.5 + ], + "image_id": 21505577800, + "keypoints": [ + 720.69140625, + 185.26171875, + 0.010267313569784164, + 255.125, + 681.609375, + 0.0019653839990496635, + 689.91015625, + -153.33203125, + 0.0025561621878296137, + 697.60546875, + 269.91015625, + 0.00420012604445219, + 435.96484375, + -14.81640625, + 0.03113439492881298, + 451.35546875, + 31.35546875, + 0.4897729754447937, + 451.35546875, + 123.69921875, + 0.6731979846954346, + 589.87109375, + 116.00390625, + 0.27418503165245056, + 689.91015625, + 162.17578125, + 0.8831167221069336, + 689.91015625, + 223.73828125, + 0.9376394748687744, + 789.94921875, + 46.74609375, + 0.8615678548812866, + 605.26171875, + 223.73828125, + 0.6194801330566406, + 597.56640625, + 316.08203125, + 0.7333722710609436, + 774.55859375, + 223.73828125, + 0.8558059930801392, + 851.51171875, + 323.77734375, + 0.7850347757339478, + 866.90234375, + 323.77734375, + 0.47740063071250916, + 897.68359375, + 369.94921875, + 0.07177960872650146 + ], + "scale": [ + 3.6937499046325684, + 4.925000190734863 + ], + "score": 0.6900521679358049 + }, + { + "category_id": 1, + "center": [ + 632.5, + 219.5 + ], + "image_id": 21505578700, + "keypoints": [ + 564.8762817382812, + -23.14974021911621, + 0.02289382740855217, + 250.625, + 712.7551879882812, + 0.0010942555963993073, + 620.56640625, + -150.44140625, + 0.003996137995272875, + 469.4075622558594, + 8.673176765441895, + 0.0025764836464077234, + 437.5846252441406, + -7.23828125, + 0.05514664947986603, + 445.5403747558594, + 32.54036331176758, + 0.3926687240600586, + 445.5403747558594, + 128.0091094970703, + 0.7006525993347168, + 612.6106567382812, + 135.96484375, + 0.1021173968911171, + 700.1237182617188, + 183.69921875, + 0.8928777575492859, + 676.2565307617188, + 159.83203125, + 0.18104282021522522, + 819.4596557617188, + 48.45182418823242, + 0.9327006936073303, + 612.6106567382812, + 223.4778594970703, + 0.6761937141418457, + 604.6549682617188, + 318.9466247558594, + 0.7094767093658447, + 795.5924682617188, + 215.5221405029297, + 0.5993202924728394, + 859.23828125, + 318.9466247558594, + 0.8109146356582642, + 859.23828125, + 326.90234375, + 0.2745387852191925, + 914.9284057617188, + 422.37109375, + 0.04719262570142746 + ], + "scale": [ + 3.8187501430511475, + 5.0916666984558105 + ], + "score": 0.6654826568232642 + }, + { + "category_id": 1, + "center": [ + 618.5, + 208.0 + ], + "image_id": 21505579601, + "keypoints": [ + 554.1965942382812, + -15.170573234558105, + 0.022901084274053574, + 682.8034057617188, + -7.60546875, + 0.0023218218702822924, + 501.2408752441406, + 15.08984375, + 0.006470962893217802, + 463.4153747558594, + -45.43098831176758, + 0.003613458015024662, + 448.28515625, + 7.524739742279053, + 0.23605023324489594, + 470.98046875, + 22.65494728088379, + 0.7414157390594482, + 448.28515625, + 136.1315155029297, + 0.7959152460098267, + 614.7174682617188, + 37.78515625, + 0.8501608371734619, + 599.5872192382812, + 302.5638122558594, + 0.7987689971923828, + 788.71484375, + 22.65494728088379, + 0.8711500763893127, + 690.3684692382812, + 219.34765625, + 0.8816878795623779, + 592.0221557617188, + 196.65234375, + 0.7518857717514038, + 599.5872192382812, + 310.12890625, + 0.7308170795440674, + 766.01953125, + 204.2174530029297, + 0.7443287968635559, + 841.6705932617188, + 317.6940002441406, + 0.8354337215423584, + 849.2356567382812, + 325.2591247558594, + 0.5214589834213257, + 879.49609375, + 370.6497497558594, + 0.11469368636608124 + ], + "scale": [ + 3.6312499046325684, + 4.8416666984558105 + ], + "score": 0.7299227801462015 + }, + { + "category_id": 1, + "center": [ + 617.0, + 219.0 + ], + "image_id": 21505587600, + "keypoints": [ + 552.1432495117188, + 16.79947853088379, + 0.05133219435811043, + 952.7291870117188, + 554.7291870117188, + 0.0009858604753389955, + 559.7734375, + 16.79947853088379, + 0.008140377700328827, + 674.2265625, + 184.6640625, + 0.006782560609281063, + 445.3203125, + 1.5390625, + 0.04075175151228905, + 452.9505310058594, + 32.05989456176758, + 0.6929609775543213, + 445.3203125, + 161.7734375, + 0.7632705569267273, + 567.4036254882812, + 100.73177337646484, + 0.9121077060699463, + 567.4036254882812, + 390.6796875, + 0.8903616666793823, + 697.1171875, + 85.47135162353516, + 0.9554465413093567, + 712.3776245117188, + 337.2682189941406, + 0.9225560426712036, + 590.2942504882812, + 222.8151092529297, + 0.7688164710998535, + 590.2942504882812, + 314.3775939941406, + 0.755437970161438, + 765.7890625, + 199.9244842529297, + 0.8124909400939941, + 849.7213745117188, + 314.3775939941406, + 0.7969868183135986, + 849.7213745117188, + 299.1171875, + 0.5623420476913452, + 765.7890625, + 199.9244842529297, + 0.05526421219110489 + ], + "scale": [ + 3.6625001430511475, + 4.883333206176758 + ], + "score": 0.8029797944155607 + }, + { + "category_id": 1, + "center": [ + 611.0, + 220.5 + ], + "image_id": 21505588000, + "keypoints": [ + 548.578125, + 25.890625, + 0.04902496188879013, + 820.296875, + 312.296875, + 0.0020907337311655283, + 548.578125, + 25.890625, + 0.007639873772859573, + 673.421875, + 194.796875, + 0.00757145881652832, + 445.765625, + 11.203125, + 0.08576063811779022, + 453.109375, + 33.234375, + 0.6669816970825195, + 438.421875, + 150.734375, + 0.7341206073760986, + 555.921875, + 121.359375, + 0.9185629487037659, + 563.265625, + 393.078125, + 0.8798133134841919, + 688.109375, + 114.015625, + 0.8848521709442139, + 710.140625, + 334.328125, + 0.9619277119636536, + 585.296875, + 216.828125, + 0.7869288921356201, + 577.953125, + 312.296875, + 0.7295444011688232, + 754.203125, + 194.796875, + 0.7759410738945007, + 849.671875, + 319.640625, + 0.6367444396018982, + 857.015625, + 297.609375, + 0.5027071237564087, + 871.703125, + 312.296875, + 0.1301632821559906 + ], + "scale": [ + 3.5249998569488525, + 4.699999809265137 + ], + "score": 0.770738580010154 + }, + { + "category_id": 1, + "center": [ + 628.5, + 202.0 + ], + "image_id": 21505589201, + "keypoints": [ + 559.10546875, + 8.42578125, + 0.00651402585208416, + 851.29296875, + 293.30859375, + 0.0035984478890895844, + 661.37109375, + 103.38671875, + 0.005435584113001823, + 683.28515625, + 169.12890625, + 0.003876600880175829, + 449.53515625, + 8.42578125, + 0.02074429579079151, + 471.44921875, + 30.33984375, + 0.6926677227020264, + 449.53515625, + 125.30078125, + 0.6944169402122498, + 581.01953125, + 103.38671875, + 0.8982012271881104, + 632.15234375, + 322.52734375, + 0.847025990486145, + 712.50390625, + 74.16796875, + 0.9119582772254944, + 800.16015625, + 198.34765625, + 0.880049467086792, + 595.62890625, + 212.95703125, + 0.8023912906646729, + 602.93359375, + 315.22265625, + 0.7558121085166931, + 785.55078125, + 191.04296875, + 0.7527154684066772, + 851.29296875, + 315.22265625, + 0.9178509712219238, + 851.29296875, + 315.22265625, + 0.3550190329551697, + 865.90234375, + 373.66015625, + 0.04570338502526283 + ], + "scale": [ + 3.5062501430511475, + 4.675000190734863 + ], + "score": 0.7734644087878141 + }, + { + "category_id": 1, + "center": [ + 609.0, + 218.5 + ], + "image_id": 21505610200, + "keypoints": [ + 551.96875, + -13.427083015441895, + 0.01584620773792267, + 650.8229370117188, + 77.82291412353516, + 0.004204974509775639, + 551.96875, + -28.63541603088379, + 0.0036575302947312593, + 650.8229370117188, + 85.42708587646484, + 0.011470631696283817, + 453.1145935058594, + 16.98958396911621, + 0.057947464287281036, + 453.1145935058594, + 32.19791793823242, + 0.7218356728553772, + 468.3229064941406, + 169.0729217529297, + 0.6493852734565735, + 559.5729370117188, + 123.44791412353516, + 0.8720690608024597, + 567.1770629882812, + 397.1979064941406, + 0.8777263164520264, + 688.84375, + 115.84375, + 0.8675457239151001, + 719.2604370117188, + 336.3645935058594, + 0.9979268312454224, + 589.9895629882812, + 222.3020782470703, + 0.8047811388969421, + 589.9895629882812, + 313.5520935058594, + 0.6951465010643005, + 749.6770629882812, + 191.8854217529297, + 0.8241325616836548, + 840.9270629882812, + 321.15625, + 0.5210772752761841, + 848.53125, + 290.7395935058594, + 0.5089702606201172, + 871.34375, + 305.9479064941406, + 0.1147504597902298 + ], + "scale": [ + 3.6500000953674316, + 4.866666793823242 + ], + "score": 0.758236056024378 + }, + { + "category_id": 1, + "center": [ + 604.5, + 216.0 + ], + "image_id": 21505610801, + "keypoints": [ + 548.93359375, + 19.66536521911621, + 0.10826767981052399, + 711.9284057617188, + 34.48307418823242, + 0.005781989544630051, + 548.93359375, + 19.66536521911621, + 0.024062542244791985, + 608.2044067382812, + 86.34505462646484, + 0.009691378101706505, + 452.6184997558594, + -2.5611979961395264, + 0.2506101131439209, + 445.2096252441406, + 34.48307418823242, + 0.7209134697914124, + 445.2096252441406, + 160.43359375, + 0.6937774419784546, + 556.3424682617188, + 115.98046875, + 0.9153570532798767, + 585.9778442382812, + 390.1080627441406, + 0.8628904819488525, + 689.7018432617188, + 93.75390625, + 0.9499140977859497, + 756.3815307617188, + 241.9309844970703, + 0.9287567138671875, + 593.38671875, + 219.7044219970703, + 0.7575521469116211, + 593.38671875, + 316.01953125, + 0.6552913188934326, + 763.7903442382812, + 197.4778594970703, + 0.7553343176841736, + 845.2877807617188, + 323.4283752441406, + 0.8290717601776123, + 860.10546875, + 316.01953125, + 0.33828243613243103, + 882.33203125, + 375.2903747558594, + 0.052127406001091 + ], + "scale": [ + 3.5562500953674316, + 4.741666793823242 + ], + "score": 0.7214792792995771 + }, + { + "category_id": 1, + "center": [ + 627.0, + 230.0 + ], + "image_id": 21505619601, + "keypoints": [ + 522.8333129882812, + 17.5, + 0.007975107990205288, + 989.5, + 596.6666870117188, + 0.0016298400005325675, + 610.3333129882812, + -153.3333282470703, + 0.0025309640914201736, + 472.8333435058594, + 25.83333396911621, + 0.00351549475453794, + 456.1666564941406, + 9.166666984558105, + 0.046648554503917694, + 456.1666564941406, + 17.5, + 0.6091331243515015, + 447.8333435058594, + 150.8333282470703, + 0.7017561197280884, + 564.5, + 9.166666984558105, + 0.3213677406311035, + 564.5, + 392.5, + 0.8837485909461975, + 697.8333129882812, + 9.166666984558105, + 0.8905911445617676, + 772.8333129882812, + 409.1666564941406, + 0.8607674241065979, + 597.8333129882812, + 225.8333282470703, + 0.8359993696212769, + 597.8333129882812, + 325.8333435058594, + 0.757084846496582, + 789.5, + 217.5, + 0.7632825374603271, + 847.8333129882812, + 317.5, + 0.7513059377670288, + 872.8333129882812, + 325.8333435058594, + 0.42754971981048584, + 906.1666870117188, + 417.5, + 0.10630683600902557 + ], + "scale": [ + 4.0, + 5.333333492279053 + ], + "score": 0.7093260504982688 + }, + { + "category_id": 1, + "center": [ + 624.0, + 225.5 + ], + "image_id": 21505623601, + "keypoints": [ + 606.6823120117188, + -13.484375, + 0.07204098254442215, + 862.984375, + 325.9427185058594, + 0.003865076694637537, + 613.609375, + -13.484375, + 0.005264755338430405, + 703.6614379882812, + 194.328125, + 0.01210008654743433, + 488.921875, + -13.484375, + 0.018212025985121727, + 461.2135314941406, + 21.15104103088379, + 0.45114123821258545, + 461.2135314941406, + 138.9114532470703, + 0.6681822538375854, + 537.4114379882812, + 48.859375, + 0.11516924202442169, + 572.046875, + 381.359375, + 0.820764422416687, + 585.9010620117188, + 7.296875, + 0.6448377370834351, + 779.859375, + 402.140625, + 0.99042809009552, + 599.7551879882812, + 222.0364532470703, + 0.7883362174034119, + 599.7551879882812, + 319.015625, + 0.7371690273284912, + 772.9323120117188, + 194.328125, + 0.8163495063781738, + 856.0573120117188, + 319.015625, + 0.8456110954284668, + 869.9114379882812, + 325.9427185058594, + 0.5287891030311584, + 897.6198120117188, + 381.359375, + 0.05970473960042 + ], + "scale": [ + 3.325000047683716, + 4.433333396911621 + ], + "score": 0.7291608691215515 + }, + { + "category_id": 1, + "center": [ + 639.0, + 221.5 + ], + "image_id": 21505625201, + "keypoints": [ + 604.4296875, + 10.236979484558105, + 0.6681726574897766, + 566.0182495117188, + -20.4921875, + 0.014654000289738178, + 581.3828125, + -5.127604007720947, + 0.3839704394340515, + 704.2994995117188, + 186.9296875, + 0.006419035606086254, + 512.2421875, + -5.127604007720947, + 0.09649856388568878, + 473.8307189941406, + 33.28385543823242, + 0.5854891538619995, + 458.4661560058594, + 148.5182342529297, + 0.6637619733810425, + 519.9244995117188, + 33.28385543823242, + 0.046061914414167404, + 558.3359375, + 386.6692810058594, + 0.8948942422866821, + 596.7473754882812, + 10.236979484558105, + 0.2679404020309448, + 765.7578125, + 386.6692810058594, + 0.845592737197876, + 596.7473754882812, + 225.3411407470703, + 0.8280866146087646, + 604.4296875, + 325.2109375, + 0.7668896913528442, + 765.7578125, + 194.6119842529297, + 0.9148499369621277, + 834.8984375, + 317.5286560058594, + 0.7867826223373413, + 850.2630004882812, + 317.5286560058594, + 0.5703248977661133, + 873.3098754882812, + 394.3515625, + 0.10640595853328705 + ], + "scale": [ + 3.6875, + 4.9166669845581055 + ], + "score": 0.681396280725797 + }, + { + "category_id": 1, + "center": [ + 620.5, + 218.0 + ], + "image_id": 21505603900, + "keypoints": [ + 556.1965942382812, + 17.52474021911621, + 0.21692439913749695, + 548.6315307617188, + -27.86588478088379, + 0.006048848386853933, + 541.06640625, + 9.959635734558105, + 0.08256668597459793, + 677.23828125, + 183.95703125, + 0.009623222053050995, + 457.8502502441406, + 9.959635734558105, + 0.18533533811569214, + 457.8502502441406, + 32.65494918823242, + 0.7119390964508057, + 442.7200622558594, + 153.6966094970703, + 0.7938193082809448, + 571.3268432617188, + 108.30599212646484, + 0.8889124393463135, + 563.76171875, + 388.21484375, + 0.8536974191665649, + 699.93359375, + 85.61067962646484, + 0.9140230417251587, + 715.0637817382812, + 335.2591247558594, + 0.9148777723312378, + 586.45703125, + 221.7825469970703, + 0.8313848376274109, + 586.45703125, + 312.5638122558594, + 0.7803274989128113, + 760.4544067382812, + 191.5221405029297, + 0.8146691918373108, + 843.6705932617188, + 320.12890625, + 0.6864986419677734, + 843.6705932617188, + 304.9986877441406, + 0.571354866027832, + 866.3659057617188, + 357.9544372558594, + 0.09710713475942612 + ], + "scale": [ + 3.6312499046325684, + 4.8416666984558105 + ], + "score": 0.7482023760676384 + }, + { + "category_id": 1, + "center": [ + 675.5, + 220.0 + ], + "image_id": 21505650801, + "keypoints": [ + 613.48828125, + 0.8919270634651184, + 0.12165956199169159, + 605.2200317382812, + 0.8919270634651184, + 0.0017255782149732113, + 613.48828125, + 0.8919270634651184, + 0.013870996423065662, + 671.3659057617188, + 182.79296875, + 0.007109350990504026, + 539.07421875, + 9.16015625, + 0.037024255841970444, + 481.1966247558594, + 25.69661521911621, + 0.5551170706748962, + 464.66015625, + 157.98828125, + 0.7459123134613037, + 547.3424682617188, + 133.18359375, + 0.062076494097709656, + 580.4153442382812, + 381.23046875, + 0.9285470247268677, + 596.9518432617188, + 17.42838478088379, + 0.2958810329437256, + 778.8528442382812, + 372.9622497558594, + 1.0110137462615967, + 596.9518432617188, + 215.8658905029297, + 0.8782361745834351, + 588.68359375, + 315.0846252441406, + 0.6939586400985718, + 770.5846557617188, + 224.1341094970703, + 0.7462109923362732, + 795.3893432617188, + 240.6705780029297, + 0.42397648096084595, + 861.53515625, + 282.01171875, + 0.483573317527771, + 902.8762817382812, + 372.9622497558594, + 0.19251833856105804 + ], + "scale": [ + 3.96875, + 5.291666507720947 + ], + "score": 0.6762426793575287 + }, + { + "category_id": 1, + "center": [ + 630.0, + 223.5 + ], + "image_id": 21505652401, + "keypoints": [ + 503.671875, + 20.609357833862305, + 0.0031772132497280836, + 262.4999694824219, + 698.1875610351562, + 0.0014311718987300992, + 825.234375, + 303.890625, + 0.00799535308033228, + 687.421875, + 189.046875, + 0.0038203136064112186, + 450.078125, + 20.609357833862305, + 0.06015871465206146, + 457.734375, + 12.953107833862305, + 0.5365778207778931, + 450.078125, + 127.79686737060547, + 0.7270452976226807, + 549.609375, + 20.609357833862305, + 0.6155660152435303, + 580.234375, + 342.171875, + 0.8311302065849304, + 687.421875, + 12.953107833862305, + 0.9218860864639282, + 786.953125, + 395.765625, + 0.9798468351364136, + 595.546875, + 212.015625, + 0.8120476007461548, + 595.546875, + 303.890625, + 0.6685891151428223, + 771.640625, + 212.015625, + 0.7773997783660889, + 840.546875, + 303.890625, + 0.7567477226257324, + 848.203125, + 303.890625, + 0.609260618686676, + 894.140625, + 380.453125, + 0.17193342745304108 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.7487360997633501 + }, + { + "category_id": 1, + "center": [ + 640.0, + 229.5 + ], + "image_id": 21505657100, + "keypoints": [ + 578.4765625, + 12.1171875, + 0.013209434226155281, + 701.5234375, + -151.9453125, + 0.0012783479178324342, + 619.4921875, + -151.9453125, + 0.0025008886586874723, + 734.3359375, + 258.2109375, + 0.006343568209558725, + 480.0390625, + -12.4921875, + 0.02425246872007847, + 471.8359375, + 36.7265625, + 0.686025083065033, + 455.4296875, + 135.1640625, + 0.7072468996047974, + 570.2734375, + 159.7734375, + 0.48311445116996765, + 553.8671875, + 381.2578125, + 0.8465632200241089, + 644.1015625, + 192.5859375, + 0.7446688413619995, + 668.7109375, + 291.0234375, + 0.9013975262641907, + 603.0859375, + 225.3984375, + 0.824443519115448, + 603.0859375, + 323.8359375, + 0.7272568941116333, + 775.3515625, + 200.7890625, + 0.845020055770874, + 849.1796875, + 307.4296875, + 0.9285527467727661, + 849.1796875, + 307.4296875, + 0.45548707246780396, + 923.0078125, + 422.2734375, + 0.11009371280670166 + ], + "scale": [ + 3.9375, + 5.25 + ], + "score": 0.7408887554298748 + }, + { + "category_id": 1, + "center": [ + 620.0, + 222.5 + ], + "image_id": 21505658401, + "keypoints": [ + 584.140625, + -4.609356880187988, + 0.3595375716686249, + 544.296875, + -28.515605926513672, + 0.0089870011433959, + 560.234375, + -4.609356880187988, + 0.1345934122800827, + 432.734375, + 11.328142166137695, + 0.002898979000747204, + 480.546875, + -4.609356880187988, + 0.17988485097885132, + 480.546875, + 35.23439025878906, + 0.648777961730957, + 448.671875, + 154.765625, + 0.7620023488998413, + 552.265625, + 146.796875, + 0.6551862955093384, + 560.234375, + 393.828125, + 0.8315837979316711, + 647.890625, + 202.578125, + 0.9135160446166992, + 767.421875, + 353.984375, + 0.9473786354064941, + 600.078125, + 234.453125, + 0.8321875929832458, + 592.109375, + 322.109375, + 0.7516574859619141, + 775.390625, + 226.484375, + 0.7426478862762451, + 807.265625, + 274.296875, + 0.488505482673645, + 847.109375, + 266.328125, + 0.31734076142311096, + 894.921875, + 377.890625, + 0.06802906095981598 + ], + "scale": [ + 3.8249998092651367, + 5.099999904632568 + ], + "score": 0.6875268220901489 + }, + { + "category_id": 1, + "center": [ + 651.0, + 219.0 + ], + "image_id": 21505664001, + "keypoints": [ + 505.0234375, + 120.3671875, + 0.0083074402064085, + 812.7578125, + 278.1796875, + 0.0024792852345854044, + 686.5078125, + 104.5859375, + 0.0030209145043045282, + 631.2734375, + 80.9140625, + 0.0026611769571900368, + 489.2421875, + 9.8984375, + 0.02370557188987732, + 457.6796875, + 33.5703125, + 0.6574568152427673, + 465.5703125, + 144.0390625, + 0.7614973783493042, + 552.3671875, + 112.4765625, + 0.8023432493209839, + 552.3671875, + 396.5390625, + 0.9249601364135742, + 662.8359375, + 128.2578125, + 0.9392112493515015, + 718.0703125, + 325.5234375, + 0.9545567035675049, + 591.8203125, + 215.0546875, + 0.8352563977241516, + 599.7109375, + 317.6328125, + 0.678422212600708, + 765.4140625, + 207.1640625, + 0.7743690609931946, + 852.2109375, + 309.7421875, + 0.6852699518203735, + 860.1015625, + 301.8515625, + 0.649160623550415, + 923.2265625, + 388.6484375, + 0.10909312218427658 + ], + "scale": [ + 3.7874999046325684, + 5.050000190734863 + ], + "score": 0.787500343539498 + }, + { + "category_id": 1, + "center": [ + 640.5, + 225.5 + ], + "image_id": 21505664401, + "keypoints": [ + 559.15234375, + 27.94140625, + 0.043995872139930725, + 729.5950317382812, + -103.76432037353516, + 0.002214107196778059, + 566.8997192382812, + 20.19400978088379, + 0.005840357858687639, + 698.60546875, + 198.3841094970703, + 0.005298572592437267, + 450.6888122558594, + 12.446614265441895, + 0.037249863147735596, + 466.18359375, + 35.68880081176758, + 0.6738070845603943, + 450.6888122558594, + 136.4049530029297, + 0.7389987707138062, + 551.4049682617188, + 120.91015625, + 0.8813196420669556, + 559.15234375, + 392.0690002441406, + 0.8842019438743591, + 667.6159057617188, + 128.6575469970703, + 0.9340217709541321, + 776.0794067382812, + 407.5638122558594, + 0.89995276927948, + 590.1419067382812, + 221.6262969970703, + 0.7916021347045898, + 590.1419067382812, + 322.3424377441406, + 0.7353289723396301, + 776.0794067382812, + 221.6262969970703, + 0.8313278555870056, + 845.8059692382812, + 306.84765625, + 0.6771978139877319, + 869.0481567382812, + 314.5950622558594, + 0.549980640411377, + 876.7955932617188, + 407.5638122558594, + 0.09987951815128326 + ], + "scale": [ + 3.71875, + 4.958333492279053 + ], + "score": 0.781612672589042 + }, + { + "category_id": 1, + "center": [ + 635.0, + 208.5 + ], + "image_id": 21505668801, + "keypoints": [ + 616.1848754882812, + 9.059879302978516, + 0.5233661532402039, + 586.0807495117188, + -28.570331573486328, + 0.008700435981154442, + 593.6067504882812, + 9.059879302978516, + 0.13777822256088257, + 458.13800048828125, + 9.059879302978516, + 0.006395641248673201, + 473.1900939941406, + 9.059879302978516, + 0.6447001695632935, + 465.6640625, + 31.63800621032715, + 0.5481041669845581, + 473.1900939941406, + 152.0546875, + 0.7164198160171509, + 586.0807495117188, + 39.16404724121094, + 0.049528785049915314, + 653.8151245117188, + 325.1536560058594, + 0.8908331990242004, + 608.6588745117188, + 16.585922241210938, + 0.23501744866371155, + 826.9140625, + 264.9453125, + 0.9099701046943665, + 601.1328125, + 219.7890625, + 0.6624566316604614, + 601.1328125, + 317.62762451171875, + 0.7074809074401855, + 759.1796875, + 189.6848907470703, + 0.6733154058456421, + 781.7578125, + 227.3151092529297, + 0.47728729248046875, + 819.3880615234375, + 204.7369842529297, + 0.19896750152111053, + 981.1979370117188, + 419.22918701171875, + 0.037971895188093185 + ], + "scale": [ + 3.6125001907348633, + 4.816666603088379 + ], + "score": 0.6353592086922039 + }, + { + "category_id": 1, + "center": [ + 620.0, + 240.5 + ], + "image_id": 21505669201, + "keypoints": [ + 564.140625, + 20.786476135253906, + 0.011396309360861778, + 556.6926879882812, + 43.130226135253906, + 0.0030711893923580647, + 400.2864685058594, + 497.4530944824219, + 0.0041473968885838985, + 713.0989379882812, + 206.984375, + 0.004314755089581013, + 556.6926879882812, + 50.57814025878906, + 0.03784473240375519, + 452.421875, + 28.234394073486328, + 0.448832631111145, + 452.421875, + 139.95314025878906, + 0.7475599050521851, + 512.0051879882812, + 72.92189025878906, + 0.36334124207496643, + 459.86981201171875, + 415.5260314941406, + 0.9348738193511963, + 593.9323120117188, + 102.71355438232422, + 0.8870701789855957, + 623.7239379882812, + 378.28643798828125, + 0.8712628483772278, + 593.9323120117188, + 214.4322967529297, + 0.7298918962478638, + 593.9323120117188, + 318.703125, + 0.7277208566665649, + 765.234375, + 192.0885467529297, + 0.8028631210327148, + 839.7135009765625, + 311.25518798828125, + 0.8340232968330383, + 847.1614379882812, + 303.8072814941406, + 0.5659029483795166, + 899.296875, + 378.28643798828125, + 0.13393759727478027 + ], + "scale": [ + 3.5749998092651367, + 4.766666412353516 + ], + "score": 0.719394794919274 + }, + { + "category_id": 1, + "center": [ + 656.0, + 200.5 + ], + "image_id": 21505669601, + "keypoints": [ + 539.6979370117188, + -12.052083015441895, + 0.043959327042102814, + 928.7083129882812, + 697.7916870117188, + 0.0020746157970279455, + 491.5729064941406, + -12.052083015441895, + 0.00653924560174346, + 507.6145935058594, + -12.052083015441895, + 0.003202445339411497, + 467.5104064941406, + -12.052083015441895, + 0.11445938050746918, + 427.40625, + 36.07291793823242, + 0.37639087438583374, + 483.5520935058594, + 124.30208587646484, + 0.6960623264312744, + 579.8020629882812, + 100.23958587646484, + 0.1277104914188385, + 708.1354370117188, + 188.46875, + 0.9208260774612427, + 660.0104370117188, + 156.3854217529297, + 0.12584446370601654, + 676.0520629882812, + 36.07291793823242, + 0.8950206637382507, + 611.8854370117188, + 188.46875, + 0.5869787931442261, + 587.8229370117188, + 308.78125, + 0.7318804264068604, + 780.3229370117188, + 196.4895782470703, + 0.7191742658615112, + 828.4479370117188, + 316.8020935058594, + 0.7855319976806641, + 836.46875, + 324.8229064941406, + 0.39400970935821533, + 876.5729370117188, + 405.03125, + 0.18706053495407104 + ], + "scale": [ + 3.8499999046325684, + 5.133333206176758 + ], + "score": 0.6784305704964532 + }, + { + "category_id": 1, + "center": [ + 637.5, + 205.0 + ], + "image_id": 21505670001, + "keypoints": [ + 586.2955932617188, + -3.7565104961395264, + 0.60152268409729, + 554.78515625, + 67.14192962646484, + 0.0022483980283141136, + 578.41796875, + -11.634114265441895, + 0.6066161394119263, + 523.2747192382812, + -43.14453125, + 0.006799628958106041, + 531.15234375, + 11.998698234558105, + 0.862329363822937, + 452.3763122558594, + 27.75390625, + 0.6172486543655396, + 499.6419372558594, + 161.6731719970703, + 0.700934648513794, + 554.78515625, + 90.77474212646484, + 0.7300704717636108, + 672.94921875, + 334.98046875, + 0.886603593826294, + 649.31640625, + 98.65234375, + 0.9287891387939453, + 854.1340942382812, + 240.44921875, + 0.9373019933700562, + 594.1731567382812, + 208.9387969970703, + 0.624861478805542, + 602.05078125, + 319.2252502441406, + 0.678809404373169, + 759.6028442382812, + 185.3059844970703, + 0.7998207807540894, + 806.8684692382812, + 248.3268280029297, + 0.3383578062057495, + 830.5012817382812, + 201.0612030029297, + 0.1193189024925232, + 696.58203125, + 429.51171875, + 0.050765447318553925 + ], + "scale": [ + 3.78125, + 5.041666507720947 + ], + "score": 0.7164050890849187 + }, + { + "category_id": 1, + "center": [ + 615.0, + 199.0 + ], + "image_id": 21505670401, + "keypoints": [ + 597.421875, + 47.828125, + 0.12777258455753326, + 604.453125, + 68.921875, + 0.004243421833962202, + 583.359375, + 40.796875, + 0.09218940883874893, + 513.046875, + 19.703125, + 0.004743121564388275, + 541.171875, + 5.640625, + 0.06651688367128372, + 421.640625, + 54.859375, + 0.3862594962120056, + 506.015625, + 125.171875, + 0.5238848924636841, + 611.484375, + 125.171875, + 0.1182260513305664, + 738.046875, + 167.359375, + 0.8665499687194824, + 590.390625, + 61.890625, + 0.2558918297290802, + 780.234375, + 33.765625, + 0.9238511323928833, + 604.453125, + 216.578125, + 0.4062817096710205, + 618.515625, + 322.046875, + 0.6539024710655212, + 766.171875, + 167.359375, + 0.31337451934814453, + 801.328125, + 202.515625, + 0.7479114532470703, + 808.359375, + 209.546875, + 0.23923034965991974, + 836.484375, + 315.015625, + 0.30262529850006104 + ], + "scale": [ + 3.375, + 4.5 + ], + "score": 0.5108875564553521 + }, + { + "category_id": 1, + "center": [ + 643.0, + 197.0 + ], + "image_id": 21505670700, + "keypoints": [ + 773.15625, + -12.84375, + 0.0012389528565108776, + 502.21875, + 417.46875, + 0.0019697051029652357, + 735.96875, + 359.03125, + 0.004968928173184395, + 443.78125, + 428.09375, + 0.0016751274233683944, + 677.53125, + 3.09375, + 0.001084260642528534, + 475.65625, + 3.09375, + 0.034436121582984924, + 480.96875, + -2.21875, + 0.00588425574824214, + 449.09375, + 45.59375, + 0.059515997767448425, + 704.09375, + 13.71875, + 0.11371079832315445, + 666.90625, + 3.09375, + 0.06062255799770355, + 762.53125, + 40.28125, + 0.2030431628227234, + 534.09375, + 125.28125, + 0.389381468296051, + 635.03125, + 88.09375, + 0.37600743770599365, + 735.96875, + 231.53125, + 0.05073807016015053, + 783.78125, + 231.53125, + 0.40530237555503845, + 767.84375, + 258.09375, + 0.10431408137083054, + 826.28125, + 374.96875, + 0.14757759869098663 + ], + "scale": [ + 2.549999952316284, + 3.4000000953674316 + ], + "score": 0.34343361109495163 + }, + { + "category_id": 1, + "center": [ + 626.0, + 214.5 + ], + "image_id": 21505607100, + "keypoints": [ + 614.59375, + 393.1979064941406, + 0.009949702769517899, + 705.84375, + -139.09375, + 0.001962892943993211, + 819.90625, + 347.5729064941406, + 0.006963700987398624, + 690.6354370117188, + 187.8854217529297, + 0.009118113666772842, + 614.59375, + 89.03125, + 0.02205667458474636, + 447.3020935058594, + 28.19791603088379, + 0.5888837575912476, + 447.3020935058594, + 157.46875, + 0.6549273133277893, + 561.3645629882812, + 119.44791412353516, + 0.8889474868774414, + 568.96875, + 393.1979064941406, + 0.8806340098381042, + 698.2395629882812, + 111.84375, + 0.9069130420684814, + 713.4479370117188, + 332.3645935058594, + 0.9782682657241821, + 584.1770629882812, + 218.3020782470703, + 0.763725757598877, + 591.78125, + 317.15625, + 0.7152210474014282, + 743.8645629882812, + 195.4895782470703, + 0.7752480506896973, + 842.71875, + 317.15625, + 0.5764226913452148, + 842.71875, + 294.34375, + 0.40383246541023254, + 857.9270629882812, + 347.5729064941406, + 0.13333769142627716 + ], + "scale": [ + 3.6500000953674316, + 4.866666793823242 + ], + "score": 0.7393658079884269 + }, + { + "category_id": 1, + "center": [ + 619.0, + 213.0 + ], + "image_id": 21505671500, + "keypoints": [ + 536.6432495117188, + 30.3828125, + 0.10517589747905731, + 665.5494995117188, + 1.7369791269302368, + 0.0037117188330739737, + 543.8046875, + 23.22135353088379, + 0.03274909406900406, + 679.8723754882812, + 187.9348907470703, + 0.002156938426196575, + 436.3828125, + 8.8984375, + 0.14187636971473694, + 472.1900939941406, + 23.22135353088379, + 0.6687778830528259, + 443.5442810058594, + 144.9661407470703, + 0.731714129447937, + 601.0963745117188, + 51.8671875, + 0.8704496622085571, + 579.6119995117188, + 345.4869689941406, + 0.8318148255348206, + 751.4869995117188, + 30.3828125, + 0.9271541833877563, + 722.8411254882812, + 252.3880157470703, + 0.87392657995224, + 593.9348754882812, + 209.4192657470703, + 0.7947741150856018, + 593.9348754882812, + 295.3567810058594, + 0.7787829637527466, + 765.8098754882812, + 195.0963592529297, + 0.7276239395141602, + 844.5859375, + 309.6796875, + 0.8565290570259094, + 858.9088745117188, + 309.6796875, + 0.359488844871521, + 948.4270629882812, + 399.1979064941406, + 0.07629084587097168 + ], + "scale": [ + 3.4375, + 4.583333492279053 + ], + "score": 0.765548743984916 + }, + { + "category_id": 1, + "center": [ + 626.0, + 221.0 + ], + "image_id": 21505607600, + "keypoints": [ + 693.5130004882812, + 185.2578125, + 0.005479184910655022, + 852.3671875, + 312.3411560058594, + 0.001649433863349259, + 725.2838745117188, + 177.3151092529297, + 0.003458626801148057, + 685.5703125, + 185.2578125, + 0.003703913651406765, + 502.8880310058594, + 10.518229484558105, + 0.026619797572493553, + 447.2890625, + 42.2890625, + 0.7135170698165894, + 463.1744689941406, + 169.3723907470703, + 0.7095189094543457, + 574.3723754882812, + 113.7734375, + 0.9218966960906982, + 566.4296875, + 391.7682189941406, + 0.870185136795044, + 709.3984375, + 97.88802337646484, + 0.9378389716148376, + 717.3411254882812, + 328.2265625, + 0.9439864158630371, + 598.2005004882812, + 232.9140625, + 0.8224929571151733, + 598.2005004882812, + 320.2838439941406, + 0.7460619807243347, + 764.9973754882812, + 209.0859375, + 0.8021690845489502, + 852.3671875, + 328.2265625, + 0.459739089012146, + 852.3671875, + 304.3984375, + 0.47122836112976074, + 892.0807495117188, + 336.1692810058594, + 0.2079024314880371 + ], + "scale": [ + 3.8125, + 5.0833330154418945 + ], + "score": 0.7172114253044128 + }, + { + "category_id": 1, + "center": [ + 637.0, + 207.0 + ], + "image_id": 21505600801, + "keypoints": [ + 537.390625, + 3.796891212463379, + 0.14040948450565338, + 864.109375, + 298.640625, + 0.0033615354914218187, + 529.421875, + -12.140607833862305, + 0.029413683339953423, + 441.7656555175781, + -51.98435592651367, + 0.0027806719299405813, + 425.8281555175781, + 3.796891212463379, + 0.3277633488178253, + 465.671875, + 19.734390258789062, + 0.7240341901779175, + 449.734375, + 155.203125, + 0.7627121210098267, + 593.171875, + 43.6406364440918, + 0.8311892151832581, + 585.203125, + 346.453125, + 0.8636864423751831, + 752.546875, + 19.734390258789062, + 0.8958044052124023, + 720.671875, + 250.828125, + 0.9223530292510986, + 593.171875, + 210.984375, + 0.7772980332374573, + 601.140625, + 306.609375, + 0.7507593631744385, + 768.484375, + 195.046875, + 0.7443692088127136, + 856.140625, + 306.609375, + 0.9048837423324585, + 848.171875, + 298.640625, + 0.5130366086959839, + 903.953125, + 386.296875, + 0.06663990020751953 + ], + "scale": [ + 3.8249998092651367, + 5.099999904632568 + ], + "score": 0.7514908090233803 + }, + { + "category_id": 1, + "center": [ + 625.5, + 218.5 + ], + "image_id": 21505609000, + "keypoints": [ + 552.6419067382812, + -15.412760734558105, + 0.02786192111670971, + 962.9479370117188, + 559.7825317382812, + 0.001413541380316019, + 828.7356567382812, + 299.02734375, + 0.0063211023807525635, + 621.6653442382812, + 76.61849212646484, + 0.005139751359820366, + 452.94140625, + 15.264323234558105, + 0.07703905552625656, + 452.94140625, + 38.27213668823242, + 0.7367356419563293, + 460.6106872558594, + 153.3112030029297, + 0.7486491799354553, + 560.3112182617188, + 122.63411712646484, + 0.8917755484580994, + 567.98046875, + 398.7278747558594, + 0.8999680280685425, + 690.6887817382812, + 114.96484375, + 0.9085631370544434, + 713.6965942382812, + 337.3736877441406, + 0.9786487817764282, + 590.98828125, + 222.3346405029297, + 0.741509199142456, + 598.6575317382812, + 322.03515625, + 0.7339353561401367, + 782.7200317382812, + 206.99609375, + 0.8215851783752441, + 844.07421875, + 314.3658752441406, + 0.7201968431472778, + 851.7434692382812, + 306.6966247558594, + 0.5879808664321899, + 368.5794372558594, + 460.08203125, + 0.07923547923564911 + ], + "scale": [ + 3.6812498569488525, + 4.9083333015441895 + ], + "score": 0.7972316145896912 + }, + { + "category_id": 1, + "center": [ + 633.5, + 218.0 + ], + "image_id": 21505609900, + "keypoints": [ + 574.41796875, + 9.243489265441895, + 0.015615122392773628, + 700.4596557617188, + -148.30859375, + 0.0013183893170207739, + 842.2565307617188, + 292.8372497558594, + 0.004607025999575853, + 700.4596557617188, + 190.4283905029297, + 0.009189294651150703, + 448.3763122558594, + 9.243489265441895, + 0.03626689687371254, + 456.25390625, + 32.87630081176758, + 0.7190355062484741, + 464.1315002441406, + 166.7955780029297, + 0.7925986647605896, + 566.5403442382812, + 127.40755462646484, + 0.8945847749710083, + 574.41796875, + 395.24609375, + 0.8988156318664551, + 700.4596557617188, + 111.65234375, + 0.8861432075500488, + 716.21484375, + 332.2252502441406, + 0.9418531060218811, + 598.05078125, + 229.81640625, + 0.769638180732727, + 598.05078125, + 324.34765625, + 0.7497895359992981, + 755.6028442382812, + 190.4283905029297, + 0.8565709590911865, + 834.37890625, + 300.71484375, + 0.38882577419281006, + 858.01171875, + 269.2044372558594, + 0.5171082019805908, + 873.7669067382812, + 284.9596252441406, + 0.30010131001472473 + ], + "scale": [ + 3.78125, + 5.041666507720947 + ], + "score": 0.7262554044524828 + }, + { + "category_id": 1, + "center": [ + 609.5, + 201.5 + ], + "image_id": 21505711500, + "keypoints": [ + 562.8659057617188, + -2.97265625, + 0.09370154142379761, + 878.54296875, + 312.7044372558594, + 0.010404013097286224, + 534.16796875, + -31.67057228088379, + 0.012974189594388008, + 448.07421875, + -53.19401168823242, + 0.002383118262514472, + 433.7252502441406, + -2.97265625, + 0.26178640127182007, + 476.7721252441406, + 32.89973831176758, + 0.6201987266540527, + 455.2486877441406, + 140.5169219970703, + 0.7612281441688538, + 548.5169067382812, + 162.0403594970703, + 0.36885154247283936, + 555.69140625, + 377.2747497558594, + 0.8778645992279053, + 634.6106567382812, + 162.0403594970703, + 0.9434609413146973, + 684.83203125, + 262.4830627441406, + 0.8915486335754395, + 591.5637817382812, + 212.26171875, + 0.7495553493499756, + 591.5637817382812, + 305.5299377441406, + 0.7243854999542236, + 778.1002807617188, + 190.73828125, + 0.6628812551498413, + 835.49609375, + 298.35546875, + 0.8938043713569641, + 828.3215942382812, + 291.1809997558594, + 0.41127729415893555, + 892.8919067382812, + 370.1002502441406, + 0.07516832649707794 + ], + "scale": [ + 3.4437501430511475, + 4.5916666984558105 + ], + "score": 0.6805702298879623 + }, + { + "category_id": 1, + "center": [ + 646.5, + 209.0 + ], + "image_id": 21505714900, + "keypoints": [ + 642.4700317382812, + -4.587239742279053, + 0.34204205870628357, + 626.3502807617188, + 19.59244728088379, + 0.00492448452860117, + 610.23046875, + 3.47265625, + 0.09156090021133423, + 666.6497192382812, + 92.13150787353516, + 0.005726611241698265, + 529.6315307617188, + 3.47265625, + 0.5469600558280945, + 521.5715942382812, + 27.65234375, + 0.4862290918827057, + 449.0325622558594, + 116.31119537353516, + 0.6666147112846375, + 666.6497192382812, + 116.31119537353516, + 0.22529971599578857, + 682.76953125, + 245.26953125, + 0.8935673236846924, + 658.58984375, + 196.91015625, + 0.15661844611167908, + 610.23046875, + 51.83203125, + 0.8706748485565186, + 626.3502807617188, + 204.9700469970703, + 0.8718191981315613, + 602.1705932617188, + 317.80859375, + 0.8021345138549805, + 779.48828125, + 196.91015625, + 0.6894136071205139, + 835.9075317382812, + 293.62890625, + 0.9590543508529663, + 843.9674682617188, + 301.6888122558594, + 0.4580942392349243, + 868.1471557617188, + 406.4674377441406, + 0.08317109942436218 + ], + "scale": [ + 3.8687500953674316, + 5.1583333015441895 + ], + "score": 0.6509919762611389 + }, + { + "category_id": 1, + "center": [ + 631.5, + 206.0 + ], + "image_id": 21505715800, + "keypoints": [ + 680.50390625, + 255.00390625, + 0.008367515169084072, + 853.90234375, + 322.85546875, + 0.0031957700848579407, + 831.28515625, + 292.69921875, + 0.004530592355877161, + 439.25390625, + 119.30078125, + 0.0012198449112474918, + 446.79296875, + 6.21484375, + 0.019131656736135483, + 469.41015625, + 21.29296875, + 0.6661742925643921, + 446.79296875, + 134.37890625, + 0.7577449083328247, + 574.95703125, + 96.68359375, + 0.6613157391548157, + 642.80859375, + 322.85546875, + 0.7724690437316895, + 650.34765625, + 104.22265625, + 0.6531150937080383, + 665.42578125, + 119.30078125, + 0.8918279409408569, + 605.11328125, + 194.69140625, + 0.8253577947616577, + 605.11328125, + 315.31640625, + 0.7608568072319031, + 778.51171875, + 194.69140625, + 0.7176169753074646, + 838.82421875, + 300.23828125, + 0.9039615392684937, + 846.36328125, + 307.77734375, + 0.420906662940979, + 891.59765625, + 405.78515625, + 0.12924011051654816 + ], + "scale": [ + 3.6187500953674316, + 4.824999809265137 + ], + "score": 0.7301224361766468 + }, + { + "category_id": 1, + "center": [ + 635.0, + 202.5 + ], + "image_id": 21505701900, + "keypoints": [ + 578.75, + 3.75, + 0.27488550543785095, + 841.25, + 296.25, + 0.005331480875611305, + 586.25, + 3.75, + 0.06131305918097496, + 691.25, + 176.25, + 0.0055180140770971775, + 496.25, + -18.75, + 0.10141903162002563, + 466.25, + 26.25, + 0.620436429977417, + 458.75, + 123.75, + 0.7744578123092651, + 548.75, + 131.25, + 0.8344548940658569, + 578.75, + 341.25, + 0.8101990222930908, + 653.75, + 78.75, + 0.9369639158248901, + 751.25, + 228.75, + 0.8540762662887573, + 586.25, + 221.25, + 0.741135835647583, + 593.75, + 311.25, + 0.7478328943252563, + 773.75, + 191.25, + 0.8140568733215332, + 833.75, + 296.25, + 0.8708658218383789, + 841.25, + 281.25, + 0.3721802830696106, + 893.75, + 408.75, + 0.06782715767621994 + ], + "scale": [ + 3.6000001430511475, + 4.799999713897705 + ], + "score": 0.7209621295332909 + }, + { + "category_id": 1, + "center": [ + 651.5, + 203.5 + ], + "image_id": 21505730900, + "keypoints": [ + 539.5403442382812, + 6.60546875, + 0.03298857808113098, + 802.06640625, + 384.9518127441406, + 0.0032642532605677843, + 678.5247192382812, + 99.26171875, + 0.006479319185018539, + 740.2955932617188, + 230.5247344970703, + 0.006803873926401138, + 454.60546875, + -1.1158853769302368, + 0.0323273204267025, + 470.0481872558594, + 22.04817771911621, + 0.5280801057815552, + 477.76953125, + 114.70442962646484, + 0.7082576751708984, + 593.58984375, + 60.65494918823242, + 0.8302063941955566, + 601.3112182617188, + 354.06640625, + 0.8247207403182983, + 701.6887817382812, + -8.837239265441895, + 0.624526858329773, + 670.8034057617188, + 184.1966094970703, + 0.908336877822876, + 585.8684692382812, + 215.08203125, + 0.5609832406044006, + 601.3112182617188, + 315.4596252441406, + 0.6810524463653564, + 763.4596557617188, + 191.91796875, + 0.785055935382843, + 840.6731567382812, + 300.0169372558594, + 0.9031155109405518, + 840.6731567382812, + 292.2955627441406, + 0.5151819586753845, + 910.1653442382812, + 408.1158752441406, + 0.1710626184940338 + ], + "scale": [ + 3.706249952316284, + 4.941666603088379 + ], + "score": 0.7154107039624994 + }, + { + "category_id": 1, + "center": [ + 635.0, + 204.0 + ], + "image_id": 21505732401, + "keypoints": [ + 537.9948120117188, + 6.109375, + 0.03601859137415886, + 685.4426879882812, + -24.93229103088379, + 0.0019227853044867516, + 561.2760620117188, + -1.6510416269302368, + 0.00444565387442708, + 421.5885314941406, + -55.97395706176758, + 0.0022123330272734165, + 437.109375, + -1.6510416269302368, + 0.03476177155971527, + 475.9114685058594, + 21.63020896911621, + 0.7267193794250488, + 444.8697814941406, + 138.0364532470703, + 0.7197364568710327, + 615.5989379882812, + 37.15104293823242, + 0.8056079745292664, + 615.5989379882812, + 347.5677185058594, + 0.888894259929657, + 763.046875, + 21.63020896911621, + 0.9080861806869507, + 832.890625, + 332.046875, + 0.9358330368995667, + 592.3176879882812, + 215.640625, + 0.7657060623168945, + 592.3176879882812, + 308.765625, + 0.7467540502548218, + 770.8073120117188, + 215.640625, + 0.7397330403327942, + 840.6510620117188, + 308.765625, + 0.5537439584732056, + 840.6510620117188, + 285.484375, + 0.22613346576690674, + 817.3698120117188, + 456.2135314941406, + 0.16659000515937805 + ], + "scale": [ + 3.7249999046325684, + 4.9666666984558105 + ], + "score": 0.7288134423169222 + }, + { + "category_id": 1, + "center": [ + 631.0, + 212.0 + ], + "image_id": 21505733201, + "keypoints": [ + 554.1640625, + 18.080745697021484, + 0.03577521815896034, + 685.8828125, + 3.4453306198120117, + 0.0026193715166300535, + 546.8463745117188, + 18.080745697021484, + 0.0046338243409991264, + 693.2005004882812, + 244.9296875, + 0.0013714106753468513, + 444.3984680175781, + 3.4453306198120117, + 0.02418469451367855, + 495.6224060058594, + 18.080745697021484, + 0.6515988707542419, + 451.7161560058594, + 135.1640625, + 0.7011797428131104, + 620.0234375, + 47.35157775878906, + 0.8623651266098022, + 576.1171875, + 376.6484375, + 0.8436490297317505, + 781.0130004882812, + 32.71615982055664, + 0.8923035860061646, + 788.3306884765625, + 332.7421875, + 0.9666718244552612, + 598.0703125, + 222.9765625, + 0.7253342866897583, + 590.7526245117188, + 310.7890625, + 0.7939543724060059, + 781.0130004882812, + 222.9765625, + 0.8207991123199463, + 824.9192504882812, + 288.8359375, + 0.47216126322746277, + 854.1900634765625, + 303.4713439941406, + 0.266726553440094, + 817.6015625, + 457.1432189941406, + 0.1325875222682953 + ], + "scale": [ + 3.5124998092651367, + 4.683333396911621 + ], + "score": 0.7269767062230543 + }, + { + "category_id": 1, + "center": [ + 639.5, + 192.5 + ], + "image_id": 21505734500, + "keypoints": [ + 574.08984375, + -11.42578125, + 0.03602930158376694, + 270.125, + 669.609375, + 0.0017824023962020874, + 581.78515625, + -11.42578125, + 0.00526468874886632, + 481.74609375, + -3.73046875, + 0.002991534536704421, + 489.44140625, + -34.51171875, + 0.047934915870428085, + 420.18359375, + 42.44140625, + 0.47447216510772705, + 512.52734375, + 88.61328125, + 0.6244114637374878, + 566.39453125, + 119.39453125, + 0.20659968256950378, + 720.30078125, + 157.87109375, + 0.6762893199920654, + 643.34765625, + 219.43359375, + 0.7481493949890137, + 758.77734375, + 104.00390625, + 0.45443010330200195, + 612.56640625, + 227.12890625, + 0.5743139386177063, + 604.87109375, + 319.47265625, + 0.6968255043029785, + 781.86328125, + 211.73828125, + 0.7542913556098938, + 843.42578125, + 311.77734375, + 0.785988450050354, + 866.51171875, + 311.77734375, + 0.4770856201648712, + 904.98828125, + 396.42578125, + 0.06519194692373276 + ], + "scale": [ + 3.6937499046325684, + 4.925000190734863 + ], + "score": 0.5884415453130548 + }, + { + "category_id": 1, + "center": [ + 647.0, + 206.0 + ], + "image_id": 21505734801, + "keypoints": [ + 587.234375, + -5.171858310699463, + 0.030139300972223282, + 730.671875, + -29.078105926513672, + 0.0028440963942557573, + 643.015625, + 10.765640258789062, + 0.003612531116232276, + 706.765625, + 138.265625, + 0.002757156267762184, + 475.671875, + -13.140607833862305, + 0.02060730755329132, + 491.609375, + 34.67189025878906, + 0.6605548858642578, + 459.734375, + 122.32813262939453, + 0.7083592414855957, + 611.140625, + 98.42188262939453, + 0.9711097478866577, + 555.359375, + 369.359375, + 0.8719571828842163, + 730.671875, + 50.6093864440918, + 0.9009817838668823, + 690.828125, + 265.765625, + 0.9404240250587463, + 595.203125, + 225.921875, + 0.7980165481567383, + 595.203125, + 321.546875, + 0.7496422529220581, + 778.484375, + 225.921875, + 0.8142212629318237, + 850.203125, + 305.609375, + 0.8183765411376953, + 874.109375, + 305.609375, + 0.6900795698165894, + 913.953125, + 377.328125, + 0.19416126608848572 + ], + "scale": [ + 3.8249998092651367, + 5.099999904632568 + ], + "score": 0.811247549273751 + }, + { + "category_id": 1, + "center": [ + 620.5, + 213.5 + ], + "image_id": 21505703700, + "keypoints": [ + 609.66015625, + 383.32421875, + 0.01049034483730793, + 273.625, + 661.546875, + 0.001137229846790433, + 544.62109375, + 339.96484375, + 0.006321930326521397, + 703.60546875, + 238.79296875, + 0.0036234522704035044, + 479.58203125, + 7.54296875, + 0.00545000983402133, + 472.35546875, + 29.22265625, + 0.5938740968704224, + 443.44921875, + 115.94140625, + 0.77791428565979, + 559.07421875, + 123.16796875, + 0.7219603061676025, + 551.84765625, + 376.09765625, + 0.8595748543739319, + 645.79296875, + 188.20703125, + 0.9363600611686707, + 696.37890625, + 339.96484375, + 0.9162908792495728, + 595.20703125, + 217.11328125, + 0.7976781129837036, + 587.98046875, + 311.05859375, + 0.7199002504348755, + 783.09765625, + 202.66015625, + 0.9596749544143677, + 840.91015625, + 296.60546875, + 0.9147051572799683, + 833.68359375, + 296.60546875, + 0.47518014907836914, + 869.81640625, + 405.00390625, + 0.10258318483829498 + ], + "scale": [ + 3.46875, + 4.625 + ], + "score": 0.7884648279710249 + }, + { + "category_id": 1, + "center": [ + 635.5, + 220.0 + ], + "image_id": 21505737200, + "keypoints": [ + 585.8190307617188, + 9.8112154006958, + 0.5980802178382874, + 562.8893432617188, + -28.404926300048828, + 0.014500986784696579, + 570.5325317382812, + -5.475241661071777, + 0.3372161090373993, + 692.82421875, + 185.60546875, + 0.008349323645234108, + 478.8138122558594, + -5.475241661071777, + 0.15942877531051636, + 463.52734375, + 32.740901947021484, + 0.5796582698822021, + 463.52734375, + 139.74609375, + 0.7771281003952026, + 532.31640625, + 25.097671508789062, + 0.015762507915496826, + 539.9596557617188, + 391.97265625, + 0.88072669506073, + 776.8997192382812, + 48.02735900878906, + 0.030592629685997963, + 685.1809692382812, + 330.8268127441406, + 0.9138850569725037, + 593.4622192382812, + 223.8216094970703, + 0.8362761735916138, + 593.4622192382812, + 307.8971252441406, + 0.6551601886749268, + 769.2564697265625, + 208.53515625, + 0.888292133808136, + 845.6887817382812, + 307.8971252441406, + 0.9012905359268188, + 853.33203125, + 300.25390625, + 0.640296995639801, + 899.19140625, + 391.97265625, + 0.3008596897125244 + ], + "scale": [ + 3.6687498092651367, + 4.891666889190674 + ], + "score": 0.6924058472116789 + }, + { + "category_id": 1, + "center": [ + 628.5, + 207.0 + ], + "image_id": 21505704100, + "keypoints": [ + 632.30859375, + 5.14453125, + 0.20869159698486328, + 853.20703125, + 325.06640625, + 0.007773153949528933, + 594.22265625, + 5.14453125, + 0.0945274755358696, + 700.86328125, + 104.16796875, + 0.006211848929524422, + 525.66796875, + 20.37890625, + 0.7162775993347168, + 502.81640625, + 27.99609375, + 0.4114379286766052, + 457.11328125, + 142.25390625, + 0.7097047567367554, + 670.39453125, + 111.78515625, + 0.17070284485816956, + 693.24609375, + 256.51171875, + 0.8975114822387695, + 700.86328125, + 210.80859375, + 0.0730065405368805, + 624.69140625, + 50.84765625, + 0.9478279948234558, + 609.45703125, + 203.19140625, + 0.7820465564727783, + 594.22265625, + 317.44921875, + 0.7010176777839661, + 784.65234375, + 203.19140625, + 0.806940495967865, + 830.35546875, + 294.59765625, + 0.9029651880264282, + 837.97265625, + 309.83203125, + 0.3760969638824463, + 891.29296875, + 408.85546875, + 0.1525668203830719 + ], + "scale": [ + 3.65625, + 4.875 + ], + "score": 0.6782289309935137 + }, + { + "category_id": 1, + "center": [ + 625.0, + 206.5 + ], + "image_id": 21505775200, + "keypoints": [ + 670.5338745117188, + 6.851544380187988, + 0.09015251696109772, + 880.6901245117188, + 595.2891235351562, + 0.0028717925306409597, + 670.5338745117188, + -0.15366458892822266, + 0.010737475007772446, + 551.4453125, + 62.89321517944336, + 0.0012219566851854324, + 607.4869995117188, + -7.158873558044434, + 0.010314303450286388, + 439.3619689941406, + 6.851544380187988, + 0.10153785347938538, + 544.4401245117188, + 55.88800811767578, + 0.5461450815200806, + 607.4869995117188, + 132.9453125, + 0.04723840206861496, + 789.6224365234375, + 160.9661407470703, + 0.8386596441268921, + 621.4973754882812, + 27.867172241210938, + 0.5448530912399292, + 803.6328125, + 20.861961364746094, + 0.8647049069404602, + 607.4869995117188, + 195.9921875, + 0.5553338527679443, + 586.4713745117188, + 301.0703125, + 0.6593983769416809, + 782.6171875, + 217.0078125, + 0.5482279658317566, + 845.6640625, + 308.0755310058594, + 0.9064669609069824, + 852.6693115234375, + 315.08074951171875, + 0.3368743658065796, + 929.7265625, + 420.15887451171875, + 0.041767824441194534 + ], + "scale": [ + 3.3625001907348633, + 4.483333110809326 + ], + "score": 0.6445182495647006 + }, + { + "category_id": 1, + "center": [ + 636.5, + 191.5 + ], + "image_id": 21505775601, + "keypoints": [ + 680.42578125, + -28.12890625, + 0.00629816809669137, + 883.16015625, + 573.31640625, + 0.0026172499638050795, + 714.21484375, + -95.70703125, + 0.0015290295705199242, + 335.77734375, + -136.25390625, + 0.004076418001204729, + 430.38671875, + -176.80078125, + 0.0018093573162332177, + 457.41796875, + -1.09765625, + 0.03392036631703377, + 606.08984375, + 39.44921875, + 0.6133748292922974, + 775.03515625, + 235.42578125, + 0.027034617960453033, + 775.03515625, + 201.63671875, + 0.821692705154419, + 653.39453125, + 25.93359375, + 0.06877855956554413, + 795.30859375, + 52.96484375, + 0.88128662109375, + 612.84765625, + 181.36328125, + 0.33980411291122437, + 579.05859375, + 303.00390625, + 0.5929319262504578, + 781.79296875, + 215.15234375, + 0.44873887300491333, + 849.37109375, + 316.51953125, + 0.9280221462249756, + 862.88671875, + 316.51953125, + 0.3301997780799866, + 869.64453125, + 404.37109375, + 0.07767396420240402 + ], + "scale": [ + 3.2437500953674316, + 4.324999809265137 + ], + "score": 0.619506374001503 + }, + { + "category_id": 1, + "center": [ + 617.0, + 232.0 + ], + "image_id": 21505708600, + "keypoints": [ + 559.578125, + 21.453107833862305, + 0.18534564971923828, + 551.921875, + -16.82814598083496, + 0.013586084358394146, + 536.609375, + 29.109357833862305, + 0.08517451584339142, + 674.421875, + 205.203125, + 0.006854335777461529, + 429.4218444824219, + 21.453107833862305, + 0.2948457896709442, + 467.703125, + 36.76560974121094, + 0.5601023435592651, + 437.078125, + 136.29685974121094, + 0.7693526744842529, + 521.296875, + 98.01561737060547, + 0.4594905376434326, + 421.7655944824219, + 411.921875, + 0.882430911064148, + 590.203125, + 151.609375, + 0.8668473958969116, + 605.515625, + 381.296875, + 0.8229382634162903, + 597.859375, + 228.171875, + 0.7843064069747925, + 590.203125, + 320.046875, + 0.7675732374191284, + 766.296875, + 197.546875, + 0.8709295392036438, + 835.203125, + 297.078125, + 0.946306049823761, + 850.515625, + 297.078125, + 0.5477643013000488, + 896.453125, + 381.296875, + 0.1476743519306183 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.7144072875380516 + }, + { + "category_id": 1, + "center": [ + 635.5, + 232.5 + ], + "image_id": 21505820401, + "keypoints": [ + 593.0325317382812, + 35.60546875, + 0.022498153150081635, + 786.06640625, + 305.8528747558594, + 0.0043452768586575985, + 616.1965942382812, + 12.44140625, + 0.012957002967596054, + 546.7044067382812, + 4.720052242279053, + 0.010308407247066498, + 484.93359375, + 27.88411521911621, + 0.021457862108945847, + 454.0481872558594, + 20.16275978088379, + 0.4875069856643677, + 461.76953125, + 143.7044219970703, + 0.5903703570365906, + 554.42578125, + 27.88411521911621, + 0.24191859364509583, + 577.58984375, + 398.5091247558594, + 0.8404955863952637, + 623.91796875, + 35.60546875, + 0.8465830087661743, + 786.06640625, + 383.06640625, + 0.8961454033851624, + 600.75390625, + 228.6393280029297, + 0.8037943840026855, + 600.75390625, + 329.0169372558594, + 0.7414945363998413, + 770.6237182617188, + 205.4752655029297, + 0.8315999507904053, + 824.6731567382812, + 313.57421875, + 0.6249960660934448, + 855.55859375, + 313.57421875, + 0.6113218665122986, + 894.1653442382812, + 383.06640625, + 0.11211133748292923 + ], + "scale": [ + 3.706249952316284, + 4.941666603088379 + ], + "score": 0.68329333988103 + }, + { + "category_id": 1, + "center": [ + 645.5, + 232.5 + ], + "image_id": 21505821601, + "keypoints": [ + 572.5637817382812, + -20.63150978088379, + 0.012127384543418884, + 744.1784057617188, + 314.0169372558594, + 0.0034812684170901775, + 615.4674682617188, + -3.4700520038604736, + 0.00493335397914052, + 718.4362182617188, + 193.88671875, + 0.006652995478361845, + 503.91796875, + 5.110677242279053, + 0.047606322914361954, + 469.5950622558594, + 13.69140625, + 0.6035946607589722, + 461.0143127441406, + 150.9830780029297, + 0.6994229555130005, + 581.14453125, + 5.110677242279053, + 0.5983670949935913, + 538.2409057617188, + 399.82421875, + 0.8755965232849121, + 701.2747192382812, + 22.27213478088379, + 0.9506956338882446, + 761.33984375, + 382.6627502441406, + 0.9466766119003296, + 598.3059692382812, + 228.2096405029297, + 0.8407119512557983, + 589.7252807617188, + 322.59765625, + 0.6817187070846558, + 769.9205932617188, + 219.62890625, + 0.853685736656189, + 821.4049682617188, + 322.59765625, + 0.46536368131637573, + 855.7278442382812, + 305.4361877441406, + 0.412441611289978, + 898.6315307617188, + 382.6627502441406, + 0.15924504399299622 + ], + "scale": [ + 4.118750095367432, + 5.491666793823242 + ], + "score": 0.7207522879947316 + }, + { + "category_id": 1, + "center": [ + 618.0, + 232.0 + ], + "image_id": 21505824400, + "keypoints": [ + 552.2578125, + 3.8359375, + 0.005155920051038265, + 645.0703125, + -19.3671875, + 0.002219033893197775, + 958.3125, + 576.1796875, + 0.0031412900425493717, + 714.6796875, + 197.1953125, + 0.006680554710328579, + 490.3828125, + 27.0390625, + 0.02902032621204853, + 459.4453125, + 19.3046875, + 0.46071314811706543, + 459.4453125, + 143.0546875, + 0.6837198138237, + 559.9921875, + 3.8359375, + 0.4950443506240845, + 567.7265625, + 406.0234375, + 0.8667755126953125, + 699.2109375, + 11.5703125, + 0.8635221719741821, + 722.4140625, + 320.9453125, + 0.9222269058227539, + 590.9296875, + 220.3984375, + 0.7900772094726562, + 590.9296875, + 320.9453125, + 0.6926263570785522, + 776.5546875, + 204.9296875, + 0.7242318391799927, + 853.8984375, + 313.2109375, + 0.8545911312103271, + 853.8984375, + 297.7421875, + 0.711359977722168, + 869.3671875, + 367.3515625, + 0.03946038708090782 + ], + "scale": [ + 3.7125000953674316, + 4.949999809265137 + ], + "score": 0.733171674338254 + }, + { + "category_id": 1, + "center": [ + 632.0, + 226.0 + ], + "image_id": 21505831601, + "keypoints": [ + 570.8671875, + 42.6015625, + 0.012681310996413231, + 709.4348754882812, + 58.90364456176758, + 0.0018984039779752493, + 660.5286254882812, + 107.80989837646484, + 0.004493726417422295, + 693.1328125, + 230.0755157470703, + 0.006255131680518389, + 627.9244995117188, + 91.5078125, + 0.02484133094549179, + 456.7525939941406, + 34.45051956176758, + 0.6307945251464844, + 464.9036560058594, + 156.7161407470703, + 0.689300537109375, + 562.7161254882812, + 132.2630157470703, + 0.8080642223358154, + 579.0182495117188, + 393.0963439941406, + 0.9110285043716431, + 684.9817504882812, + 140.4140625, + 0.9307163953781128, + 709.4348754882812, + 327.8880310058594, + 0.9678420424461365, + 595.3203125, + 221.9244842529297, + 0.7037213444709778, + 603.4713745117188, + 327.8880310058594, + 0.727465033531189, + 758.3411254882812, + 197.4713592529297, + 0.8594543933868408, + 848.0026245117188, + 319.7369689941406, + 0.8009359836578369, + 864.3046875, + 311.5859375, + 0.5895556211471558, + 905.0598754882812, + 401.2474060058594, + 0.09400288760662079 + ], + "scale": [ + 3.9125001430511475, + 5.216666221618652 + ], + "score": 0.7835344184528698 + }, + { + "category_id": 1, + "center": [ + 646.5, + 221.0 + ], + "image_id": 21505832500, + "keypoints": [ + 634.87890625, + 403.0638122558594, + 0.005286870989948511, + 696.8580932617188, + 31.18880271911621, + 0.001587709761224687, + 673.6159057617188, + 116.41015625, + 0.004888235591351986, + 642.6262817382812, + 155.1471405029297, + 0.0058553796261549, + 619.3840942382812, + 93.16796875, + 0.0417257696390152, + 456.6888122558594, + 46.68359375, + 0.6130409836769104, + 495.42578125, + 147.3997344970703, + 0.6654107570648193, + 572.8997192382812, + 116.41015625, + 0.8528567552566528, + 580.6471557617188, + 395.31640625, + 0.9158653616905212, + 696.8580932617188, + 124.15755462646484, + 0.9098461866378784, + 720.1002807617188, + 325.58984375, + 0.9532477855682373, + 596.1419067382812, + 224.8737030029297, + 0.6842650771141052, + 611.63671875, + 325.58984375, + 0.6607375144958496, + 758.8372192382812, + 193.8841094970703, + 0.8610776662826538, + 859.5534057617188, + 317.8424377441406, + 0.8481411337852478, + 859.5534057617188, + 302.34765625, + 0.6464039087295532, + 906.0377807617188, + 364.3268127441406, + 0.13144494593143463 + ], + "scale": [ + 3.71875, + 4.958333492279053 + ], + "score": 0.7828084663911299 + }, + { + "category_id": 1, + "center": [ + 618.5, + 221.5 + ], + "image_id": 21505833200, + "keypoints": [ + 682.3606567382812, + 120.07421875, + 0.0053168656304478645, + 795.0559692382812, + 315.4127502441406, + 0.0025409646332263947, + 817.5950317382812, + 300.38671875, + 0.011455496773123741, + 674.84765625, + 217.7434844970703, + 0.01249172817915678, + 517.07421875, + -0.1341145783662796, + 0.051191095262765884, + 441.9440002441406, + 44.94401168823242, + 0.60536789894104, + 487.0221252441406, + 157.6393280029297, + 0.6148240566253662, + 562.15234375, + 127.58724212646484, + 0.7530899047851562, + 584.69140625, + 398.0559997558594, + 0.9091225862503052, + 682.3606567382812, + 142.61328125, + 0.8950004577636719, + 719.92578125, + 322.92578125, + 0.926529586315155, + 592.2044067382812, + 225.2565155029297, + 0.7359491586685181, + 592.2044067382812, + 315.4127502441406, + 0.6684972047805786, + 757.4909057617188, + 195.2044219970703, + 0.8244106769561768, + 847.6471557617188, + 315.4127502441406, + 0.8590127229690552, + 847.6471557617188, + 307.8997497558594, + 0.45164164900779724, + 892.7252807617188, + 360.4908752441406, + 0.05513133108615875 + ], + "scale": [ + 3.606250047683716, + 4.808333396911621 + ], + "score": 0.7494041730057109 + }, + { + "category_id": 1, + "center": [ + 615.0, + 222.5 + ], + "image_id": 21505833601, + "keypoints": [ + 618.9192504882812, + 22.6171875, + 0.015872633084654808, + 673.7890625, + 53.97135543823242, + 0.004238302353769541, + 822.7213745117188, + 304.8046875, + 0.015113082714378834, + 705.1432495117188, + 249.9348907470703, + 0.008939580991864204, + 540.5338745117188, + -0.8984375, + 0.03481118008494377, + 454.3099060058594, + 38.29426956176758, + 0.4431036710739136, + 493.5025939941406, + 171.5494842529297, + 0.5720735788345337, + 556.2109375, + 132.3567657470703, + 0.7486674785614014, + 579.7265625, + 398.8671875, + 0.8913253545761108, + 681.6276245117188, + 148.0338592529297, + 0.8569763898849487, + 720.8203125, + 328.3203125, + 0.9209774732589722, + 595.4036254882812, + 218.5807342529297, + 0.7680549025535583, + 595.4036254882812, + 312.6432189941406, + 0.7164462208747864, + 760.0130004882812, + 195.0651092529297, + 0.79547518491745, + 846.2369995117188, + 312.6432189941406, + 0.7869758605957031, + 846.2369995117188, + 304.8046875, + 0.5032171607017517, + 869.7526245117188, + 375.3515625, + 0.04985543340444565 + ], + "scale": [ + 3.762500047683716, + 5.016666412353516 + ], + "score": 0.72757211598483 + }, + { + "category_id": 1, + "center": [ + 643.0, + 226.0 + ], + "image_id": 21505833900, + "keypoints": [ + 583.625, + 16.20833396911621, + 0.014136816374957561, + 662.7916870117188, + 79.54166412353516, + 0.0018577452283352613, + 678.625, + 182.4583282470703, + 0.003469032933935523, + 702.375, + 222.0416717529297, + 0.005448275711387396, + 615.2916870117188, + 95.375, + 0.017391635105013847, + 456.9583435058594, + 39.95833206176758, + 0.5319502353668213, + 488.625, + 158.7083282470703, + 0.678680419921875, + 559.875, + 134.9583282470703, + 0.7120789289474487, + 583.625, + 404.125, + 0.9135793447494507, + 686.5416870117188, + 142.875, + 0.9223160743713379, + 718.2083129882812, + 324.9583435058594, + 0.99161696434021, + 591.5416870117188, + 229.9583282470703, + 0.6645152568817139, + 607.375, + 324.9583435058594, + 0.5966587662696838, + 765.7083129882812, + 198.2916717529297, + 0.8507057428359985, + 852.7916870117188, + 317.0416564941406, + 0.79965740442276, + 860.7083129882812, + 309.125, + 0.6726093292236328, + 876.5416870117188, + 317.0416564941406, + 0.11473654210567474 + ], + "scale": [ + 3.799999952316284, + 5.066666603088379 + ], + "score": 0.7576698606664484 + }, + { + "category_id": 1, + "center": [ + 642.0, + 228.0 + ], + "image_id": 21505834500, + "keypoints": [ + 574.0442504882812, + 16.13802146911621, + 0.2011796087026596, + 566.0494995117188, + -31.83072853088379, + 0.005291278939694166, + 574.0442504882812, + 8.143229484558105, + 0.08394888788461685, + 446.1275939941406, + 16.13802146911621, + 0.004265092313289642, + 494.0963439941406, + 0.1484375, + 0.22452762722969055, + 462.1171875, + 48.1171875, + 0.6480060815811157, + 478.1067810058594, + 144.0546875, + 0.7448807954788208, + 582.0390625, + 112.07552337646484, + 0.8702566623687744, + 582.0390625, + 399.8880310058594, + 0.9086781740188599, + 701.9609375, + 104.08072662353516, + 0.9171494841575623, + 741.9348754882812, + 311.9453125, + 0.935661256313324, + 590.0338745117188, + 239.9921875, + 0.7372077107429504, + 598.0286254882812, + 319.9400939941406, + 0.6169823408126831, + 749.9296875, + 192.0234375, + 0.7759449481964111, + 853.8619995117188, + 303.9505310058594, + 0.5554247498512268, + 853.8619995117188, + 287.9609375, + 0.4568300247192383, + 877.8463745117188, + 319.9400939941406, + 0.17029821872711182 + ], + "scale": [ + 3.8374998569488525, + 5.116666793823242 + ], + "score": 0.6609791895517936 + }, + { + "category_id": 1, + "center": [ + 632.0, + 215.5 + ], + "image_id": 21505835300, + "keypoints": [ + 587.7421875, + 2.2578125, + 0.23370760679244995, + 555.5546875, + -37.9765625, + 0.0062198275700211525, + 579.6953125, + -13.8359375, + 0.16116373240947723, + 483.1328125, + -54.0703125, + 0.0031738176476210356, + 507.2734375, + 2.2578125, + 0.1733493059873581, + 491.1796875, + 26.3984375, + 0.6472738981246948, + 467.0390625, + 155.1484375, + 0.7512661218643188, + 611.8828125, + 90.7734375, + 0.8603867292404175, + 587.7421875, + 380.4609375, + 0.8947121500968933, + 740.6328125, + 171.2421875, + 0.9107107520103455, + 724.5390625, + 324.1328125, + 0.9257062673568726, + 587.7421875, + 227.5703125, + 0.7781602144241333, + 595.7890625, + 308.0390625, + 0.732398509979248, + 756.7265625, + 203.4296875, + 0.6837339997291565, + 845.2421875, + 308.0390625, + 0.7577929496765137, + 845.2421875, + 308.0390625, + 0.48867520689964294, + 877.4296875, + 364.3671875, + 0.1158871129155159 + ], + "scale": [ + 3.862499952316284, + 5.149999618530273 + ], + "score": 0.7220437005162239 + }, + { + "category_id": 1, + "center": [ + 634.0, + 202.0 + ], + "image_id": 21505835601, + "keypoints": [ + 576.3828125, + -24.62760353088379, + 0.0066268956288695335, + 860.6276245117188, + 298.0286560058594, + 0.0037304069846868515, + 829.8984375, + 290.3463439941406, + 0.002854845952242613, + 468.8307189941406, + 136.7005157470703, + 0.0013921140925958753, + 476.5130310058594, + -16.9453125, + 0.01119564101099968, + 484.1953125, + 21.46614646911621, + 0.5392221212387085, + 468.8307189941406, + 136.7005157470703, + 0.7209333181381226, + 584.0651245117188, + 59.87760543823242, + 0.7613134384155273, + 607.1119995117188, + 344.1224060058594, + 0.7925499081611633, + 706.9817504882812, + 136.7005157470703, + 0.7511976957321167, + 768.4401245117188, + 228.8880157470703, + 0.8305655717849731, + 599.4296875, + 213.5234375, + 0.7245429158210754, + 607.1119995117188, + 313.3932189941406, + 0.7520612478256226, + 783.8046875, + 198.1588592529297, + 0.7973883152008057, + 845.2630004882812, + 313.3932189941406, + 0.88643479347229, + 845.2630004882812, + 298.0286560058594, + 0.3942781686782837, + 891.3567504882812, + 374.8515625, + 0.0652744472026825 + ], + "scale": [ + 3.6875, + 4.9166669845581055 + ], + "score": 0.7227715904062445 + }, + { + "category_id": 1, + "center": [ + 633.5, + 206.5 + ], + "image_id": 21505835900, + "keypoints": [ + 575.58984375, + 1.8841146230697632, + 0.14577871561050415, + 591.0325317382812, + -36.72265625, + 0.004162760451436043, + 575.58984375, + 1.8841146230697632, + 0.030196942389011383, + 482.93359375, + 1.8841146230697632, + 0.0018871552310883999, + 490.6549377441406, + -21.27994728088379, + 0.050003781914711, + 475.2122497558594, + 25.04817771911621, + 0.5137515068054199, + 467.4908752441406, + 140.8684844970703, + 0.809486985206604, + 575.58984375, + 133.1471405029297, + 0.09058745205402374, + 598.75390625, + 326.1809997558594, + 0.8536995649337769, + 645.08203125, + 225.8033905029297, + 0.05771022289991379, + 760.90234375, + 225.8033905029297, + 0.8477110862731934, + 591.0325317382812, + 218.08203125, + 0.6902134418487549, + 591.0325317382812, + 310.73828125, + 0.5946495532989502, + 776.3450317382812, + 194.91796875, + 0.8047280311584473, + 845.8372192382812, + 303.0169372558594, + 0.8852238655090332, + 845.8372192382812, + 287.57421875, + 0.32692569494247437, + 876.72265625, + 380.23046875, + 0.06298419833183289 + ], + "scale": [ + 3.706249952316284, + 4.941666603088379 + ], + "score": 0.7029321922196282 + }, + { + "category_id": 1, + "center": [ + 649.5, + 209.5 + ], + "image_id": 21505836400, + "keypoints": [ + 590.41796875, + 8.62109375, + 0.17557287216186523, + 874.01171875, + 307.9700622558594, + 0.006191775668412447, + 582.5403442382812, + 0.7434895634651184, + 0.07540708035230637, + 551.0299682617188, + 8.62109375, + 0.0028013610281050205, + 488.0091247558594, + -22.88932228088379, + 0.040448009967803955, + 464.3763122558594, + 16.49869728088379, + 0.4856788218021393, + 472.25390625, + 142.5403594970703, + 0.702284574508667, + 582.5403442382812, + 134.6627655029297, + 0.07037662714719772, + 621.9284057617188, + 331.6028747558594, + 0.8333254456520081, + 708.58203125, + 174.05078125, + 0.05393301695585251, + 779.48046875, + 229.1940155029297, + 0.9924107789993286, + 598.2955932617188, + 213.4387969970703, + 0.7562405467033386, + 606.1731567382812, + 307.9700622558594, + 0.657164454460144, + 771.6028442382812, + 189.8059844970703, + 0.8381132483482361, + 858.2565307617188, + 300.0924377441406, + 0.9057351350784302, + 858.2565307617188, + 292.21484375, + 0.4410136938095093, + 913.3997192382812, + 378.8684997558594, + 0.1182747334241867 + ], + "scale": [ + 3.78125, + 5.041666507720947 + ], + "score": 0.7346629665957557 + }, + { + "category_id": 1, + "center": [ + 653.0, + 211.5 + ], + "image_id": 21505836700, + "keypoints": [ + 593.0390625, + 7.6328125, + 0.29377540946006775, + 888.8463745117188, + 335.4192810058594, + 0.004914747551083565, + 585.0442504882812, + -0.3619791567325592, + 0.06651758402585983, + 561.0598754882812, + -24.34635353088379, + 0.005890616215765476, + 521.0859375, + -0.3619791567325592, + 0.14649814367294312, + 473.1171875, + 15.627604484558105, + 0.507014274597168, + 473.1171875, + 143.5442657470703, + 0.749424397945404, + 585.0442504882812, + 135.5494842529297, + 0.04887125641107559, + 625.0182495117188, + 335.4192810058594, + 0.803788423538208, + 712.9609375, + 175.5234375, + 0.048231106251478195, + 776.9192504882812, + 223.4921875, + 0.9590141773223877, + 601.0338745117188, + 215.4973907470703, + 0.7747656106948853, + 609.0286254882812, + 303.4400939941406, + 0.7249891757965088, + 784.9140625, + 191.5130157470703, + 0.8398853540420532, + 848.8723754882812, + 303.4400939941406, + 0.9717423319816589, + 848.8723754882812, + 295.4453125, + 0.4411807060241699, + 928.8203125, + 375.3932189941406, + 0.08573448657989502 + ], + "scale": [ + 3.8374998569488525, + 5.116666793823242 + ], + "score": 0.7065579861402511 + }, + { + "category_id": 1, + "center": [ + 621.5, + 204.5 + ], + "image_id": 21505841400, + "keypoints": [ + 587.10546875, + 1.9544439315795898, + 0.08078522980213165, + 579.4622192382812, + -36.26169967651367, + 0.00440782867372036, + 564.17578125, + -20.975242614746094, + 0.009312579408288002, + 426.5976867675781, + 108.95964050292969, + 0.001157931750640273, + 480.10028076171875, + -43.90492630004883, + 0.024297045543789864, + 480.10028076171875, + 32.52735900878906, + 0.47637811303138733, + 434.24090576171875, + 116.60287475585938, + 0.7268149852752686, + 610.03515625, + 131.8893280029297, + 0.0816664919257164, + 678.82421875, + 223.6080780029297, + 0.8880908489227295, + 724.68359375, + 162.46224975585938, + 0.17254865169525146, + 831.6887817382812, + 101.31641387939453, + 0.9401363730430603, + 602.3919067382812, + 215.96484375, + 0.7352274656295776, + 587.10546875, + 315.3268127441406, + 0.7760097980499268, + 778.1861572265625, + 200.6783905029297, + 0.5595996379852295, + 846.9752197265625, + 315.3268127441406, + 0.9219391345977783, + 846.9752197265625, + 322.97003173828125, + 0.35768622159957886, + 892.8345947265625, + 414.68878173828125, + 0.05276443809270859 + ], + "scale": [ + 3.6687498092651367, + 4.891666889190674 + ], + "score": 0.7090980642371707 + }, + { + "category_id": 1, + "center": [ + 646.5, + 220.0 + ], + "image_id": 21505846200, + "keypoints": [ + 577.5481567382812, + -19.30338478088379, + 0.01922360062599182, + 756.01171875, + 305.17578125, + 0.00447040842846036, + 577.5481567382812, + -11.19140625, + 0.005625205114483833, + 715.4518432617188, + 183.49609375, + 0.008700192905962467, + 455.8684997558594, + 5.032552242279053, + 0.04794289171695709, + 463.98046875, + 13.14453125, + 0.6263388395309448, + 447.7565002441406, + 142.9362030029297, + 0.726875901222229, + 569.4362182617188, + 13.14453125, + 0.7936955690383911, + 585.66015625, + 378.18359375, + 0.838562548160553, + 699.2278442382812, + 21.25650978088379, + 0.9309185147285461, + 812.7955932617188, + 370.0716247558594, + 0.8969241380691528, + 593.7721557617188, + 224.0559844970703, + 0.833408772945404, + 593.7721557617188, + 321.3997497558594, + 0.76602703332901, + 764.1237182617188, + 199.7200469970703, + 0.8609313368797302, + 829.01953125, + 305.17578125, + 0.5726172924041748, + 845.2434692382812, + 305.17578125, + 0.5634856224060059, + 893.9153442382812, + 378.18359375, + 0.12959933280944824 + ], + "scale": [ + 3.893749952316284, + 5.191666603088379 + ], + "score": 0.7645259607921947 + }, + { + "category_id": 1, + "center": [ + 632.5, + 232.0 + ], + "image_id": 21505847100, + "keypoints": [ + 566.8684692382812, + 4.220052242279053, + 0.24084700644016266, + 860.2799682617188, + 351.6809997558594, + 0.0042556701228022575, + 551.42578125, + -3.5013020038604736, + 0.039746541529893875, + 690.41015625, + 243.58203125, + 0.0069119627587497234, + 451.0481872558594, + 11.94140625, + 0.13405612111091614, + 481.93359375, + 35.10546875, + 0.6654049158096313, + 443.3268127441406, + 158.6471405029297, + 0.7364634275436401, + 582.3112182617188, + 120.04036712646484, + 0.8859274387359619, + 535.9830932617188, + 398.0091247558594, + 0.9252306222915649, + 690.41015625, + 181.8112030029297, + 0.9661927223205566, + 759.90234375, + 390.2877502441406, + 0.8536368608474731, + 605.4752807617188, + 228.1393280029297, + 0.7601532936096191, + 605.4752807617188, + 328.5169372558594, + 0.7698915600776672, + 798.5090942382812, + 220.41796875, + 0.6226978302001953, + 844.8372192382812, + 313.07421875, + 0.7443680763244629, + 852.55859375, + 313.07421875, + 0.380281925201416, + 868.0012817382812, + 444.3372497558594, + 0.10439791530370712 + ], + "scale": [ + 3.706249952316284, + 4.941666603088379 + ], + "score": 0.7125913066168627 + }, + { + "category_id": 1, + "center": [ + 636.0, + 231.5 + ], + "image_id": 21505847601, + "keypoints": [ + 544.0598754882812, + 19.63802146911621, + 0.14399053156375885, + 695.9609375, + 3.6484375, + 0.004428251646459103, + 528.0703125, + 11.643229484558105, + 0.0484900139272213, + 695.9609375, + 203.5182342529297, + 0.003746603848412633, + 424.1380310058594, + 3.6484375, + 0.25793156027793884, + 496.0911560058594, + 19.63802146911621, + 0.7233160138130188, + 448.1224060058594, + 147.5546875, + 0.763166069984436, + 632.0026245117188, + 51.6171875, + 0.9030221700668335, + 528.0703125, + 395.3932189941406, + 0.9138572812080383, + 783.9036254882812, + 35.62760543823242, + 0.938119113445282, + 759.9192504882812, + 387.3984375, + 0.8933063745498657, + 592.0286254882812, + 235.4973907470703, + 0.8038986921310425, + 584.0338745117188, + 331.4349060058594, + 0.6941207647323608, + 775.9088745117188, + 211.5130157470703, + 0.7657115459442139, + 839.8671875, + 315.4453125, + 0.5816428661346436, + 855.8567504882812, + 323.4400939941406, + 0.48374179005622864, + 871.8463745117188, + 435.3671875, + 0.14700496196746826 + ], + "scale": [ + 3.8374998569488525, + 5.116666793823242 + ], + "score": 0.7268195201953253 + }, + { + "category_id": 1, + "center": [ + 623.5, + 235.0 + ], + "image_id": 21505848100, + "keypoints": [ + 557.8684692382812, + 30.38411521911621, + 0.08855653554201126, + 550.1471557617188, + -8.22265625, + 0.0015982819022610784, + 550.1471557617188, + 22.66275978088379, + 0.023633623495697975, + 720.0169067382812, + 269.74609375, + 0.002231250051409006, + 480.6549377441406, + 14.94140625, + 0.06108009070158005, + 496.09765625, + 30.38411521911621, + 0.638555645942688, + 442.0481872558594, + 138.4830780029297, + 0.7476646900177002, + 596.4752807617188, + 107.59765625, + 0.8334453105926514, + 534.7044067382812, + 401.0091247558594, + 0.9042973518371582, + 712.2955932617188, + 177.08984375, + 0.8814347386360168, + 758.6237182617188, + 393.2877502441406, + 0.9005236625671387, + 596.4752807617188, + 231.1393280029297, + 0.7277598977088928, + 581.0325317382812, + 331.5169372558594, + 0.6689267158508301, + 781.7877807617188, + 215.6966094970703, + 0.58160400390625, + 843.55859375, + 316.07421875, + 0.785662829875946, + 859.0012817382812, + 316.07421875, + 0.3555551767349243, + 889.88671875, + 439.6158752441406, + 0.08922075480222702 + ], + "scale": [ + 3.706249952316284, + 4.941666603088379 + ], + "score": 0.7295845476063815 + }, + { + "category_id": 1, + "center": [ + 622.5, + 228.5 + ], + "image_id": 21505848401, + "keypoints": [ + 561.73828125, + -10.97265625, + 0.04306609183549881, + 819.08203125, + 439.37890625, + 0.0019324307795614004, + 711.85546875, + 189.18359375, + 0.005774392280727625, + 704.70703125, + 260.66796875, + 0.003972361795604229, + 454.51171875, + 17.62109375, + 0.0344957672059536, + 475.95703125, + 31.91796875, + 0.623794436454773, + 447.36328125, + 146.29296875, + 0.7100120782852173, + 583.18359375, + 74.80859375, + 0.879388689994812, + 533.14453125, + 403.63671875, + 0.9080764055252075, + 726.15234375, + 53.36328125, + 0.8848901987075806, + 761.89453125, + 389.33984375, + 0.9110139012336731, + 590.33203125, + 232.07421875, + 0.7309969663619995, + 590.33203125, + 325.00390625, + 0.7740670442581177, + 769.04296875, + 203.48046875, + 0.7949706315994263, + 840.52734375, + 317.85546875, + 0.6517427563667297, + 861.97265625, + 317.85546875, + 0.5735593438148499, + 869.12109375, + 425.08203125, + 0.08792350441217422 + ], + "scale": [ + 3.4312498569488525, + 4.575000286102295 + ], + "score": 0.7675011320547624 + }, + { + "category_id": 1, + "center": [ + 628.0, + 232.5 + ], + "image_id": 21505848801, + "keypoints": [ + 555.265625, + 21.953107833862305, + 0.03733139857649803, + 647.140625, + 420.0781555175781, + 0.0017040203092619777, + 547.609375, + 29.609357833862305, + 0.006938186939805746, + 693.078125, + 67.89060974121094, + 0.001814413582906127, + 463.390625, + 14.296856880187988, + 0.04328570514917374, + 486.359375, + 29.609357833862305, + 0.6205174922943115, + 448.078125, + 144.453125, + 0.7279308438301086, + 608.859375, + 67.89060974121094, + 0.843183696269989, + 532.296875, + 404.765625, + 0.9085639715194702, + 769.640625, + 83.20310974121094, + 0.8334459066390991, + 754.328125, + 374.140625, + 0.9690531492233276, + 593.546875, + 228.671875, + 0.7616051435470581, + 585.890625, + 335.859375, + 0.6965924501419067, + 777.296875, + 198.046875, + 0.8171601295471191, + 830.890625, + 335.859375, + 0.6650660634040833, + 846.203125, + 320.546875, + 0.5555436611175537, + 899.796875, + 443.0469055175781, + 0.2494603991508484 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.7206769088904063 + }, + { + "category_id": 1, + "center": [ + 626.5, + 228.0 + ], + "image_id": 21505850801, + "keypoints": [ + 706.75390625, + 315.8971252441406, + 0.005927885416895151, + 645.6080932617188, + 33.09767150878906, + 0.0019533431623131037, + 722.0403442382812, + 185.96224975585938, + 0.005681650247424841, + 446.8841247558594, + -28.04815673828125, + 0.0018983419286087155, + 469.8138122558594, + 25.454444885253906, + 0.011949190869927406, + 462.17059326171875, + 33.09767150878906, + 0.6771657466888428, + 454.52734375, + 163.03256225585938, + 0.7001532316207886, + 584.4622192382812, + 86.60027313232422, + 0.9406750202178955, + 569.17578125, + 399.97265625, + 0.8549873232841492, + 722.0403442382812, + 48.38412857055664, + 0.9189329147338867, + 790.8294067382812, + 377.04296875, + 0.9405121803283691, + 592.10546875, + 231.8216094970703, + 0.754732608795166, + 592.10546875, + 331.18359375, + 0.8118760585784912, + 783.1861572265625, + 224.1783905029297, + 0.7782981395721436, + 821.40234375, + 338.8268127441406, + 0.48387670516967773, + 882.5481567382812, + 308.25390625, + 0.41073939204216003, + 928.4075317382812, + 369.39971923828125, + 0.11512574553489685 + ], + "scale": [ + 3.6687498092651367, + 4.891666889190674 + ], + "score": 0.7519953928210519 + }, + { + "category_id": 1, + "center": [ + 623.0, + 221.5 + ], + "image_id": 21505854500, + "keypoints": [ + 551.0078125, + 20.6796875, + 0.005877524148672819, + 778.3515625, + 338.9609375, + 0.003686814568936825, + 717.7265625, + 179.8203125, + 0.00678847124800086, + 679.8359375, + 194.9765625, + 0.0046933661215007305, + 467.6484375, + 20.6796875, + 0.027627501636743546, + 460.0703125, + 35.8359375, + 0.7004124522209167, + 452.4921875, + 157.0859375, + 0.7195218801498413, + 588.8984375, + 81.3046875, + 0.8841022849082947, + 566.1640625, + 399.5859375, + 0.8785555958747864, + 725.3046875, + 43.4140625, + 0.9009965062141418, + 710.1484375, + 323.8046875, + 0.9276352524757385, + 596.4765625, + 232.8671875, + 0.7002689838409424, + 596.4765625, + 323.8046875, + 0.7389865517616272, + 755.6171875, + 194.9765625, + 0.7651866674423218, + 846.5546875, + 316.2265625, + 0.884697437286377, + 846.5546875, + 301.0703125, + 0.5319955945014954, + 869.2890625, + 361.6953125, + 0.053304076194763184 + ], + "scale": [ + 3.637500047683716, + 4.850000381469727 + ], + "score": 0.7847599278796803 + }, + { + "category_id": 1, + "center": [ + 631.5, + 222.0 + ], + "image_id": 21505855900, + "keypoints": [ + 558.8893432617188, + 19.454444885253906, + 0.026234310120344162, + 650.6080932617188, + 27.097671508789062, + 0.0025252143386751413, + 558.8893432617188, + 19.454444885253906, + 0.008500037714838982, + 665.89453125, + 118.81641387939453, + 0.005160945933312178, + 474.8138122558594, + 19.454444885253906, + 0.05912027880549431, + 467.17059326171875, + 34.740901947021484, + 0.6539131999015808, + 467.17059326171875, + 157.03256225585938, + 0.7106754183769226, + 597.10546875, + 72.95704650878906, + 0.8650333881378174, + 574.17578125, + 393.97265625, + 0.906448483467102, + 734.68359375, + 34.740901947021484, + 0.9461145401000977, + 711.75390625, + 325.18359375, + 0.9626859426498413, + 589.4622192382812, + 225.8216094970703, + 0.717896580696106, + 597.10546875, + 317.54034423828125, + 0.7363998293876648, + 772.8997192382812, + 202.8919219970703, + 0.7978144884109497, + 849.33203125, + 309.8971252441406, + 0.8668163418769836, + 849.33203125, + 302.25390625, + 0.5560734272003174, + 887.5481567382812, + 363.39971923828125, + 0.062015779316425323 + ], + "scale": [ + 3.6687498092651367, + 4.891666889190674 + ], + "score": 0.7927156036550348 + }, + { + "category_id": 1, + "center": [ + 638.5, + 220.5 + ], + "image_id": 21505856200, + "keypoints": [ + 563.6627807617188, + 3.8658854961395264, + 0.06750188022851944, + 792.11328125, + 342.6028747558594, + 0.0025383448228240013, + 571.5403442382812, + -11.889323234558105, + 0.016881071031093597, + 673.94921875, + 114.15234375, + 0.0034213699400424957, + 484.88671875, + 11.743489265441895, + 0.05728969722986221, + 469.1315002441406, + 27.49869728088379, + 0.733413577079773, + 469.1315002441406, + 169.2955780029297, + 0.7074447274208069, + 595.1731567382812, + 66.88671875, + 0.8762937784194946, + 571.5403442382812, + 397.74609375, + 0.9182642102241516, + 736.9700317382812, + 35.37630081176758, + 0.8835293650627136, + 713.3372192382812, + 318.9700622558594, + 0.9275089502334595, + 595.1731567382812, + 224.4387969970703, + 0.7482989430427551, + 603.05078125, + 318.9700622558594, + 0.7496670484542847, + 776.3580932617188, + 224.4387969970703, + 0.7172636985778809, + 855.1340942382812, + 311.0924377441406, + 0.8179140090942383, + 863.01171875, + 295.3372497558594, + 0.6650983095169067, + 910.27734375, + 389.8684997558594, + 0.13242319226264954 + ], + "scale": [ + 3.78125, + 5.041666507720947 + ], + "score": 0.7949724197387695 + }, + { + "category_id": 1, + "center": [ + 654.5, + 223.5 + ], + "image_id": 21505856801, + "keypoints": [ + 570.69140625, + 11.98305606842041, + 0.018036924302577972, + 626.5637817382812, + 35.92837142944336, + 0.005457273218780756, + 586.6549682617188, + -3.9804868698120117, + 0.006810166407376528, + 642.52734375, + 27.946598052978516, + 0.005654517561197281, + 482.89190673828125, + 11.98305606842041, + 0.03066428191959858, + 482.89190673828125, + 19.964828491210938, + 0.6079995632171631, + 474.91015625, + 179.60025024414062, + 0.7637505531311035, + 586.6549682617188, + 35.92837142944336, + 0.8055431842803955, + 554.7278442382812, + 403.08984375, + 0.9066113233566284, + 722.3450317382812, + 35.92837142944336, + 0.9213336706161499, + 706.3815307617188, + 331.25390625, + 0.937971830368042, + 594.63671875, + 219.5091094970703, + 0.806320309638977, + 586.6549682617188, + 315.2903747558594, + 0.6553440093994141, + 762.25390625, + 203.5455780029297, + 0.832827091217041, + 842.0716552734375, + 299.32684326171875, + 0.7113666534423828, + 858.03515625, + 291.3450622558594, + 0.7205247282981873, + 881.98046875, + 363.1809997558594, + 0.14098306000232697 + ], + "scale": [ + 3.8312501907348633, + 5.108333110809326 + ], + "score": 0.7881448106332258 + }, + { + "category_id": 1, + "center": [ + 616.5, + 207.0 + ], + "image_id": 21505870801, + "keypoints": [ + 627.49609375, + 20.066390991210938, + 0.005964617244899273, + 884.0716552734375, + 621.1862182617188, + 0.0029232040978968143, + 942.7174682617188, + 533.2174682617188, + 0.004043535329401493, + 708.1340942382812, + 239.98828125, + 0.0019126569386571646, + 495.54296875, + 5.404930591583252, + 0.024489901959896088, + 466.22003173828125, + 27.397119522094727, + 0.5157713294029236, + 458.8893127441406, + 159.35025024414062, + 0.6947733163833618, + 561.51953125, + 188.6731719970703, + 0.04881991073489189, + 620.1653442382812, + 342.6184997558594, + 0.8956714272499084, + 840.0872802734375, + 188.6731719970703, + 0.025281310081481934, + 781.44140625, + 217.99609375, + 0.8341095447540283, + 590.8424682617188, + 225.3268280029297, + 0.7580915689468384, + 598.1731567382812, + 320.6263122558594, + 0.6947540044784546, + 774.1107177734375, + 196.00390625, + 0.8175021409988403, + 840.0872802734375, + 313.29559326171875, + 0.8433921337127686, + 847.41796875, + 320.6263122558594, + 0.3432849645614624, + 876.7409057617188, + 408.5950622558594, + 0.06186898425221443 + ], + "scale": [ + 3.5187501907348633, + 4.691666603088379 + ], + "score": 0.7108167144987318 + }, + { + "category_id": 1, + "center": [ + 626.5, + 230.5 + ], + "image_id": 21505871600, + "keypoints": [ + 563.5247192382812, + 34.16536331176758, + 0.010102215223014355, + 948.78515625, + 556.4895629882812, + 0.002025892725214362, + 719.1106567382812, + 182.3424530029297, + 0.009010307490825653, + 711.7018432617188, + 263.83984375, + 0.0045234328135848045, + 474.6184997558594, + 11.938801765441895, + 0.015153340063989162, + 459.80078125, + 41.57421875, + 0.6351075768470764, + 474.6184997558594, + 160.1158905029297, + 0.7405826449394226, + 578.3424682617188, + 100.84505462646484, + 0.9133791923522949, + 526.48046875, + 404.6080627441406, + 0.8887252807617188, + 719.1106567382812, + 71.20963287353516, + 0.9022681713104248, + 748.74609375, + 404.6080627441406, + 0.9281941652297974, + 593.16015625, + 234.2044219970703, + 0.762138307094574, + 593.16015625, + 330.51953125, + 0.7451890707015991, + 770.97265625, + 219.38671875, + 0.8462754487991333, + 837.65234375, + 308.29296875, + 0.7093847990036011, + 859.87890625, + 293.4752502441406, + 0.5217007398605347, + 859.87890625, + 419.42578125, + 0.08525103330612183 + ], + "scale": [ + 3.5562500953674316, + 4.741666793823242 + ], + "score": 0.7811768542636525 + }, + { + "category_id": 1, + "center": [ + 642.5, + 224.5 + ], + "image_id": 21505874401, + "keypoints": [ + 507.79296875, + 73.46484375, + 0.014647731557488441, + 703.73046875, + -40.83203125, + 0.0028074709698557854, + 475.13671875, + 8.15234375, + 0.00415433757007122, + 703.73046875, + 187.76171875, + 0.008855522610247135, + 458.80859375, + 16.31640625, + 0.055960383266210556, + 458.80859375, + 16.31640625, + 0.6034411787986755, + 450.64453125, + 163.26953125, + 0.7387129068374634, + 564.94140625, + 8.15234375, + 0.3807514011859894, + 573.10546875, + 391.86328125, + 0.8461120128631592, + 687.40234375, + 16.31640625, + 0.9208753108978271, + 785.37109375, + 375.53515625, + 0.9511678218841553, + 597.59765625, + 220.41796875, + 0.8499782085418701, + 589.43359375, + 318.38671875, + 0.7530819773674011, + 760.87890625, + 212.25390625, + 0.7966273427009583, + 818.02734375, + 277.56640625, + 0.45841020345687866, + 867.01171875, + 310.22265625, + 0.5244524478912354, + 891.50390625, + 359.20703125, + 0.18097391724586487 + ], + "scale": [ + 3.918750047683716, + 5.224999904632568 + ], + "score": 0.7112373465841467 + }, + { + "category_id": 1, + "center": [ + 625.5, + 219.5 + ], + "image_id": 21505875400, + "keypoints": [ + 531.26171875, + 19.71484375, + 0.015330309048295021, + 840.36328125, + 336.35546875, + 0.0017505119321867824, + 561.41796875, + -2.90234375, + 0.006134389899671078, + 682.04296875, + 193.11328125, + 0.004098369274288416, + 470.94921875, + 19.71484375, + 0.03711435943841934, + 455.87109375, + 12.17578125, + 0.5903488397598267, + 455.87109375, + 147.87890625, + 0.6786413192749023, + 561.41796875, + 12.17578125, + 0.6016154885292053, + 561.41796875, + 381.58984375, + 0.86732017993927, + 689.58203125, + 12.17578125, + 0.9012315273284912, + 772.51171875, + 328.81640625, + 0.9314139485359192, + 591.57421875, + 215.73046875, + 0.7436479330062866, + 584.03515625, + 313.73828125, + 0.655846118927002, + 757.43359375, + 193.11328125, + 0.7786989212036133, + 810.20703125, + 260.96484375, + 0.2678436040878296, + 817.74609375, + 245.88671875, + 0.1578669250011444, + 915.75390625, + 389.12890625, + 0.09214606136083603 + ], + "scale": [ + 3.6187500953674316, + 4.824999809265137 + ], + "score": 0.7016607880592346 + }, + { + "category_id": 1, + "center": [ + 616.5, + 219.5 + ], + "image_id": 21505929800, + "keypoints": [ + 525.5169067382812, + -24.33463478088379, + 0.005423355847597122, + 765.7122192382812, + 259.5325622558594, + 0.0020943335257470608, + 540.07421875, + 346.8763122558594, + 0.006860342342406511, + 707.4830932617188, + 186.74609375, + 0.0043773045763373375, + 438.1731872558594, + 26.61588478088379, + 0.018097784370183945, + 467.2877502441406, + 12.05859375, + 0.5707708597183228, + 438.1731872558594, + 143.07421875, + 0.6441343426704407, + 569.1887817382812, + 4.779947757720947, + 0.5279135704040527, + 554.6315307617188, + 397.8268127441406, + 0.8924473524093628, + 700.2044067382812, + -2.4986979961395264, + 0.8293194770812988, + 758.43359375, + 332.3190002441406, + 0.947994589805603, + 583.74609375, + 223.1393280029297, + 0.738827645778656, + 583.74609375, + 317.76171875, + 0.6770138740539551, + 765.7122192382812, + 194.0247344970703, + 0.7010730504989624, + 802.10546875, + 237.6966094970703, + 0.24762991070747375, + 831.2200317382812, + 295.92578125, + 0.2298470139503479, + 838.4987182617188, + 339.59765625, + 0.08781982958316803 + ], + "scale": [ + 3.4937500953674316, + 4.6583333015441895 + ], + "score": 0.6369974260980432 + }, + { + "category_id": 1, + "center": [ + 660.0, + 231.0 + ], + "image_id": 21505939401, + "keypoints": [ + 534.8698120117188, + 17.06770896911621, + 0.09859418869018555, + 526.796875, + -7.151041507720947, + 0.004926208406686783, + 502.578125, + 17.06770896911621, + 0.01985282637178898, + 413.7760314941406, + -55.58854293823242, + 0.002330570016056299, + 429.921875, + 17.06770896911621, + 0.17956367135047913, + 486.4322814941406, + 17.06770896911621, + 0.7056358456611633, + 446.0677185058594, + 154.3072967529297, + 0.7456411123275757, + 607.5260620117188, + 89.72396087646484, + 0.951162576675415, + 542.9426879882812, + 404.5677185058594, + 0.9036068916320801, + 752.8385620117188, + 162.3802032470703, + 0.8241639137268066, + 768.984375, + 396.4947814941406, + 0.908621072769165, + 599.453125, + 235.0364532470703, + 0.7868045568466187, + 591.3801879882812, + 331.9114685058594, + 0.7245481610298157, + 777.0573120117188, + 194.671875, + 0.7077312469482422, + 841.640625, + 307.6927185058594, + 0.8203235864639282, + 841.640625, + 315.765625, + 0.3949301540851593, + 865.859375, + 396.4947814941406, + 0.18613508343696594 + ], + "scale": [ + 3.875, + 5.166666507720947 + ], + "score": 0.7702881016514518 + }, + { + "category_id": 1, + "center": [ + 636.0, + 231.0 + ], + "image_id": 21505939900, + "keypoints": [ + 531.9375, + 11.3125, + 0.11232531815767288, + 655.2708129882812, + 419.8541564941406, + 0.0029036568012088537, + 516.5208129882812, + 26.72916603088379, + 0.01652866043150425, + 724.6458129882812, + 257.9791564941406, + 0.008022032678127289, + 424.0208435058594, + 11.3125, + 0.1275234818458557, + 501.1041564941406, + 19.02083396911621, + 0.6717483997344971, + 447.1458435058594, + 157.7708282470703, + 0.7478827238082886, + 632.1458129882812, + 57.5625, + 0.8926010131835938, + 539.6458129882812, + 404.4375, + 0.9038815498352051, + 778.6041870117188, + 34.4375, + 0.9121913909912109, + 763.1875, + 396.7291564941406, + 0.8856894969940186, + 601.3125, + 234.8541717529297, + 0.7701244354248047, + 593.6041870117188, + 327.3541564941406, + 0.7071471214294434, + 770.8958129882812, + 196.3125, + 0.9097129106521606, + 847.9791870117188, + 311.9375, + 0.7721704244613647, + 847.9791870117188, + 311.9375, + 0.6132450103759766, + 871.1041870117188, + 419.8541564941406, + 0.08862422406673431 + ], + "scale": [ + 3.700000047683716, + 4.933333396911621 + ], + "score": 0.7987631342627786 + }, + { + "category_id": 1, + "center": [ + 627.0, + 229.5 + ], + "image_id": 21505940501, + "keypoints": [ + 564.3567504882812, + -2.6484375, + 0.43777167797088623, + 527.5078125, + -10.018229484558105, + 0.008343737572431564, + 549.6171875, + 4.721354007720947, + 0.1967778503894806, + 719.1223754882812, + 255.2942657470703, + 0.0033894055522978306, + 439.0703125, + 12.091145515441895, + 0.5818066596984863, + 490.6588439941406, + 34.20051956176758, + 0.588636040687561, + 453.8099060058594, + 159.4869842529297, + 0.7534202337265015, + 608.5755004882812, + 78.41927337646484, + 0.8365211486816406, + 542.2473754882812, + 410.0599060058594, + 0.9223959445953369, + 748.6015625, + 166.8567657470703, + 0.8561309576034546, + 770.7109375, + 395.3203125, + 0.9052170515060425, + 586.4661254882812, + 233.1848907470703, + 0.7098827958106995, + 586.4661254882812, + 328.9921875, + 0.7961927056312561, + 778.0807495117188, + 211.0755157470703, + 0.6756806373596191, + 837.0390625, + 314.2525939941406, + 0.7333765625953674, + 844.4088745117188, + 314.2525939941406, + 0.40205103158950806, + 873.8880004882812, + 432.1692810058594, + 0.09670472145080566 + ], + "scale": [ + 3.5374999046325684, + 4.7166666984558105 + ], + "score": 0.7076218036504892 + }, + { + "category_id": 1, + "center": [ + 627.5, + 236.0 + ], + "image_id": 21505940801, + "keypoints": [ + 560.5403442382812, + 3.6106770038604736, + 0.10357233136892319, + 647.1940307617188, + 429.0013122558594, + 0.003137321909889579, + 560.5403442382812, + -4.266927242279053, + 0.030544757843017578, + 718.0924682617188, + 263.5716247558594, + 0.0038958501536399126, + 442.3763122558594, + 11.48828125, + 0.35136207938194275, + 466.0091247558594, + 42.99869918823242, + 0.6961089372634888, + 450.25390625, + 153.28515625, + 0.6663349270820618, + 568.41796875, + 90.26432037353516, + 0.9109492301940918, + 536.9075317382812, + 413.24609375, + 0.9366226196289062, + 710.21484375, + 82.38671875, + 0.9352401494979858, + 757.48046875, + 397.4908752441406, + 0.8922531604766846, + 592.05078125, + 232.0612030029297, + 0.7573676109313965, + 592.05078125, + 334.4700622558594, + 0.7385741472244263, + 773.2356567382812, + 200.55078125, + 0.8242777585983276, + 836.2565307617188, + 326.5924377441406, + 0.6326994299888611, + 852.01171875, + 326.5924377441406, + 0.64115971326828, + 883.5221557617188, + 436.87890625, + 0.1732187271118164 + ], + "scale": [ + 3.78125, + 5.041666507720947 + ], + "score": 0.7485791469613711 + }, + { + "category_id": 1, + "center": [ + 613.0, + 223.5 + ], + "image_id": 21505941201, + "keypoints": [ + 534.796875, + 26.130226135253906, + 0.03423077613115311, + 940.7083129882812, + 554.9322509765625, + 0.0016871864208951592, + 534.796875, + 26.130226135253906, + 0.009567922912538052, + 460.3177185058594, + -26.00518798828125, + 0.001987079856917262, + 475.21356201171875, + 11.234393119812012, + 0.0321991927921772, + 482.6614685058594, + 33.57814025878906, + 0.7099820375442505, + 437.9739685058594, + 137.84896850585938, + 0.666194498538971, + 601.828125, + 78.26564025878906, + 0.9019945859909058, + 549.6926879882812, + 398.5260314941406, + 0.9029604196548462, + 750.7864379882812, + 33.57814025878906, + 0.8946850895881653, + 691.203125, + 331.4947814941406, + 0.9495906829833984, + 586.9323120117188, + 227.2239532470703, + 0.7205522060394287, + 586.9323120117188, + 324.046875, + 0.7517240047454834, + 765.6822509765625, + 204.8802032470703, + 0.8746906518936157, + 840.1614379882812, + 309.1510314941406, + 0.8801361322402954, + 840.1614379882812, + 309.1510314941406, + 0.6938655972480774, + 884.8489379882812, + 383.63018798828125, + 0.09907124936580658 + ], + "scale": [ + 3.5749998092651367, + 4.766666412353516 + ], + "score": 0.8133069005879489 + }, + { + "category_id": 1, + "center": [ + 614.0, + 221.0 + ], + "image_id": 21505944700, + "keypoints": [ + 603.453125, + 386.234375, + 0.010442424565553665, + 835.484375, + 308.890625, + 0.005567297339439392, + 540.171875, + 344.046875, + 0.005611426662653685, + 758.140625, + 301.859375, + 0.004422770347446203, + 666.734375, + 76.859375, + 0.011972632259130478, + 462.828125, + 41.703125, + 0.6526360511779785, + 441.734375, + 140.140625, + 0.666470468044281, + 582.359375, + 104.984375, + 0.8725005984306335, + 561.265625, + 400.296875, + 0.8737905025482178, + 722.984375, + 69.828125, + 0.8884015083312988, + 701.890625, + 329.984375, + 0.951492428779602, + 589.390625, + 231.546875, + 0.7357819080352783, + 582.359375, + 322.953125, + 0.7403583526611328, + 765.171875, + 203.421875, + 0.8644306659698486, + 849.546875, + 315.921875, + 0.8630000352859497, + 856.578125, + 308.890625, + 0.5622185468673706, + 856.578125, + 379.203125, + 0.13163772225379944 + ], + "scale": [ + 3.375, + 4.5 + ], + "score": 0.7882800969210538 + }, + { + "category_id": 1, + "center": [ + 638.0, + 220.0 + ], + "image_id": 21505946001, + "keypoints": [ + 546.359375, + 16.796890258789062, + 0.00920706894248724, + 753.546875, + 303.671875, + 0.0023268708027899265, + 673.859375, + 112.42188262939453, + 0.00674928305670619, + 697.765625, + 184.140625, + 0.004274625331163406, + 450.734375, + 0.8593924641609192, + 0.03099845163524151, + 466.671875, + 32.73439025878906, + 0.6979336142539978, + 442.7656555175781, + 144.296875, + 0.6991872787475586, + 578.234375, + 96.48438262939453, + 0.8887223601341248, + 594.171875, + 383.359375, + 0.9004371762275696, + 721.671875, + 72.57814025878906, + 0.9109526872634888, + 817.296875, + 343.515625, + 0.907464861869812, + 594.171875, + 231.953125, + 0.8739518523216248, + 594.171875, + 319.609375, + 0.7491686344146729, + 769.484375, + 231.953125, + 0.775189995765686, + 817.296875, + 271.796875, + 0.36581796407699585, + 833.234375, + 279.765625, + 0.36791276931762695, + 896.984375, + 367.421875, + 0.11279730498790741 + ], + "scale": [ + 3.8249998092651367, + 5.099999904632568 + ], + "score": 0.7397035631266508 + }, + { + "category_id": 1, + "center": [ + 622.0, + 224.5 + ], + "image_id": 21505946800, + "keypoints": [ + 611.1796875, + 394.0182189941406, + 0.006417740136384964, + 885.2942504882812, + 559.9296875, + 0.0014096489176154137, + 712.1692504882812, + 184.8255157470703, + 0.006950165145099163, + 704.9557495117188, + 249.7473907470703, + 0.0017299606697633862, + 452.4817810058594, + 11.700520515441895, + 0.01004538033157587, + 466.9088439941406, + 33.34114456176758, + 0.6605691909790039, + 445.2682189941406, + 141.5442657470703, + 0.6849507689476013, + 582.3255004882812, + 105.4765625, + 0.8496767282485962, + 575.1119995117188, + 394.0182189941406, + 0.8669940233230591, + 726.5963745117188, + 69.40885162353516, + 0.8897525668144226, + 704.9557495117188, + 329.0963439941406, + 0.902733564376831, + 589.5390625, + 228.1067657470703, + 0.713930606842041, + 589.5390625, + 321.8828125, + 0.7315378189086914, + 755.4505004882812, + 199.2526092529297, + 0.8324003219604492, + 849.2265625, + 307.4557189941406, + 0.8373124599456787, + 834.7994995117188, + 307.4557189941406, + 0.47262459993362427, + 885.2942504882812, + 350.7369689941406, + 0.059695951640605927 + ], + "scale": [ + 3.4625000953674316, + 4.616666793823242 + ], + "score": 0.7674984227527272 + }, + { + "category_id": 1, + "center": [ + 621.0, + 223.5 + ], + "image_id": 21505947201, + "keypoints": [ + 550.7395629882812, + 5.322916507720947, + 0.026808202266693115, + 946.4166870117188, + 552.6145629882812, + 0.0014482202241197228, + 543.34375, + 352.9270935058594, + 0.006568465381860733, + 706.0520629882812, + 249.3854217529297, + 0.0031239010859280825, + 454.59375, + 5.322916507720947, + 0.02547217719256878, + 461.9895935058594, + 42.30208206176758, + 0.6624318957328796, + 454.59375, + 160.6354217529297, + 0.6952011585235596, + 587.71875, + 101.46875, + 0.8720388412475586, + 572.9270629882812, + 397.3020935058594, + 0.8514595031738281, + 728.2395629882812, + 71.88541412353516, + 0.8778806328773499, + 706.0520629882812, + 323.34375, + 0.9407514929771423, + 595.1145629882812, + 227.1979217529297, + 0.7487097978591919, + 595.1145629882812, + 323.34375, + 0.7464145421981812, + 757.8229370117188, + 197.6145782470703, + 0.8423080444335938, + 846.5729370117188, + 315.9479064941406, + 0.8302797675132751, + 846.5729370117188, + 301.15625, + 0.5152528285980225, + 876.15625, + 352.9270935058594, + 0.05782315880060196 + ], + "scale": [ + 3.549999952316284, + 4.733333110809326 + ], + "score": 0.7802480459213257 + }, + { + "category_id": 1, + "center": [ + 633.0, + 221.0 + ], + "image_id": 21505948300, + "keypoints": [ + 568.1432495117188, + 3.5390625, + 0.04419247433543205, + 781.7890625, + 339.2682189941406, + 0.0023918296210467815, + 568.1432495117188, + 18.79947853088379, + 0.007392185740172863, + 697.8567504882812, + 125.62239837646484, + 0.004067101515829563, + 461.3203125, + 3.5390625, + 0.0452849306166172, + 468.9505310058594, + 34.05989456176758, + 0.6896476745605469, + 453.6900939941406, + 148.5130157470703, + 0.6946913003921509, + 591.0338745117188, + 95.1015625, + 0.911507248878479, + 583.4036254882812, + 392.6796875, + 0.8674179315567017, + 736.0078125, + 64.58072662353516, + 0.907031238079071, + 713.1171875, + 316.3775939941406, + 0.9388672113418579, + 591.0338745117188, + 232.4453125, + 0.7327747344970703, + 598.6640625, + 324.0078125, + 0.764024019241333, + 766.5286254882812, + 194.2942657470703, + 0.8454638719558716, + 850.4609375, + 308.7474060058594, + 0.8494240045547485, + 850.4609375, + 293.4869689941406, + 0.5504539012908936, + 888.6119995117188, + 346.8984375, + 0.07387057691812515 + ], + "scale": [ + 3.6625001430511475, + 4.883333206176758 + ], + "score": 0.7955730123953386 + }, + { + "category_id": 1, + "center": [ + 648.5, + 224.5 + ], + "image_id": 21505948600, + "keypoints": [ + 564.69140625, + 12.98305606842041, + 0.05680162459611893, + 668.4544067382812, + 420.05340576171875, + 0.005150443874299526, + 492.85546875, + 12.98305606842041, + 0.00940767303109169, + 644.5090942382812, + 156.65493774414062, + 0.006509057246148586, + 444.9648132324219, + 5.001284599304199, + 0.10385371744632721, + 476.89190673828125, + 28.946598052978516, + 0.7413673400878906, + 460.9283752441406, + 156.65493774414062, + 0.7464714050292969, + 588.63671875, + 100.78253936767578, + 0.889532208442688, + 572.6731567382812, + 396.10809326171875, + 0.8841293454170227, + 724.3268432617188, + 76.83722686767578, + 0.9183855056762695, + 796.1627807617188, + 388.1263122558594, + 0.9099388718605042, + 596.6184692382812, + 236.47265625, + 0.8345717787742615, + 596.6184692382812, + 332.25390625, + 0.7701554298400879, + 772.2174682617188, + 220.5091094970703, + 0.7810955047607422, + 836.0716552734375, + 308.30859375, + 0.5679560303688049, + 867.9987182617188, + 308.30859375, + 0.5440820455551147, + 891.9440307617188, + 380.14453125, + 0.12144352495670319 + ], + "scale": [ + 3.8312501907348633, + 5.108333110809326 + ], + "score": 0.7806986787102439 + }, + { + "category_id": 1, + "center": [ + 623.5, + 213.5 + ], + "image_id": 21505905201, + "keypoints": [ + 566.95703125, + -23.98046875, + 0.03978630155324936, + 838.36328125, + 368.05078125, + 0.0014923063572496176, + 566.95703125, + -16.44140625, + 0.007125254720449448, + 476.48828125, + -39.05859375, + 0.0032203681766986847, + 484.02734375, + -1.36328125, + 0.049427881836891174, + 491.56640625, + 28.79296875, + 0.7006626725196838, + 461.41015625, + 149.41796875, + 0.7098984718322754, + 619.73046875, + 66.48828125, + 0.8674674034118652, + 582.03515625, + 383.12890625, + 0.8943681716918945, + 778.05078125, + 66.48828125, + 0.8640264272689819, + 785.58984375, + 352.97265625, + 0.956950843334198, + 597.11328125, + 232.34765625, + 0.7371277213096619, + 589.57421875, + 322.81640625, + 0.7877307534217834, + 770.51171875, + 202.19140625, + 0.763691782951355, + 815.74609375, + 315.27734375, + 0.4246479868888855, + 845.90234375, + 307.73828125, + 0.30264419317245483, + 823.28515625, + 435.90234375, + 0.10915971547365189 + ], + "scale": [ + 3.6187500953674316, + 4.824999809265137 + ], + "score": 0.7281105843457308 + }, + { + "category_id": 1, + "center": [ + 647.5, + 223.0 + ], + "image_id": 21505956001, + "keypoints": [ + 552.4153442382812, + 12.16015625, + 0.039167895913124084, + 759.12109375, + 301.5481872558594, + 0.0029959208332002163, + 585.48828125, + -4.376302242279053, + 0.011571758426725864, + 717.7799682617188, + 185.79296875, + 0.008052270859479904, + 478.0013122558594, + 3.8919270038604736, + 0.07269950211048126, + 469.7330627441406, + 12.16015625, + 0.6404503583908081, + 461.46484375, + 185.79296875, + 0.7373767495155334, + 585.48828125, + 12.16015625, + 0.733207106590271, + 593.7565307617188, + 392.4986877441406, + 0.892792820930481, + 692.9752807617188, + 45.23307418823242, + 0.868850827217102, + 792.1940307617188, + 375.9622497558594, + 0.9421788454055786, + 593.7565307617188, + 227.1341094970703, + 0.843690037727356, + 602.0247192382812, + 326.3528747558594, + 0.7886769771575928, + 759.12109375, + 194.0612030029297, + 0.8389636278152466, + 825.2669067382812, + 309.81640625, + 0.5663058161735535, + 850.0715942382812, + 301.5481872558594, + 0.5950560569763184, + 883.14453125, + 375.9622497558594, + 0.18247279524803162 + ], + "scale": [ + 3.96875, + 5.291666507720947 + ], + "score": 0.767959020354531 + }, + { + "category_id": 1, + "center": [ + 643.0, + 224.0 + ], + "image_id": 21505956600, + "keypoints": [ + 576.59375, + -6.46875, + 0.02367730811238289, + 631.28125, + -6.46875, + 0.004404560197144747, + 584.40625, + 1.34375, + 0.007697428576648235, + 639.09375, + 32.59375, + 0.008056324906647205, + 482.84375, + 16.96875, + 0.10675360262393951, + 467.21875, + 16.96875, + 0.6166199445724487, + 467.21875, + 181.03125, + 0.7056684494018555, + 576.59375, + 9.15625, + 0.6425145864486694, + 600.03125, + 384.15625, + 0.857545793056488, + 685.96875, + 40.40625, + 0.9170244932174683, + 810.96875, + 368.53125, + 0.9124610424041748, + 592.21875, + 227.90625, + 0.808790922164917, + 600.03125, + 329.46875, + 0.7558947801589966, + 756.28125, + 188.84375, + 0.8354775905609131, + 826.59375, + 329.46875, + 0.4644262194633484, + 834.40625, + 298.21875, + 0.45663630962371826, + 889.09375, + 376.34375, + 0.11680415272712708 + ], + "scale": [ + 3.75, + 5.0 + ], + "score": 0.7248236482793634 + }, + { + "category_id": 1, + "center": [ + 666.5, + 235.5 + ], + "image_id": 21505978700, + "keypoints": [ + 583.82421875, + 26.37891960144043, + 0.0333358570933342, + 865.89453125, + 376.53515625, + 0.0016305381432175636, + 583.82421875, + 55.5586051940918, + 0.004409702029079199, + 778.35546875, + 386.26171875, + 0.006861859932541847, + 476.83203125, + 45.8320426940918, + 0.019319504499435425, + 467.10546875, + 36.1054801940918, + 0.7314449548721313, + 457.37890625, + 152.82421875, + 0.7154837846755981, + 574.09765625, + 123.64453887939453, + 0.8954989910125732, + 593.55078125, + 386.26171875, + 0.8834115266799927, + 700.54296875, + 104.19141387939453, + 0.8842388987541199, + 817.26171875, + 376.53515625, + 0.9054384827613831, + 593.55078125, + 230.63671875, + 0.8794906139373779, + 593.55078125, + 327.90234375, + 0.7020843625068665, + 768.62890625, + 201.45703125, + 0.9077804088592529, + 836.71484375, + 327.90234375, + 0.4202796220779419, + 865.89453125, + 318.17578125, + 0.5874086022377014, + 924.25390625, + 386.26171875, + 0.21890535950660706 + ], + "scale": [ + 4.668749809265137, + 6.224999904632568 + ], + "score": 0.7276221339901289 + }, + { + "category_id": 1, + "center": [ + 626.5, + 217.0 + ], + "image_id": 21505908100, + "keypoints": [ + 551.98828125, + 36.04296875, + 0.018600212410092354, + 850.03515625, + 326.9934997558594, + 0.0017254530685022473, + 551.98828125, + 341.1861877441406, + 0.004962839651852846, + 715.2044067382812, + 206.35546875, + 0.0027103188913315535, + 466.83203125, + 14.75390625, + 0.0440884567797184, + 481.0247497558594, + 36.04296875, + 0.648228108882904, + 452.6393127441406, + 156.6809844970703, + 0.7412563562393188, + 615.85546875, + 92.81380462646484, + 0.7942236661911011, + 573.27734375, + 390.8606872558594, + 0.8934902548789978, + 779.0715942382812, + 163.77734375, + 0.8066837787628174, + 708.1080932617188, + 319.8971252441406, + 0.9372349977493286, + 587.4700317382812, + 227.64453125, + 0.7074530124664307, + 594.56640625, + 312.80078125, + 0.738143801689148, + 764.87890625, + 199.2591094970703, + 0.6147994995117188, + 842.9387817382812, + 312.80078125, + 0.7877920866012573, + 842.9387817382812, + 305.7044372558594, + 0.3872298300266266, + 878.4205932617188, + 376.66796875, + 0.09610878676176071 + ], + "scale": [ + 3.40625, + 4.5416669845581055 + ], + "score": 0.7324123084545135 + }, + { + "category_id": 1, + "center": [ + 616.5, + 222.5 + ], + "image_id": 21505983500, + "keypoints": [ + 742.61328125, + 188.10546875, + 0.0034152502194046974, + 910.7642822265625, + 608.4830322265625, + 0.0019051013514399529, + 712.0403442382812, + -33.54815673828125, + 0.0036118077114224434, + 704.3971557617188, + 249.2512969970703, + 0.005060786847025156, + 459.8138122558594, + 4.667986869812012, + 0.010710597038269043, + 467.45703125, + 35.240901947021484, + 0.6642962098121643, + 436.8841247558594, + 142.24609375, + 0.7140697240829468, + 551.5325317382812, + 142.24609375, + 0.7198066711425781, + 574.4622192382812, + 394.47265625, + 0.900178074836731, + 666.1809692382812, + 165.17578125, + 0.9332966804504395, + 712.0403442382812, + 318.04034423828125, + 0.9167934656143188, + 582.10546875, + 218.6783905029297, + 0.7397981882095337, + 589.7487182617188, + 318.04034423828125, + 0.7327014803886414, + 757.8997192382812, + 195.7487030029297, + 0.8652702569961548, + 841.9752197265625, + 318.04034423828125, + 0.8044579029083252, + 849.6184692382812, + 310.3971252441406, + 0.48076337575912476, + 895.4778442382812, + 356.2565002441406, + 0.07140471041202545 + ], + "scale": [ + 3.6687498092651367, + 4.891666889190674 + ], + "score": 0.7701301845637235 + }, + { + "category_id": 1, + "center": [ + 620.0, + 222.5 + ], + "image_id": 21505908400, + "keypoints": [ + 558.6848754882812, + 31.34114646911621, + 0.0098686832934618, + 789.5182495117188, + 305.4557189941406, + 0.0027435694355517626, + 941.0026245117188, + 543.5026245117188, + 0.003851165995001793, + 702.9557495117188, + 247.7473907470703, + 0.005015785340219736, + 464.9088439941406, + 16.9140625, + 0.032633427530527115, + 479.3359375, + 38.5546875, + 0.6502329111099243, + 450.4817810058594, + 161.1848907470703, + 0.7162435054779053, + 609.1796875, + 110.69010162353516, + 0.8541961908340454, + 573.1119995117188, + 392.0182189941406, + 0.8940318822860718, + 731.8098754882812, + 197.2526092529297, + 0.8557736873626709, + 710.1692504882812, + 312.6692810058594, + 0.8762981295585632, + 601.9661254882812, + 226.1067657470703, + 0.7384679317474365, + 587.5390625, + 319.8828125, + 0.7386980056762695, + 782.3046875, + 211.6796875, + 0.6205863356590271, + 840.0130004882812, + 305.4557189941406, + 0.8883863687515259, + 840.0130004882812, + 298.2421875, + 0.39547380805015564, + 876.0807495117188, + 377.5911560058594, + 0.030074169859290123 + ], + "scale": [ + 3.4625000953674316, + 4.616666793823242 + ], + "score": 0.748035341501236 + }, + { + "category_id": 1, + "center": [ + 626.5, + 220.0 + ], + "image_id": 21505984200, + "keypoints": [ + 566.83203125, + 17.12890625, + 0.01055503636598587, + 662.30078125, + 88.73046875, + 0.005000401753932238, + 630.4778442382812, + 88.73046875, + 0.0035470675211399794, + 741.8580932617188, + 216.0221405029297, + 0.0023886063136160374, + 463.4075622558594, + -14.694010734558105, + 0.019500909373164177, + 463.4075622558594, + 33.04036331176758, + 0.6331008672714233, + 439.5403747558594, + 152.3762969970703, + 0.7345823645591736, + 550.9205932617188, + 152.3762969970703, + 0.6821367740631104, + 574.7877807617188, + 399.00390625, + 0.8944023847579956, + 662.30078125, + 184.19921875, + 0.9541639685630798, + 710.03515625, + 319.4466247558594, + 0.9406505823135376, + 598.6549682617188, + 223.9778594970703, + 0.7741705179214478, + 598.6549682617188, + 319.4466247558594, + 0.7509996891021729, + 773.6809692382812, + 200.1106719970703, + 0.819586455821991, + 853.23828125, + 319.4466247558594, + 0.8924628496170044, + 853.23828125, + 303.53515625, + 0.6169216632843018, + 885.0612182617188, + 383.0924377441406, + 0.08549854159355164 + ], + "scale": [ + 3.8187501430511475, + 5.0916666984558105 + ], + "score": 0.7902889197522943 + }, + { + "category_id": 1, + "center": [ + 606.5, + 220.0 + ], + "image_id": 21505984600, + "keypoints": [ + 596.12890625, + 382.48046875, + 0.005882987752556801, + 858.86328125, + 320.25390625, + 0.005101365502923727, + 533.90234375, + 340.99609375, + 0.0072154575027525425, + 686.01171875, + 244.19921875, + 0.0037168567068874836, + 513.16015625, + 16.03515625, + 0.010792173445224762, + 464.76171875, + 43.69140625, + 0.5436589121818542, + 457.84765625, + 168.14453125, + 0.675771176815033, + 554.64453125, + 140.48828125, + 0.7398271560668945, + 568.47265625, + 396.30859375, + 0.8816366791725159, + 665.26953125, + 168.14453125, + 0.8847981691360474, + 699.83984375, + 327.16796875, + 0.9337210655212402, + 589.21484375, + 216.54296875, + 0.7526363730430603, + 582.30078125, + 306.42578125, + 0.6127403974533081, + 762.06640625, + 202.71484375, + 0.7849947810173035, + 851.94921875, + 313.33984375, + 0.8799984455108643, + 851.94921875, + 299.51171875, + 0.6351625919342041, + 865.77734375, + 368.65234375, + 0.07563287019729614 + ], + "scale": [ + 3.3187499046325684, + 4.425000190734863 + ], + "score": 0.7568132498047568 + }, + { + "category_id": 1, + "center": [ + 621.0, + 217.0 + ], + "image_id": 21505984900, + "keypoints": [ + 566.703125, + 3.4322917461395264, + 0.07974735647439957, + 867.1458129882812, + 665.8541870117188, + 0.0027910165954381227, + 566.703125, + 25.15104103088379, + 0.014102808199822903, + 704.2551879882812, + 242.3385467529297, + 0.007327047176659107, + 465.3489685058594, + 3.4322917461395264, + 0.05677276849746704, + 465.3489685058594, + 39.63020706176758, + 0.6219125986099243, + 458.109375, + 155.4635467529297, + 0.6867298483848572, + 559.4635620117188, + 148.2239532470703, + 0.6899411678314209, + 573.9426879882812, + 394.3697814941406, + 0.8781874775886536, + 668.0573120117188, + 169.9427032470703, + 0.8730946779251099, + 704.2551879882812, + 321.9739685058594, + 0.9514473676681519, + 588.421875, + 220.6197967529297, + 0.7532036304473877, + 588.421875, + 314.734375, + 0.7341630458831787, + 762.171875, + 213.3802032470703, + 0.711954653263092, + 841.8073120117188, + 314.734375, + 0.8627598285675049, + 834.5676879882812, + 300.2552185058594, + 0.48457932472229004, + 863.5260620117188, + 379.890625, + 0.052752166986465454 + ], + "scale": [ + 3.4749999046325684, + 4.633333206176758 + ], + "score": 0.7498157837174155 + }, + { + "category_id": 1, + "center": [ + 636.5, + 221.0 + ], + "image_id": 21505985201, + "keypoints": [ + 577.80859375, + 13.623698234558105, + 0.03130131959915161, + 671.71484375, + 91.87890625, + 0.0031791459769010544, + 577.80859375, + 21.44921875, + 0.009415370412170887, + 483.90234375, + -41.15494918823242, + 0.002620152197778225, + 491.7278747558594, + -2.02734375, + 0.028995629400014877, + 468.2513122558594, + 37.10026168823242, + 0.7031987905502319, + 460.42578125, + 162.30859375, + 0.7240185737609863, + 546.5065307617188, + 162.30859375, + 0.7245714664459229, + 577.80859375, + 389.2486877441406, + 0.9207252264022827, + 656.0637817382812, + 185.78515625, + 0.9734706878662109, + 710.8424682617188, + 318.8190002441406, + 0.9759963750839233, + 601.28515625, + 232.73828125, + 0.7495818138122559, + 601.28515625, + 326.64453125, + 0.7909190654754639, + 765.62109375, + 201.4362030029297, + 0.7343214154243469, + 851.7018432617188, + 310.9934997558594, + 0.9112710952758789, + 859.52734375, + 303.16796875, + 0.6241998076438904, + 898.6549682617188, + 389.2486877441406, + 0.10513482987880707 + ], + "scale": [ + 3.7562501430511475, + 5.008333206176758 + ], + "score": 0.8029340288855813 + }, + { + "category_id": 1, + "center": [ + 654.0, + 231.5 + ], + "image_id": 21505985800, + "keypoints": [ + 576.5651245117188, + 7.346354007720947, + 0.17359264194965363, + 674.3776245117188, + 431.2005310058594, + 0.0035046010743826628, + 576.5651245117188, + -0.8046875, + 0.061915330588817596, + 715.1328125, + 194.8203125, + 0.005256423726677895, + 478.7525939941406, + 15.497395515441895, + 0.10130128264427185, + 486.9036560058594, + 31.79947853088379, + 0.7111159563064575, + 462.4505310058594, + 162.2161407470703, + 0.759814977645874, + 601.0182495117188, + 72.5546875, + 0.8476125597953796, + 568.4140625, + 390.4453125, + 0.9192273020744324, + 764.0390625, + 88.85677337646484, + 0.8313685655593872, + 788.4921875, + 390.4453125, + 0.9543066024780273, + 601.0182495117188, + 235.5755157470703, + 0.8245865106582642, + 601.0182495117188, + 325.2369689941406, + 0.7495635151863098, + 772.1901245117188, + 219.2734375, + 0.9043700695037842, + 837.3984375, + 300.7838439941406, + 0.727363109588623, + 878.1536254882812, + 325.2369689941406, + 0.5309464931488037, + 902.6067504882812, + 390.4453125, + 0.20329494774341583 + ], + "scale": [ + 3.9125001430511475, + 5.216666221618652 + ], + "score": 0.7469642174740633 + }, + { + "category_id": 1, + "center": [ + 617.5, + 217.5 + ], + "image_id": 21505908801, + "keypoints": [ + 562.51953125, + -6.087258815765381, + 0.07614577561616898, + 892.40234375, + 338.45703125, + 0.002471434883773327, + 555.1887817382812, + -20.74871826171875, + 0.012935848906636238, + 672.48046875, + 184.51171875, + 0.007401894312351942, + 452.55859375, + 1.2434707880020142, + 0.19547231495380402, + 459.8893127441406, + 37.89712142944336, + 0.7086630463600159, + 459.8893127441406, + 162.51953125, + 0.7554797530174255, + 569.8502807617188, + 103.87368774414062, + 0.899550199508667, + 577.1809692382812, + 389.77215576171875, + 0.9059070348739624, + 694.47265625, + 103.87368774414062, + 0.8945158123970032, + 709.1340942382812, + 316.46484375, + 0.9138259887695312, + 584.51171875, + 228.49609375, + 0.7806677222251892, + 591.8424682617188, + 316.46484375, + 0.7381680011749268, + 760.44921875, + 199.1731719970703, + 0.8119704723358154, + 841.0872802734375, + 309.1341247558594, + 0.8718698024749756, + 833.7565307617188, + 301.80340576171875, + 0.4305243492126465, + 760.44921875, + 199.1731719970703, + 0.052646346390247345 + ], + "scale": [ + 3.5187501907348633, + 4.691666603088379 + ], + "score": 0.7919220165772871 + }, + { + "category_id": 1, + "center": [ + 661.5, + 226.0 + ], + "image_id": 21505988100, + "keypoints": [ + 616.8840942382812, + 19.14453125, + 0.028184590861201286, + 560.1002807617188, + 303.0638122558594, + 0.002822526264935732, + 511.4283752441406, + 303.0638122558594, + 0.008097382262349129, + 689.8919067382812, + 189.49609375, + 0.005643278826028109, + 462.7565002441406, + 11.032551765441895, + 0.1715988665819168, + 478.98046875, + 27.25650978088379, + 0.5306897759437561, + 462.7565002441406, + 157.0481719970703, + 0.7452514171600342, + 560.1002807617188, + 27.25650978088379, + 0.1516382247209549, + 568.2122192382812, + 384.18359375, + 0.9130935668945312, + 681.7799682617188, + 11.032551765441895, + 0.5244619250297546, + 779.1237182617188, + 384.18359375, + 0.9267110824584961, + 592.5481567382812, + 230.0559844970703, + 0.8255813121795654, + 584.4362182617188, + 319.2877502441406, + 0.690956711769104, + 762.8997192382812, + 197.6080780029297, + 0.8303055763244629, + 827.7955932617188, + 303.0638122558594, + 0.6305156946182251, + 852.1315307617188, + 311.17578125, + 0.562008798122406, + 852.1315307617188, + 392.2955627441406, + 0.18634448945522308 + ], + "scale": [ + 3.893749952316284, + 5.191666603088379 + ], + "score": 0.7179575860500336 + }, + { + "category_id": 1, + "center": [ + 613.0, + 215.5 + ], + "image_id": 21505909100, + "keypoints": [ + 554.40625, + -14.96875, + 0.1511196494102478, + 538.78125, + -38.40625, + 0.006880051922053099, + 546.59375, + -30.59375, + 0.07296262681484222, + 468.46875, + -46.21875, + 0.003843543818220496, + 452.84375, + 0.65625, + 0.4898712933063507, + 468.46875, + 31.90625, + 0.6731202602386475, + 468.46875, + 164.71875, + 0.7695245742797852, + 593.46875, + 86.59375, + 0.8842763900756836, + 577.84375, + 383.46875, + 0.9042776823043823, + 734.09375, + 63.15625, + 0.9276163578033447, + 702.84375, + 313.15625, + 0.9341916441917419, + 585.65625, + 227.21875, + 0.754122257232666, + 593.46875, + 313.15625, + 0.7369093298912048, + 765.34375, + 203.78125, + 0.9118523597717285, + 843.46875, + 305.34375, + 0.9214411973953247, + 843.46875, + 305.34375, + 0.5489128828048706, + 874.71875, + 391.28125, + 0.05589395761489868 + ], + "scale": [ + 3.75, + 5.0 + ], + "score": 0.7880096857746443 + }, + { + "category_id": 1, + "center": [ + 625.5, + 229.0 + ], + "image_id": 21506010401, + "keypoints": [ + 614.46484375, + 409.2408752441406, + 0.004836045205593109, + 776.3137817382812, + 276.8190002441406, + 0.0022950645070523024, + 886.6653442382812, + 328.31640625, + 0.003603940363973379, + 710.1028442382812, + 195.89453125, + 0.008244706317782402, + 445.2591247558594, + 26.68880271911621, + 0.042028505355119705, + 459.97265625, + 34.04557418823242, + 0.5340736508369446, + 459.97265625, + 166.4674530029297, + 0.7102251052856445, + 504.11328125, + 217.96484375, + 0.022026969119906425, + 570.32421875, + 394.52734375, + 0.8910086154937744, + 702.74609375, + 107.61328125, + 0.010770726948976517, + 776.3137817382812, + 394.52734375, + 0.9070550203323364, + 599.7512817382812, + 232.6783905029297, + 0.7541720271110535, + 592.39453125, + 328.31640625, + 0.7824791669845581, + 768.95703125, + 203.2512969970703, + 0.8123130798339844, + 842.5247192382812, + 306.24609375, + 0.8901808261871338, + 849.8815307617188, + 313.6028747558594, + 0.5455198287963867, + 886.6653442382812, + 379.8138122558594, + 0.1316070705652237 + ], + "scale": [ + 3.53125, + 4.708333492279053 + ], + "score": 0.7585585912068685 + }, + { + "category_id": 1, + "center": [ + 634.0, + 218.5 + ], + "image_id": 21506020001, + "keypoints": [ + 598.0234375, + 6.638020992279053, + 0.2943146228790283, + 622.0078125, + -9.3515625, + 0.006099344231188297, + 574.0390625, + 6.638020992279053, + 0.11300583928823471, + 446.1224060058594, + 14.6328125, + 0.006118557881563902, + 478.1015625, + 6.638020992279053, + 0.34436511993408203, + 462.1119689941406, + 22.62760353088379, + 0.5543988347053528, + 470.1067810058594, + 174.5286407470703, + 0.7406270503997803, + 526.0703125, + 14.6328125, + 0.22151194512844086, + 606.0182495117188, + 382.3932189941406, + 0.8452458381652832, + 614.0130004882812, + 6.638020992279053, + 0.745104193687439, + 813.8828125, + 374.3984375, + 0.9563884139060974, + 598.0234375, + 230.4921875, + 0.7772037386894226, + 598.0234375, + 326.4296875, + 0.7453235387802124, + 765.9140625, + 214.5026092529297, + 0.783406138420105, + 813.8828125, + 270.4661560058594, + 0.5792461037635803, + 853.8567504882812, + 326.4296875, + 0.44847583770751953, + 893.8307495117188, + 374.3984375, + 0.1423463523387909 + ], + "scale": [ + 3.8374998569488525, + 5.116666793823242 + ], + "score": 0.6181239520127957 + }, + { + "category_id": 1, + "center": [ + 612.0, + 202.0 + ], + "image_id": 21506022401, + "keypoints": [ + 586.4791870117188, + -13.104166984558105, + 0.021912377327680588, + 878.1458129882812, + 606.6875, + 0.0031739159021526575, + 936.4791870117188, + 526.4791870117188, + 0.003415291663259268, + 703.1458129882812, + 176.4791717529297, + 0.003075796877965331, + 506.2708435058594, + 8.770833015441895, + 0.06292282789945602, + 469.8125, + 23.35416603088379, + 0.5998978614807129, + 469.8125, + 154.6041717529297, + 0.7221989631652832, + 608.3541870117188, + 30.64583396911621, + 0.7130945920944214, + 593.7708129882812, + 366.0625, + 0.8814165592193604, + 739.6041870117188, + 1.4791666269302368, + 0.7877860069274902, + 746.8958129882812, + 256.6875, + 0.9204558730125427, + 586.4791870117188, + 212.9375, + 0.7236285209655762, + 601.0625, + 315.0208435058594, + 0.6884498596191406, + 768.7708129882812, + 191.0625, + 0.7940915822982788, + 856.2708129882812, + 307.7291564941406, + 0.8728833198547363, + 863.5625, + 300.4375, + 0.3674151301383972, + 885.4375, + 366.0625, + 0.05543798953294754 + ], + "scale": [ + 3.5, + 4.666666507720947 + ], + "score": 0.7337562062523582 + }, + { + "category_id": 1, + "center": [ + 618.0, + 217.0 + ], + "image_id": 21506023000, + "keypoints": [ + 568.9114379882812, + -13.338541984558105, + 0.20042788982391357, + 546.2551879882812, + -20.890625, + 0.0025070898700505495, + 568.9114379882812, + -5.786458492279053, + 0.05450214073061943, + 704.8489379882812, + 243.4322967529297, + 0.003409475088119507, + 470.734375, + -5.786458492279053, + 0.20943422615528107, + 478.2864685058594, + 24.421875, + 0.6947431564331055, + 455.6302185058594, + 160.359375, + 0.6962167620658875, + 614.2239379882812, + 47.078125, + 0.8821613788604736, + 561.359375, + 394.4739685058594, + 0.8808304071426392, + 780.3698120117188, + 24.421875, + 0.861975908279419, + 772.8176879882812, + 356.7135314941406, + 0.9392632246017456, + 591.5676879882812, + 220.7760467529297, + 0.712533175945282, + 584.015625, + 318.953125, + 0.7784467935562134, + 772.8176879882812, + 198.1197967529297, + 0.7907925844192505, + 818.1301879882812, + 318.953125, + 0.41464048624038696, + 848.3385620117188, + 303.8489685058594, + 0.2424299567937851, + 946.515625, + 364.265625, + 0.07369180768728256 + ], + "scale": [ + 3.625, + 4.8333330154418945 + ], + "score": 0.6387612269474909 + }, + { + "category_id": 1, + "center": [ + 609.5, + 231.0 + ], + "image_id": 21506024001, + "keypoints": [ + 590.9778442382812, + -17.19661521911621, + 0.041752222925424576, + 665.06640625, + 27.25650978088379, + 0.004284599795937538, + 605.7955932617188, + -2.37890625, + 0.007215200457721949, + 694.7018432617188, + 256.9309997558594, + 0.0027064227033406496, + 457.6184997558594, + 34.66536331176758, + 0.05541573464870453, + 465.02734375, + 27.25650978088379, + 0.6422027349472046, + 450.2096252441406, + 145.7981719970703, + 0.610919713973999, + 598.38671875, + 64.30078125, + 0.8495985269546509, + 546.5247192382812, + 405.1080627441406, + 0.8828924894332886, + 753.97265625, + 34.66536331176758, + 0.9141271710395813, + 761.3815307617188, + 390.2903747558594, + 0.929323673248291, + 590.9778442382812, + 227.2955780029297, + 0.7594954967498779, + 583.5690307617188, + 323.6106872558594, + 0.7943930625915527, + 768.7903442382812, + 212.4778594970703, + 0.8590322732925415, + 828.0612182617188, + 308.79296875, + 0.6744986772537231, + 857.6965942382812, + 316.2018127441406, + 0.4210798144340515, + 931.78515625, + 382.8815002441406, + 0.0938602089881897 + ], + "scale": [ + 3.5562500953674316, + 4.741666793823242 + ], + "score": 0.7579603303562511 + }, + { + "category_id": 1, + "center": [ + 642.5, + 233.0 + ], + "image_id": 21506024401, + "keypoints": [ + 552.5065307617188, + 25.62369728088379, + 0.15961854159832, + 552.5065307617188, + 17.79817771911621, + 0.002770899096503854, + 536.85546875, + 17.79817771911621, + 0.06608783453702927, + 442.94921875, + -21.32942771911621, + 0.0029186555184423923, + 442.94921875, + 9.97265625, + 0.18366879224777222, + 466.42578125, + 33.44921875, + 0.6696100234985352, + 458.6002502441406, + 158.6575469970703, + 0.7325857877731323, + 591.6340942382812, + 49.10026168823242, + 0.8471554517745972, + 536.85546875, + 409.07421875, + 0.9101336002349854, + 763.7955932617188, + 33.44921875, + 0.9227519035339355, + 748.14453125, + 377.7721252441406, + 0.8832377195358276, + 591.6340942382812, + 229.0872344970703, + 0.831933856010437, + 591.6340942382812, + 330.8190002441406, + 0.7220290899276733, + 763.7955932617188, + 197.78515625, + 0.8602256774902344, + 818.57421875, + 307.3424377441406, + 0.6395249962806702, + 826.3997192382812, + 307.3424377441406, + 0.42215508222579956, + 849.8762817382812, + 401.2486877441406, + 0.21865257620811462 + ], + "scale": [ + 3.7562501430511475, + 5.008333206176758 + ], + "score": 0.7216663137078285 + }, + { + "category_id": 1, + "center": [ + 640.0, + 228.5 + ], + "image_id": 21506026300, + "keypoints": [ + 553.59375, + 10.427083015441895, + 0.03799337148666382, + 956.8229370117188, + 644.0729370117188, + 0.003208328038454056, + 561.8229370117188, + 10.427083015441895, + 0.010206354781985283, + 471.3020935058594, + -47.17708206176758, + 0.002004748210310936, + 463.0729064941406, + 10.427083015441895, + 0.04166220501065254, + 471.3020935058594, + 26.88541603088379, + 0.6928278207778931, + 438.3854064941406, + 133.8645782470703, + 0.7619651556015015, + 594.7395629882812, + 51.57291793823242, + 0.8578600883483887, + 553.59375, + 380.7395935058594, + 0.8121699690818787, + 751.09375, + 26.88541603088379, + 0.8969946503639221, + 759.3229370117188, + 306.6770935058594, + 0.8582600355148315, + 586.5104370117188, + 232.6145782470703, + 0.7721432447433472, + 570.0520629882812, + 314.90625, + 0.5808475017547607, + 759.3229370117188, + 199.6979217529297, + 0.725658655166626, + 800.46875, + 249.0729217529297, + 0.5068340301513672, + 825.15625, + 249.0729217529297, + 0.22739538550376892, + 890.9895629882812, + 356.0520935058594, + 0.04695826768875122 + ], + "scale": [ + 3.950000047683716, + 5.266666412353516 + ], + "score": 0.6993596851825714 + }, + { + "category_id": 1, + "center": [ + 631.0, + 233.0 + ], + "image_id": 21506026801, + "keypoints": [ + 547.875, + 23.20833396911621, + 0.05314221233129501, + 674.5416870117188, + -0.5416666865348816, + 0.0029407611582428217, + 555.7916870117188, + 23.20833396911621, + 0.010555065236985683, + 722.0416870117188, + 268.625, + 0.004155604634433985, + 452.875, + -0.5416666865348816, + 0.024193644523620605, + 468.7083435058594, + 31.125, + 0.6884815692901611, + 437.0416564941406, + 141.9583282470703, + 0.6821302175521851, + 595.375, + 62.79166793823242, + 0.888949990272522, + 579.5416870117188, + 403.2083435058594, + 0.8104132413864136, + 745.7916870117188, + 39.04166793823242, + 0.9244929552078247, + 793.2916870117188, + 387.375, + 0.9133356213569641, + 595.375, + 229.0416717529297, + 0.7701123952865601, + 595.375, + 331.9583435058594, + 0.8146603107452393, + 777.4583129882812, + 221.125, + 0.7653625011444092, + 832.875, + 308.2083435058594, + 0.638404130935669, + 864.5416870117188, + 324.0416564941406, + 0.5298089385032654, + 904.125, + 395.2916564941406, + 0.16563646495342255 + ], + "scale": [ + 3.799999952316284, + 5.066666603088379 + ], + "score": 0.766013806516474 + }, + { + "category_id": 1, + "center": [ + 419.0, + 175.5 + ], + "image_id": 21506002800, + "keypoints": [ + 424.4557189941406, + -15.450520515441895, + 0.02330927737057209, + 675.4192504882812, + 60.9296875, + 0.004550162702798843, + 358.9869689941406, + 60.9296875, + 0.011958444491028786, + 435.3671875, + 60.9296875, + 0.004541037604212761, + 402.6328125, + 28.1953125, + 0.16943781077861786, + 500.8359375, + 39.10676956176758, + 0.28374814987182617, + 446.2786560058594, + 180.9557342529297, + 0.6965003609657288, + 609.9505004882812, + 93.6640625, + 0.10183769464492798, + 609.9505004882812, + 344.6275939941406, + 0.8755607604980469, + 620.8619995117188, + 93.6640625, + 0.23692253232002258, + 620.8619995117188, + 148.2213592529297, + 0.9136456251144409, + 588.1276245117188, + 180.9557342529297, + 0.4564824104309082, + 588.1276245117188, + 290.0703125, + 0.5062715411186218, + 751.7994995117188, + 213.6901092529297, + 0.3915726840496063, + 828.1796875, + 300.9817810058594, + 0.8154449462890625, + 839.0911254882812, + 300.9817810058594, + 0.22258666157722473, + 850.0026245117188, + 388.2734375, + 0.03822260722517967 + ], + "scale": [ + 5.237500190734863, + 6.983333110809326 + ], + "score": 0.5398735672235488 + }, + { + "category_id": 1, + "center": [ + 659.0, + 230.0 + ], + "image_id": 21506036801, + "keypoints": [ + 580.8229370117188, + 11.927083015441895, + 0.025658033788204193, + 761.8645629882812, + 308.1770935058594, + 0.004280603490769863, + 589.0520629882812, + 11.927083015441895, + 0.005291134584695101, + 654.8854370117188, + 127.13541412353516, + 0.008389935828745365, + 449.15625, + 11.927083015441895, + 0.025992244482040405, + 465.6145935058594, + 36.61458206176758, + 0.6914640665054321, + 457.3854064941406, + 160.0520782470703, + 0.7372018694877625, + 589.0520629882812, + 85.98958587646484, + 0.9100066423416138, + 564.3645629882812, + 398.6979064941406, + 0.9204759001731873, + 720.71875, + 61.30208206176758, + 0.94359290599823, + 786.5520629882812, + 390.46875, + 0.923607587814331, + 597.28125, + 234.1145782470703, + 0.85843825340271, + 605.5104370117188, + 332.8645935058594, + 0.7324484586715698, + 770.09375, + 201.1979217529297, + 0.9560928344726562, + 827.6979370117188, + 299.9479064941406, + 0.7786471843719482, + 852.3854370117188, + 308.1770935058594, + 0.5682321190834045, + 893.53125, + 382.2395935058594, + 0.2026187777519226 + ], + "scale": [ + 3.950000047683716, + 5.266666412353516 + ], + "score": 0.768568883339564 + }, + { + "category_id": 1, + "center": [ + 629.0, + 234.5 + ], + "image_id": 21506038801, + "keypoints": [ + 556.7604370117188, + 17.78125, + 0.10119076818227768, + 549.15625, + 25.38541603088379, + 0.0016574687324464321, + 526.34375, + 25.38541603088379, + 0.02759522758424282, + 716.4479370117188, + 261.1145935058594, + 0.0065175434574484825, + 419.8854064941406, + 10.177083015441895, + 0.24741703271865845, + 480.71875, + 25.38541603088379, + 0.604952335357666, + 442.6979064941406, + 154.65625, + 0.7158969640731812, + 602.3854370117188, + 93.82291412353516, + 0.8770134449005127, + 541.5520629882812, + 413.1979064941406, + 0.8908798694610596, + 739.2604370117188, + 177.46875, + 0.8432741165161133, + 769.6770629882812, + 405.59375, + 0.8756270408630371, + 594.78125, + 230.6979217529297, + 0.7312135696411133, + 587.1770629882812, + 337.15625, + 0.7062134146690369, + 784.8854370117188, + 215.4895782470703, + 0.5760399103164673, + 845.71875, + 314.34375, + 0.7774008512496948, + 845.71875, + 314.34375, + 0.38695603609085083, + 952.1770629882812, + 466.4270935058594, + 0.09647022932767868 + ], + "scale": [ + 3.6500000953674316, + 4.866666793823242 + ], + "score": 0.6860737154881159 + }, + { + "category_id": 1, + "center": [ + 616.0, + 235.0 + ], + "image_id": 21506039201, + "keypoints": [ + 550.4791870117188, + -0.1041666641831398, + 0.14383481442928314, + 673.8125, + 15.3125, + 0.004498061258345842, + 535.0625, + 7.604166507720947, + 0.05053376406431198, + 712.3541870117188, + 238.8541717529297, + 0.004494807682931423, + 419.4375, + 7.604166507720947, + 0.3690481185913086, + 488.8125, + 23.02083396911621, + 0.6666868925094604, + 450.2708435058594, + 154.0625, + 0.715656042098999, + 612.1458129882812, + 61.5625, + 0.8988379240036011, + 535.0625, + 408.4375, + 0.9369346499443054, + 766.3125, + 53.85416793823242, + 0.8892449140548706, + 750.8958129882812, + 400.7291564941406, + 0.8639577627182007, + 596.7291870117188, + 231.1458282470703, + 0.8026208281517029, + 589.0208129882812, + 323.6458435058594, + 0.7619221210479736, + 766.3125, + 192.6041717529297, + 0.8282227516174316, + 843.3958129882812, + 315.9375, + 0.7917412519454956, + 843.3958129882812, + 323.6458435058594, + 0.5638773441314697, + 897.3541870117188, + 385.3125, + 0.10504850000143051 + ], + "scale": [ + 3.700000047683716, + 4.933333396911621 + ], + "score": 0.757395883401235 + }, + { + "category_id": 1, + "center": [ + 629.5, + 239.0 + ], + "image_id": 21506039501, + "keypoints": [ + 565.8606567382812, + -11.813801765441895, + 0.10834456235170364, + 648.2174682617188, + 422.4309997558594, + 0.002427822444587946, + 550.88671875, + 18.13411521911621, + 0.0299355611205101, + 423.6080627441406, + -4.326822757720947, + 0.004561445210129023, + 431.0950622558594, + 18.13411521911621, + 0.2399318367242813, + 483.50390625, + 33.10807418823242, + 0.5907793045043945, + 461.04296875, + 160.38671875, + 0.7572262287139893, + 603.2955932617188, + 85.51692962646484, + 0.8311968445777893, + 535.9127807617188, + 407.45703125, + 0.9032861590385437, + 753.03515625, + 152.8997344970703, + 0.8756007552146912, + 760.5221557617188, + 399.9700622558594, + 0.8798286318778992, + 595.80859375, + 227.76953125, + 0.702526330947876, + 588.3215942382812, + 332.5872497558594, + 0.6778579950332642, + 775.49609375, + 197.8216094970703, + 0.6691019535064697, + 842.87890625, + 317.61328125, + 0.8180649280548096, + 842.87890625, + 317.61328125, + 0.444466769695282, + 955.18359375, + 459.8658752441406, + 0.09212493151426315 + ], + "scale": [ + 3.59375, + 4.791666507720947 + ], + "score": 0.6991556448241075 + }, + { + "category_id": 1, + "center": [ + 635.5, + 225.0 + ], + "image_id": 21506041601, + "keypoints": [ + 544.30859375, + 22.79296875, + 0.007803722284734249, + 647.39453125, + 46.58203125, + 0.002837298670783639, + 663.25390625, + 117.94921875, + 0.005883648060262203, + 623.60546875, + 86.23046875, + 0.004133625887334347, + 480.87109375, + -0.99609375, + 0.020129913464188576, + 457.08203125, + 38.65234375, + 0.7591161727905273, + 457.08203125, + 165.52734375, + 0.7009330987930298, + 576.02734375, + 110.01953125, + 0.9355937242507935, + 591.88671875, + 395.48828125, + 0.8548770546913147, + 710.83203125, + 78.30078125, + 0.9525980353355408, + 805.98828125, + 387.55859375, + 0.9079495668411255, + 591.88671875, + 236.89453125, + 0.8122718930244446, + 591.88671875, + 332.05078125, + 0.8065119385719299, + 774.26953125, + 221.03515625, + 0.774260401725769, + 829.77734375, + 324.12109375, + 0.5339879989624023, + 877.35546875, + 324.12109375, + 0.44530877470970154, + 893.21484375, + 395.48828125, + 0.1345449686050415 + ], + "scale": [ + 3.8062500953674316, + 5.074999809265137 + ], + "score": 0.7712189690633253 + }, + { + "category_id": 1, + "center": [ + 621.0, + 216.5 + ], + "image_id": 21506045800, + "keypoints": [ + 603.4869995117188, + 381.1224060058594, + 0.007001902908086777, + 848.6693115234375, + 297.0599060058594, + 0.005914235487580299, + 554.4505004882812, + 339.0911560058594, + 0.006221504881978035, + 631.5078125, + 100.91405487060547, + 0.005252849776297808, + 484.3984375, + 16.851543426513672, + 0.00799093022942543, + 456.3775939941406, + 37.86717224121094, + 0.6390643119812012, + 456.3775939941406, + 142.9453125, + 0.631629228591919, + 575.4661254882812, + 114.92446899414062, + 0.9165326952934265, + 568.4609375, + 395.1328430175781, + 0.881279468536377, + 701.5598754882812, + 93.90884399414062, + 0.9347812533378601, + 715.5703125, + 332.0859375, + 0.9566729068756104, + 589.4765625, + 227.0078125, + 0.764836847782135, + 589.4765625, + 311.0703125, + 0.7229418754577637, + 764.6068115234375, + 198.9869842529297, + 0.7760965824127197, + 855.6744995117188, + 318.0755310058594, + 0.8850363492965698, + 862.6796875, + 297.0599060058594, + 0.422909140586853, + 897.7057495117188, + 332.0859375, + 0.07646085321903229 + ], + "scale": [ + 3.3625001907348633, + 4.483333110809326 + ], + "score": 0.7756164236502214 + }, + { + "category_id": 1, + "center": [ + 621.0, + 214.5 + ], + "image_id": 21506046800, + "keypoints": [ + 617.0676879882812, + 13.953125, + 0.020166568458080292, + 687.8489379882812, + 53.27604293823242, + 0.0018911199877038598, + 719.3073120117188, + 163.3802032470703, + 0.005130080506205559, + 679.984375, + 179.109375, + 0.007986278273165226, + 499.0989685058594, + 6.088541507720947, + 0.028963079676032066, + 451.9114685058594, + 29.68229103088379, + 0.7033202648162842, + 459.7760314941406, + 155.515625, + 0.703994631767273, + 577.7448120117188, + 116.19271087646484, + 0.8888737559318542, + 569.8801879882812, + 391.453125, + 0.9001882076263428, + 703.578125, + 84.734375, + 0.9214428663253784, + 711.4426879882812, + 328.5364685058594, + 0.9536073207855225, + 585.609375, + 226.296875, + 0.8262749910354614, + 593.4739379882812, + 320.671875, + 0.7420364022254944, + 750.765625, + 194.8385467529297, + 0.790633499622345, + 853.0051879882812, + 312.8072814941406, + 0.5494638681411743, + 845.140625, + 297.078125, + 0.5657753944396973, + 853.0051879882812, + 304.9427185058594, + 0.21790660917758942 + ], + "scale": [ + 3.7750000953674316, + 5.0333333015441895 + ], + "score": 0.7302931509912014 + }, + { + "category_id": 1, + "center": [ + 642.5, + 223.5 + ], + "image_id": 21506047700, + "keypoints": [ + 575.76171875, + 15.433576583862305, + 0.02112795040011406, + 654.27734375, + 54.69139099121094, + 0.0023106099106371403, + 669.98046875, + 117.50389862060547, + 0.004896803293377161, + 709.23828125, + 188.16796875, + 0.009892194531857967, + 512.94921875, + 15.433576583862305, + 0.059664081782102585, + 457.98828125, + 38.98826599121094, + 0.718429446220398, + 457.98828125, + 156.76171875, + 0.7050220370292664, + 575.76171875, + 117.50389862060547, + 0.9103195667266846, + 575.76171875, + 392.30859375, + 0.8517163395881653, + 709.23828125, + 86.09764862060547, + 0.9186401963233948, + 717.08984375, + 321.64453125, + 0.9792695045471191, + 591.46484375, + 235.27734375, + 0.777421772480011, + 607.16796875, + 329.49609375, + 0.6994422674179077, + 764.19921875, + 196.01953125, + 0.8431394100189209, + 858.41796875, + 313.79296875, + 0.6737163066864014, + 858.41796875, + 305.94140625, + 0.6700588464736938, + 889.82421875, + 360.90234375, + 0.16397033631801605 + ], + "scale": [ + 3.7687501907348633, + 5.025000095367432 + ], + "score": 0.7951977903192694 + }, + { + "category_id": 1, + "center": [ + 617.5, + 213.0 + ], + "image_id": 21506004801, + "keypoints": [ + 592.2981567382812, + -28.21746826171875, + 0.012236883863806725, + 822.71484375, + 303.00653076171875, + 0.0026493568439036608, + 570.6965942382812, + 22.186180114746094, + 0.004655460827052593, + 426.6861877441406, + -42.61851119995117, + 0.00469795148819685, + 448.2877502441406, + 7.785138130187988, + 0.7862522602081299, + 505.89190673828125, + 29.386703491210938, + 0.38328659534454346, + 426.6861877441406, + 158.99609375, + 0.700299859046936, + 613.8997192382812, + 50.98826599121094, + 0.08837451785802841, + 577.8971557617188, + 375.01171875, + 0.8601939082145691, + 664.3034057617188, + 22.186180114746094, + 0.2760966718196869, + 635.5012817382812, + 173.39712524414062, + 0.9213436841964722, + 606.69921875, + 202.19921875, + 0.5807235836982727, + 592.2981567382812, + 317.4075622558594, + 0.6266394257545471, + 786.7122802734375, + 194.9987030029297, + 0.7943893671035767, + 829.9154052734375, + 303.00653076171875, + 0.8848849534988403, + 844.31640625, + 310.20703125, + 0.40087684988975525, + 930.72265625, + 411.01434326171875, + 0.12270981073379517 + ], + "scale": [ + 3.4562501907348633, + 4.608333587646484 + ], + "score": 0.6559079235250299 + }, + { + "category_id": 1, + "center": [ + 610.5, + 220.5 + ], + "image_id": 21506048801, + "keypoints": [ + 553.56640625, + -3.4388020038604736, + 0.1295204907655716, + 675.0247192382812, + 4.15234375, + 0.006529670674353838, + 538.3840942382812, + -3.4388020038604736, + 0.04182850569486618, + 728.1627807617188, + 247.0690155029297, + 0.006467374972999096, + 454.8815002441406, + 4.15234375, + 0.3905998468399048, + 470.0638122558594, + 26.92578125, + 0.7087888717651367, + 454.8815002441406, + 155.9752655029297, + 0.6794251203536987, + 599.11328125, + 57.29036331176758, + 0.8940229415893555, + 576.33984375, + 391.30078125, + 0.8633041381835938, + 750.9362182617188, + 34.51692581176758, + 0.9543282985687256, + 720.5715942382812, + 322.98046875, + 0.8906738758087158, + 591.5221557617188, + 216.7044219970703, + 0.7837188839912415, + 583.9309692382812, + 307.7981872558594, + 0.7738980054855347, + 773.7096557617188, + 201.5221405029297, + 0.8785516023635864, + 857.2122192382812, + 307.7981872558594, + 0.8747069835662842, + 857.2122192382812, + 292.6158752441406, + 0.6567169427871704, + 766.1184692382812, + 201.5221405029297, + 0.05074170604348183 + ], + "scale": [ + 3.643749952316284, + 4.858333587646484 + ], + "score": 0.779061292608579 + }, + { + "category_id": 1, + "center": [ + 617.0, + 215.0 + ], + "image_id": 21506049601, + "keypoints": [ + 533.7448120117188, + 23.15104103088379, + 0.01826414279639721, + 874.0051879882812, + 312.734375, + 0.0031016941647976637, + 548.2239379882812, + 1.4322916269302368, + 0.006921969819813967, + 707.4948120117188, + 189.6614532470703, + 0.004295548424124718, + 468.5885314941406, + 23.15104103088379, + 0.056149885058403015, + 454.109375, + 15.911458015441895, + 0.592127799987793, + 454.109375, + 153.4635467529297, + 0.6827354431152344, + 569.9426879882812, + 8.671875, + 0.6375021934509277, + 569.9426879882812, + 385.1302185058594, + 0.9067434072494507, + 714.734375, + 8.671875, + 0.8412876725196838, + 714.734375, + 327.2135314941406, + 0.9423869848251343, + 591.6614379882812, + 211.3802032470703, + 0.7418332099914551, + 591.6614379882812, + 305.4947814941406, + 0.7275828123092651, + 765.4114379882812, + 196.9010467529297, + 0.7322768568992615, + 852.2864379882812, + 305.4947814941406, + 0.9082934260368347, + 830.5676879882812, + 298.2552185058594, + 0.5383546948432922, + 888.484375, + 348.9322814941406, + 0.09900138527154922 + ], + "scale": [ + 3.4749999046325684, + 4.633333206176758 + ], + "score": 0.7501022273843939 + }, + { + "category_id": 1, + "center": [ + 616.5, + 229.0 + ], + "image_id": 21506057201, + "keypoints": [ + 552.6393432617188, + 7.365885257720947, + 0.019277870655059814, + 838.1340942382812, + 307.88671875, + 0.0018922503804787993, + 552.6393432617188, + 7.365885257720947, + 0.0074767423793673515, + 710.4127807617188, + 195.19140625, + 0.006395323202013969, + 469.99609375, + 29.90494728088379, + 0.055359847843647, + 447.45703125, + 22.39192771911621, + 0.5454747080802917, + 462.4830627441406, + 142.6002655029297, + 0.6701419949531555, + 552.6393432617188, + 14.87890625, + 0.6892980337142944, + 552.6393432617188, + 398.04296875, + 0.8935097455978394, + 687.8737182617188, + 22.39192771911621, + 0.9305063486099243, + 763.00390625, + 390.5299377441406, + 0.9164543151855469, + 597.7174682617188, + 225.2434844970703, + 0.7787065505981445, + 590.2044067382812, + 322.9127502441406, + 0.7518798112869263, + 763.00390625, + 187.6783905029297, + 0.7739095687866211, + 845.6471557617188, + 315.3997497558594, + 0.8072267770767212, + 845.6471557617188, + 315.3997497558594, + 0.5719096660614014, + 943.31640625, + 450.6341247558594, + 0.06560841202735901 + ], + "scale": [ + 3.606250047683716, + 4.808333396911621 + ], + "score": 0.7571834109046243 + }, + { + "category_id": 1, + "center": [ + 624.0, + 201.0 + ], + "image_id": 21506057800, + "keypoints": [ + 575.0807495117188, + 1.559878945350647, + 0.04262653365731239, + 680.4453125, + -141.43492126464844, + 0.0020015903282910585, + 718.0755004882812, + 280.0234375, + 0.004872472491115332, + 590.1328125, + -21.018247604370117, + 0.0034721854608505964, + 462.1900939941406, + -21.018247604370117, + 0.02278910204768181, + 462.1900939941406, + 24.13800621032715, + 0.49193626642227173, + 447.13800048828125, + 114.45051574707031, + 0.7081892490386963, + 582.6067504882812, + 39.19009017944336, + 0.1052137017250061, + 672.9192504882812, + 257.4453125, + 0.9069995284080505, + 590.1328125, + 31.664047241210938, + 0.11942871659994125, + 808.3880615234375, + 91.87238311767578, + 0.9475580453872681, + 597.6588745117188, + 212.2890625, + 0.6755988597869873, + 597.6588745117188, + 317.6536560058594, + 0.751679539680481, + 785.8099365234375, + 219.8151092529297, + 0.7397717237472534, + 846.0182495117188, + 310.12762451171875, + 0.8897112607955933, + 853.5443115234375, + 317.6536560058594, + 0.4418572783470154, + 898.7005615234375, + 423.01824951171875, + 0.05710531026124954 + ], + "scale": [ + 3.6125001907348633, + 4.816666603088379 + ], + "score": 0.7281446390681796 + }, + { + "category_id": 1, + "center": [ + 644.0, + 228.5 + ], + "image_id": 21506059601, + "keypoints": [ + 585.796875, + 22.84895896911621, + 0.16962775588035583, + 601.3176879882812, + 30.609375, + 0.0034334941301494837, + 585.796875, + 22.84895896911621, + 0.06091107800602913, + 702.203125, + 193.578125, + 0.00769036402925849, + 531.4739379882812, + -0.4322916567325592, + 0.03851940110325813, + 469.390625, + 22.84895896911621, + 0.5526635646820068, + 461.6302185058594, + 154.7760467529297, + 0.6868383884429932, + 616.8385620117188, + 7.328125, + 0.13807708024978638, + 578.0364379882812, + 387.5885314941406, + 0.824488639831543, + 609.078125, + -0.4322916567325592, + 0.07095994800329208, + 795.328125, + 387.5885314941406, + 0.8598292469978333, + 601.3176879882812, + 232.3802032470703, + 0.8504270911216736, + 601.3176879882812, + 325.5052185058594, + 0.7693377137184143, + 772.046875, + 216.859375, + 0.8230348825454712, + 841.890625, + 309.984375, + 0.7653182744979858, + 857.4114379882812, + 317.7447814941406, + 0.5972418785095215, + 872.9323120117188, + 403.109375, + 0.10234783589839935 + ], + "scale": [ + 3.7249999046325684, + 4.9666666984558105 + ], + "score": 0.7476866311497159 + }, + { + "category_id": 1, + "center": [ + 614.5, + 230.5 + ], + "image_id": 21506006401, + "keypoints": [ + 625.80859375, + -44.67578125, + 0.006255611777305603, + 889.67578125, + 332.27734375, + 0.0021465886384248734, + 949.98828125, + 565.98828125, + 0.002533398801460862, + 422.25390625, + -37.13671875, + 0.003227618057280779, + 459.94921875, + 8.09765625, + 0.4637760519981384, + 505.18359375, + 30.71484375, + 0.44948017597198486, + 459.94921875, + 166.41796875, + 0.7654231190681458, + 633.34765625, + 30.71484375, + 0.09262220561504364, + 565.49609375, + 407.66796875, + 0.8716415762901306, + 731.35546875, + 8.09765625, + 0.48447343707084656, + 723.81640625, + 264.42578125, + 0.9547639489173889, + 603.19140625, + 226.73046875, + 0.7848365902900696, + 595.65234375, + 317.19921875, + 0.7297705411911011, + 769.05078125, + 211.65234375, + 0.5258848071098328, + 836.90234375, + 302.12109375, + 0.9011499285697937, + 844.44140625, + 294.58203125, + 0.35272639989852905, + 859.51953125, + 377.51171875, + 0.044407062232494354 + ], + "scale": [ + 3.6187500953674316, + 4.824999809265137 + ], + "score": 0.6621751433069055 + }, + { + "category_id": 1, + "center": [ + 640.5, + 233.0 + ], + "image_id": 21506066401, + "keypoints": [ + 543.33203125, + 27.003923416137695, + 0.009393896907567978, + 659.93359375, + 423.4491882324219, + 0.0031354401726275682, + 624.953125, + -124.57809448242188, + 0.002636702498421073, + 729.89453125, + 260.20703125, + 0.008024142123758793, + 481.14453125, + 27.003923416137695, + 0.034282274544239044, + 465.59765625, + 19.230485916137695, + 0.6013655066490173, + 457.82421875, + 159.15234375, + 0.6874369382858276, + 566.65234375, + 19.230485916137695, + 0.5220131874084473, + 566.65234375, + 392.35546875, + 0.8548405766487122, + 698.80078125, + 11.457049369812012, + 0.9501762986183167, + 784.30859375, + 407.90234375, + 0.8368697166442871, + 597.74609375, + 229.11328125, + 0.8182752132415771, + 605.51953125, + 330.16796875, + 0.7710598707199097, + 768.76171875, + 190.24609375, + 0.865564227104187, + 854.26953125, + 306.84765625, + 0.8567699193954468, + 854.26953125, + 314.62109375, + 0.5895519256591797, + 877.58984375, + 392.35546875, + 0.07607328146696091 + ], + "scale": [ + 3.7312498092651367, + 4.974999904632568 + ], + "score": 0.7594475800340826 + }, + { + "category_id": 1, + "center": [ + 647.0, + 223.0 + ], + "image_id": 21506069201, + "keypoints": [ + 555.9583129882812, + 13.208333015441895, + 0.013376032933592796, + 801.375, + 298.2083435058594, + 0.0017745289951562881, + 635.125, + -145.125, + 0.00323649519123137, + 706.375, + 187.375, + 0.007042856886982918, + 484.7083435058594, + 13.208333015441895, + 0.0529964417219162, + 468.875, + 21.125, + 0.6016280651092529, + 468.875, + 171.5416717529297, + 0.7118158340454102, + 571.7916870117188, + 13.208333015441895, + 0.5070337057113647, + 603.4583129882812, + 393.2083435058594, + 0.827115535736084, + 698.4583129882812, + 13.208333015441895, + 0.8992294669151306, + 817.2083129882812, + 377.375, + 0.8844690322875977, + 595.5416870117188, + 234.875, + 0.8441582322120667, + 603.4583129882812, + 329.875, + 0.7751654386520386, + 769.7083129882812, + 203.2083282470703, + 0.8414260745048523, + 840.9583129882812, + 329.875, + 0.4569537937641144, + 864.7083129882812, + 314.0416564941406, + 0.5703203678131104, + 896.375, + 377.375, + 0.11301176995038986 + ], + "scale": [ + 3.799999952316284, + 5.066666603088379 + ], + "score": 0.7199377769773657 + }, + { + "category_id": 1, + "center": [ + 646.0, + 226.0 + ], + "image_id": 21506070401, + "keypoints": [ + 634.7890625, + 409.1119689941406, + 0.005935104098170996, + 664.6848754882812, + 409.1119689941406, + 0.003278294112533331, + 844.0598754882812, + 394.1640625, + 0.004841681569814682, + 702.0546875, + 192.3671875, + 0.0067372568883001804, + 477.8359375, + 27.94010353088379, + 0.04411919787526131, + 470.3619689941406, + 20.46614646911621, + 0.5877834558486938, + 462.8880310058594, + 154.9973907470703, + 0.7315422296524048, + 560.0494995117188, + 20.46614646911621, + 0.7211840152740479, + 552.5755004882812, + 401.6380310058594, + 0.8794683814048767, + 694.5807495117188, + 20.46614646911621, + 0.9410306215286255, + 761.8463745117188, + 401.6380310058594, + 0.9207425117492676, + 597.4192504882812, + 229.7369842529297, + 0.8632487058639526, + 597.4192504882812, + 326.8984375, + 0.7476898431777954, + 769.3203125, + 214.7890625, + 0.8452989459037781, + 836.5859375, + 319.4244689941406, + 0.5714740753173828, + 859.0078125, + 319.4244689941406, + 0.5646125674247742, + 873.9557495117188, + 424.0599060058594, + 0.08065995573997498 + ], + "scale": [ + 3.5874998569488525, + 4.7833333015441895 + ], + "score": 0.7612795775586908 + }, + { + "category_id": 1, + "center": [ + 647.5, + 225.5 + ], + "image_id": 21506007201, + "keypoints": [ + 580.9830932617188, + 2.47265625, + 0.08692582696676254, + 667.0637817382812, + 417.2252502441406, + 0.0043934001587331295, + 557.5065307617188, + 25.94921875, + 0.007000466343015432, + 737.4934692382812, + 260.71484375, + 0.004316150210797787, + 408.8216247558594, + 10.298176765441895, + 0.45525431632995605, + 471.42578125, + 33.77473831176758, + 0.6220771074295044, + 447.94921875, + 166.80859375, + 0.7662992477416992, + 526.2044067382812, + 205.9362030029297, + 0.06842434406280518, + 565.33203125, + 385.9231872558594, + 0.8792033195495605, + 674.8893432617188, + 174.6341094970703, + 0.01686517708003521, + 792.2721557617188, + 401.57421875, + 0.8389047384262085, + 596.6340942382812, + 237.23828125, + 0.8267589807510376, + 596.6340942382812, + 338.9700622558594, + 0.7930177450180054, + 760.9700317382812, + 205.9362030029297, + 0.93669593334198, + 839.2252807617188, + 292.0169372558594, + 0.8762224912643433, + 847.05078125, + 307.66796875, + 0.5837981104850769, + 878.3528442382812, + 385.9231872558594, + 0.19783218204975128 + ], + "scale": [ + 3.7562501430511475, + 5.008333206176758 + ], + "score": 0.7578231990337372 + }, + { + "category_id": 1, + "center": [ + 621.5, + 232.5 + ], + "image_id": 21506084601, + "keypoints": [ + 543.43359375, + -16.56900978088379, + 0.010239868424832821, + 264.625, + 693.4635620117188, + 0.001597571768797934, + 892.8737182617188, + 332.87109375, + 0.00537739135324955, + 677.26171875, + 199.04296875, + 0.004971725400537252, + 469.0846252441406, + 35.47526168823242, + 0.013693626970052719, + 476.51953125, + 28.04036521911621, + 0.6087576150894165, + 446.7799377441406, + 139.5637969970703, + 0.6895289421081543, + 610.34765625, + 35.47526168823242, + 0.8564081192016602, + 550.8684692382812, + 407.2200622558594, + 0.9218260049819946, + 788.78515625, + 20.60546875, + 0.8679033517837524, + 766.48046875, + 429.5247497558594, + 0.9189544916152954, + 595.4778442382812, + 228.7825469970703, + 0.796501636505127, + 595.4778442382812, + 325.4361877441406, + 0.7665611505508423, + 766.48046875, + 199.04296875, + 0.7735098600387573, + 848.2643432617188, + 310.56640625, + 0.8806135058403015, + 848.2643432617188, + 310.56640625, + 0.5599378347396851, + 855.69921875, + 429.5247497558594, + 0.07222534716129303 + ], + "scale": [ + 3.5687499046325684, + 4.758333206176758 + ], + "score": 0.7855002284049988 + }, + { + "category_id": 1, + "center": [ + 617.0, + 234.0 + ], + "image_id": 21506085201, + "keypoints": [ + 536.609375, + 38.76560974121094, + 0.04262619838118553, + 850.515625, + 360.328125, + 0.002311138203367591, + 536.609375, + 38.76560974121094, + 0.01043825875967741, + 705.046875, + 260.796875, + 0.005154103506356478, + 460.046875, + 31.109357833862305, + 0.030863165855407715, + 475.359375, + 31.109357833862305, + 0.6322211623191833, + 452.390625, + 153.609375, + 0.7260146737098694, + 605.515625, + 46.42185974121094, + 0.8459872007369995, + 551.921875, + 406.265625, + 0.9034888744354248, + 758.640625, + 15.796856880187988, + 0.8435399532318115, + 766.296875, + 429.2344055175781, + 0.9277677536010742, + 590.203125, + 230.171875, + 0.7903926968574524, + 590.203125, + 329.703125, + 0.8078625202178955, + 766.296875, + 199.546875, + 0.8095906972885132, + 842.859375, + 306.734375, + 0.8797470331192017, + 850.515625, + 299.078125, + 0.5399633049964905, + 888.796875, + 375.640625, + 0.07026168704032898 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.7915068973194469 + }, + { + "category_id": 1, + "center": [ + 629.5, + 212.0 + ], + "image_id": 21506085601, + "keypoints": [ + 656.98046875, + 82.44921112060547, + 0.008038743399083614, + 672.68359375, + 74.59764862060547, + 0.002881709486246109, + 837.56640625, + 302.29296875, + 0.00450335955247283, + 468.54296875, + -51.027366638183594, + 0.0022025154903531075, + 476.39453125, + -19.621112823486328, + 0.01583346724510193, + 452.83984375, + 27.488265991210938, + 0.6669631004333496, + 452.83984375, + 145.26171875, + 0.6912974119186401, + 547.05859375, + 129.55859375, + 0.8275291919708252, + 633.42578125, + 341.55078125, + 0.911896824836731, + 672.68359375, + 153.11328125, + 0.9565564393997192, + 782.60546875, + 200.22265625, + 0.8733987808227539, + 602.01953125, + 231.62890625, + 0.6829556226730347, + 594.16796875, + 325.84765625, + 0.7004619836807251, + 782.60546875, + 200.22265625, + 0.6946389079093933, + 845.41796875, + 310.14453125, + 0.9437533617019653, + 853.26953125, + 317.99609375, + 0.42434316873550415, + 900.37890625, + 427.9179992675781, + 0.06878785789012909 + ], + "scale": [ + 3.7687501907348633, + 5.025000095367432 + ], + "score": 0.761254072189331 + }, + { + "category_id": 1, + "center": [ + 629.0, + 208.0 + ], + "image_id": 21506087700, + "keypoints": [ + 570.6015625, + -29.48697853088379, + 0.01886817067861557, + 967.7109375, + 550.6041870117188, + 0.0013924140948802233, + 617.3203125, + -146.2838592529297, + 0.0030987735372036695, + 414.8724060058594, + -52.84635543823242, + 0.0021310891024768353, + 446.0182189941406, + -21.70052146911621, + 0.034239668399095535, + 469.3775939941406, + 40.59114456176758, + 0.4569086730480194, + 477.1640625, + 110.66927337646484, + 0.6777215003967285, + 601.7473754882812, + 118.45572662353516, + 0.2953397035598755, + 695.1848754882812, + 180.7473907470703, + 0.8732739090919495, + 687.3984375, + 235.2526092529297, + 0.6611957550048828, + 726.3307495117188, + 95.09635162353516, + 0.907903254032135, + 601.7473754882812, + 219.6796875, + 0.7685141563415527, + 593.9609375, + 320.9036560058594, + 0.703441858291626, + 773.0494995117188, + 219.6796875, + 0.8990098237991333, + 850.9140625, + 313.1171875, + 0.877996563911438, + 850.9140625, + 297.5442810058594, + 0.5292235612869263, + 913.2057495117188, + 352.0494689941406, + 0.04934999346733093 + ], + "scale": [ + 3.737499952316284, + 4.983333587646484 + ], + "score": 0.6955026144331152 + }, + { + "category_id": 1, + "center": [ + 616.5, + 201.0 + ], + "image_id": 21506088000, + "keypoints": [ + 781.44140625, + 124.02733612060547, + 0.013471482321619987, + 884.0716552734375, + 607.8555297851562, + 0.006901052314788103, + 935.38671875, + 527.2174682617188, + 0.004347517155110836, + 466.22003173828125, + -44.57944869995117, + 0.0019035064615309238, + 458.8893127441406, + -15.256528854370117, + 0.02265562117099762, + 458.8893127441406, + 43.38930892944336, + 0.44240111112594604, + 473.55078125, + 109.36587524414062, + 0.6353374719619751, + 598.1731567382812, + 160.6809844970703, + 0.40999454259872437, + 693.47265625, + 175.3424530029297, + 0.7939310073852539, + 686.1419067382812, + 248.64974975585938, + 0.8154253959655762, + 730.1262817382812, + 80.04296112060547, + 0.883406400680542, + 605.50390625, + 233.98828125, + 0.6428955793380737, + 612.8346557617188, + 321.95703125, + 0.7633761763572693, + 766.7799682617188, + 211.99609375, + 0.910429835319519, + 840.0872802734375, + 307.29559326171875, + 0.8527529835700989, + 847.41796875, + 314.6263122558594, + 0.5048640966415405, + 891.40234375, + 365.94140625, + 0.04861890524625778 + ], + "scale": [ + 3.5187501907348633, + 4.691666603088379 + ], + "score": 0.6958922364495017 + }, + { + "category_id": 1, + "center": [ + 622.5, + 211.5 + ], + "image_id": 21506088300, + "keypoints": [ + 567.51953125, + -12.087259292602539, + 0.021279722452163696, + 270.6249694824219, + 666.0052490234375, + 0.002928196219727397, + 941.38671875, + 537.7174682617188, + 0.005319878458976746, + 479.55078125, + -34.07944869995117, + 0.002169437240809202, + 472.22003173828125, + 17.235660552978516, + 0.05303501337766647, + 472.22003173828125, + 31.897119522094727, + 0.4806385934352875, + 464.8893127441406, + 119.86587524414062, + 0.7140539884567261, + 611.50390625, + 149.1887969970703, + 0.1912042200565338, + 699.47265625, + 185.8424530029297, + 0.8779382705688477, + 684.8112182617188, + 244.48828125, + 0.8001276850700378, + 794.7721557617188, + 39.227848052978516, + 0.9092233180999756, + 596.8424682617188, + 229.8268280029297, + 0.6301069259643555, + 604.1731567382812, + 317.79559326171875, + 0.690437912940979, + 772.7799682617188, + 229.8268280029297, + 0.7581417560577393, + 838.7565307617188, + 310.46484375, + 0.9127283096313477, + 853.41796875, + 317.79559326171875, + 0.3553450405597687, + 959.7135620117188, + 431.4219055175781, + 0.07106903195381165 + ], + "scale": [ + 3.5187501907348633, + 4.691666603088379 + ], + "score": 0.7128741800785064 + }, + { + "category_id": 1, + "center": [ + 630.0, + 207.0 + ], + "image_id": 21506088600, + "keypoints": [ + 564.4791870117188, + 2.7291667461395264, + 0.23134039342403412, + 556.7708129882812, + -43.52083206176758, + 0.0071576181799173355, + 564.4791870117188, + -4.979166507720947, + 0.030904002487659454, + 533.6458129882812, + 10.4375, + 0.0020357449539005756, + 448.8541564941406, + 2.7291667461395264, + 0.10593219101428986, + 479.6875, + 33.5625, + 0.6087328195571899, + 464.2708435058594, + 141.4791717529297, + 0.7161622047424316, + 587.6041870117188, + 164.6041717529297, + 0.2988339066505432, + 656.9791870117188, + 311.0625, + 0.8784016370773315, + 672.3958129882812, + 218.5625, + 0.16108793020248413, + 811.1458129882812, + 187.7291717529297, + 0.8288943767547607, + 603.0208129882812, + 226.2708282470703, + 0.6995494961738586, + 595.3125, + 326.4791564941406, + 0.7475669384002686, + 788.0208129882812, + 195.4375, + 0.6776410341262817, + 841.9791870117188, + 311.0625, + 0.9064300656318665, + 849.6875, + 311.0625, + 0.36685657501220703, + 895.9375, + 418.9791564941406, + 0.06260986626148224 + ], + "scale": [ + 3.700000047683716, + 4.933333396911621 + ], + "score": 0.6327644952318885 + }, + { + "category_id": 1, + "center": [ + 614.0, + 216.5 + ], + "image_id": 21506089400, + "keypoints": [ + 572.3203125, + -7.0546875, + 0.12510550022125244, + 542.0078125, + -22.2109375, + 0.004796033259481192, + 557.1640625, + -14.6328125, + 0.021324142813682556, + 723.8828125, + 212.7109375, + 0.0037743933498859406, + 458.6484375, + -7.0546875, + 0.1816859245300293, + 473.8046875, + 38.4140625, + 0.6869188547134399, + 458.6484375, + 152.0859375, + 0.7039885520935059, + 564.7421875, + 144.5078125, + 0.7936142683029175, + 557.1640625, + 394.5859375, + 0.9234923124313354, + 678.4140625, + 174.8203125, + 0.9263092279434204, + 761.7734375, + 349.1171875, + 0.9605497717857361, + 602.6328125, + 220.2890625, + 0.827092170715332, + 587.4765625, + 311.2265625, + 0.7196052074432373, + 784.5078125, + 212.7109375, + 0.7692638635635376, + 807.2421875, + 296.0703125, + 0.3701300621032715, + 890.6015625, + 333.9609375, + 0.156022846698761, + 928.4921875, + 387.0078125, + 0.11731721460819244 + ], + "scale": [ + 3.637500047683716, + 4.850000381469727 + ], + "score": 0.7680964291095733 + }, + { + "category_id": 1, + "center": [ + 646.5, + 217.0 + ], + "image_id": 21506009000, + "keypoints": [ + 611.05078125, + 16.12109375, + 0.03308454155921936, + 666.1940307617188, + -7.51171875, + 0.006479077506810427, + 603.1731567382812, + 23.99869728088379, + 0.05508172884583473, + 571.6627807617188, + 8.243489265441895, + 0.010593589395284653, + 485.0091247558594, + 16.12109375, + 0.26016390323638916, + 477.1315002441406, + 23.99869728088379, + 0.6371473073959351, + 461.3763122558594, + 157.91796875, + 0.7632867693901062, + 595.2955932617188, + 8.243489265441895, + 0.513795018196106, + 563.78515625, + 386.3684997558594, + 0.8558835983276367, + 666.1940307617188, + 55.50911331176758, + 0.9077348709106445, + 729.21484375, + 244.5716094970703, + 0.939619243144989, + 595.2955932617188, + 220.9387969970703, + 0.6719869375228882, + 595.2955932617188, + 331.2252502441406, + 0.6444432735443115, + 776.48046875, + 197.3059844970703, + 0.6371376514434814, + 847.37890625, + 307.5924377441406, + 0.9024339318275452, + 847.37890625, + 307.5924377441406, + 0.4579932689666748, + 871.01171875, + 410.0013122558594, + 0.07852639257907867 + ], + "scale": [ + 3.78125, + 5.041666507720947 + ], + "score": 0.6826354811588923 + }, + { + "category_id": 1, + "center": [ + 637.0, + 200.5 + ], + "image_id": 21506121200, + "keypoints": [ + 577.4296875, + -33.80989456176758, + 0.023415887728333473, + 823.6536254882812, + 77.38802337646484, + 0.002412857487797737, + 609.2005004882812, + -25.8671875, + 0.005276958923786879, + 640.9713745117188, + 85.33072662353516, + 0.005094736814498901, + 450.3463439941406, + -2.0390625, + 0.029311180114746094, + 442.4036560058594, + 21.7890625, + 0.48578834533691406, + 466.2317810058594, + 132.9869842529297, + 0.770584762096405, + 569.4869995117188, + 21.7890625, + 0.5196592211723328, + 688.6276245117188, + 268.0130310058594, + 0.9398967623710632, + 696.5703125, + 29.73177146911621, + 0.8652339577674866, + 839.5390625, + 125.04427337646484, + 0.9145115613937378, + 593.3151245117188, + 212.4140625, + 0.5742776393890381, + 593.3151245117188, + 315.6692810058594, + 0.7348377704620361, + 775.9973754882812, + 188.5859375, + 0.5121970772743225, + 847.4817504882812, + 299.7838439941406, + 0.9149372577667236, + 855.4244995117188, + 307.7265625, + 0.3592914342880249, + 863.3671875, + 387.1536560058594, + 0.061985015869140625 + ], + "scale": [ + 3.8125, + 5.0833330154418945 + ], + "score": 0.690110526301644 + }, + { + "category_id": 1, + "center": [ + 653.0, + 219.0 + ], + "image_id": 21506146801, + "keypoints": [ + 552.7395629882812, + 6.447916507720947, + 0.2821100652217865, + 520.65625, + -17.61458396911621, + 0.009748794138431549, + 536.6979370117188, + -1.5729166269302368, + 0.1767731010913849, + 729.1979370117188, + 343.3229064941406, + 0.003295040689408779, + 440.4479064941406, + 6.447916507720947, + 0.2794915735721588, + 504.6145935058594, + 30.51041603088379, + 0.7280763387680054, + 456.4895935058594, + 158.84375, + 0.7649540901184082, + 624.9270629882812, + 70.61458587646484, + 0.9234516620635986, + 576.8020629882812, + 391.4479064941406, + 0.8944157361984253, + 777.3229370117188, + 70.61458587646484, + 0.8822557926177979, + 793.3645629882812, + 367.3854064941406, + 0.9575656652450562, + 600.8645629882812, + 231.03125, + 0.875, + 600.8645629882812, + 327.28125, + 0.7746021747589111, + 761.28125, + 198.9479217529297, + 0.8532942533493042, + 825.4479370117188, + 303.21875, + 0.5454235672950745, + 865.5520629882812, + 311.2395935058594, + 0.4153735637664795, + 889.6145629882812, + 407.4895935058594, + 0.18701624870300293 + ], + "scale": [ + 3.8499999046325684, + 5.133333206176758 + ], + "score": 0.7058472679211543 + }, + { + "category_id": 1, + "center": [ + 638.0, + 219.5 + ], + "image_id": 21506147201, + "keypoints": [ + 557.1015625, + 10.8671875, + 0.6686145067214966, + 540.0703125, + -23.1953125, + 0.018232502043247223, + 540.0703125, + 2.3515625, + 0.45420533418655396, + 506.0078125, + -31.7109375, + 0.002942789578810334, + 437.8828125, + 10.8671875, + 0.7290918827056885, + 488.9765625, + 36.4140625, + 0.6452414393424988, + 454.9140625, + 164.1484375, + 0.8085641860961914, + 608.1953125, + 78.9921875, + 0.8402173519134521, + 582.6484375, + 394.0703125, + 0.8665094375610352, + 752.9609375, + 147.1171875, + 0.8696160912513733, + 795.5390625, + 368.5234375, + 0.9445723295211792, + 591.1640625, + 232.2734375, + 0.7932143211364746, + 591.1640625, + 325.9453125, + 0.81683349609375, + 769.9921875, + 198.2109375, + 0.6911535263061523, + 821.0859375, + 300.3984375, + 0.6005840301513672, + 846.6328125, + 308.9140625, + 0.43108853697776794, + 889.2109375, + 394.0703125, + 0.14147166907787323 + ], + "scale": [ + 4.087500095367432, + 5.450000286102295 + ], + "score": 0.7256790335689273 + }, + { + "category_id": 1, + "center": [ + 628.5, + 220.0 + ], + "image_id": 21506147601, + "keypoints": [ + 560.8762817382812, + 9.173176765441895, + 0.04242262989282608, + 743.8580932617188, + 303.53515625, + 0.001646645599976182, + 552.9205932617188, + 9.173176765441895, + 0.007928370498120785, + 441.5403747558594, + 9.173176765441895, + 0.0026483687106519938, + 473.36328125, + 9.173176765441895, + 0.08440496772527695, + 473.36328125, + 25.08463478088379, + 0.6583065390586853, + 457.4518127441406, + 152.3762969970703, + 0.7071590423583984, + 584.7434692382812, + 80.77474212646484, + 0.8106033802032471, + 584.7434692382812, + 383.0924377441406, + 0.850653886795044, + 735.90234375, + 144.4205780029297, + 0.8292909264564514, + 807.50390625, + 367.1809997558594, + 0.9511827826499939, + 584.7434692382812, + 231.93359375, + 0.7170983552932739, + 592.69921875, + 327.40234375, + 0.779960036277771, + 767.7252807617188, + 192.1549530029297, + 0.7202398777008057, + 823.4153442382812, + 311.4908752441406, + 0.6930567026138306, + 847.2825317382812, + 303.53515625, + 0.39807289838790894, + 887.0612182617188, + 399.00390625, + 0.09117423743009567 + ], + "scale": [ + 3.8187501430511475, + 5.0916666984558105 + ], + "score": 0.7377840388904918 + }, + { + "category_id": 1, + "center": [ + 611.0, + 228.5 + ], + "image_id": 21506147901, + "keypoints": [ + 551.0130004882812, + 48.5390625, + 0.013058517128229141, + 826.2473754882812, + 330.8307189941406, + 0.002353641437366605, + 699.2161254882812, + 182.6276092529297, + 0.0059585231356322765, + 699.2161254882812, + 260.2578125, + 0.003624792443588376, + 663.9296875, + 83.82552337646484, + 0.015549506060779095, + 459.2682189941406, + 34.42448043823242, + 0.6119344830513, + 459.2682189941406, + 147.3411407470703, + 0.595421314239502, + 572.1848754882812, + 112.0546875, + 0.8852844834327698, + 536.8984375, + 408.4609375, + 0.917138397693634, + 713.3307495117188, + 76.76822662353516, + 0.8882572650909424, + 755.6744995117188, + 387.2890625, + 0.8646306991577148, + 586.2994995117188, + 232.0286407470703, + 0.7243236303329468, + 586.2994995117188, + 323.7734375, + 0.7776932716369629, + 762.7317504882812, + 203.7994842529297, + 0.8415324091911316, + 819.1901245117188, + 323.7734375, + 0.6458407640457153, + 854.4765625, + 330.8307189941406, + 0.5344402194023132, + 889.7630004882812, + 422.5755310058594, + 0.1359100341796875 + ], + "scale": [ + 3.387500047683716, + 4.516666412353516 + ], + "score": 0.7533179033886303 + }, + { + "category_id": 1, + "center": [ + 625.0, + 233.0 + ], + "image_id": 21506150001, + "keypoints": [ + 566.796875, + 27.34895896911621, + 0.01607467606663704, + 644.4010620117188, + 423.1302185058594, + 0.0019453729037195444, + 714.2448120117188, + 182.5572967529297, + 0.004958131816238165, + 683.203125, + 205.8385467529297, + 0.006452423986047506, + 473.671875, + 27.34895896911621, + 0.027438290417194366, + 465.9114685058594, + 35.109375, + 0.6520586013793945, + 458.1510314941406, + 167.0364532470703, + 0.6865327954292297, + 566.796875, + 128.234375, + 0.9218236804008484, + 543.515625, + 407.609375, + 0.9339843392372131, + 690.9635620117188, + 112.71353912353516, + 0.953045129776001, + 760.8073120117188, + 392.0885314941406, + 0.8840701580047607, + 590.078125, + 236.8802032470703, + 0.7427350282669067, + 590.078125, + 330.0052185058594, + 0.785527229309082, + 760.8073120117188, + 198.078125, + 0.8219515085220337, + 830.6510620117188, + 322.2447814941406, + 0.6431491374969482, + 853.9323120117188, + 322.2447814941406, + 0.5450050830841064, + 861.6926879882812, + 407.609375, + 0.14309534430503845 + ], + "scale": [ + 3.7249999046325684, + 4.9666666984558105 + ], + "score": 0.7790802446278658 + }, + { + "category_id": 1, + "center": [ + 634.5, + 224.5 + ], + "image_id": 21506150401, + "keypoints": [ + 574.44140625, + 12.29296875, + 0.017560413107275963, + 718.58203125, + 412.68359375, + 0.0009688803111203015, + 630.49609375, + 132.41015625, + 0.0034094140864908695, + 694.55859375, + 188.46484375, + 0.00504988431930542, + 470.33984375, + -11.73046875, + 0.026480017229914665, + 462.33203125, + 36.31640625, + 0.7078314423561096, + 454.32421875, + 156.43359375, + 0.7345825433731079, + 566.43359375, + 124.40234375, + 0.8864091634750366, + 590.45703125, + 380.65234375, + 0.864295482635498, + 694.55859375, + 100.37890625, + 0.9266040325164795, + 798.66015625, + 372.64453125, + 0.8809760212898254, + 590.45703125, + 228.50390625, + 0.8579539060592651, + 590.45703125, + 324.59765625, + 0.7588369250297546, + 758.62109375, + 220.49609375, + 0.7801060676574707, + 814.67578125, + 276.55078125, + 0.44954168796539307, + 870.73046875, + 316.58984375, + 0.4766068458557129, + 894.75390625, + 372.64453125, + 0.24668358266353607 + ], + "scale": [ + 3.84375, + 5.125 + ], + "score": 0.7142023084064325 + }, + { + "category_id": 1, + "center": [ + 625.5, + 230.0 + ], + "image_id": 21506151200, + "keypoints": [ + 549.9205932617188, + 82.81900787353516, + 0.009070820175111294, + 780.63671875, + 273.7565002441406, + 0.004248148296028376, + 716.9909057617188, + 178.2877655029297, + 0.0019287606701254845, + 716.9909057617188, + 257.8450622558594, + 0.00789314229041338, + 454.4518127441406, + -4.694010257720947, + 0.02448491007089615, + 462.4075622558594, + 35.08463668823242, + 0.7038694620132446, + 454.4518127441406, + 154.4205780029297, + 0.7006973028182983, + 565.83203125, + 122.59765625, + 0.864499032497406, + 581.7434692382812, + 393.0924377441406, + 0.8633571863174438, + 693.1237182617188, + 114.64192962646484, + 0.9409491419792175, + 788.5924682617188, + 393.0924377441406, + 0.8917789459228516, + 589.69921875, + 233.9778594970703, + 0.7955451011657715, + 589.69921875, + 329.4466247558594, + 0.8233072757720947, + 764.7252807617188, + 202.1549530029297, + 0.884440541267395, + 836.3268432617188, + 313.53515625, + 0.803318977355957, + 860.1940307617188, + 321.4908752441406, + 0.6957249641418457, + 907.9284057617188, + 377.1809997558594, + 0.1439553201198578 + ], + "scale": [ + 3.8187501430511475, + 5.0916666984558105 + ], + "score": 0.8152261755683206 + }, + { + "category_id": 1, + "center": [ + 643.0, + 227.0 + ], + "image_id": 21506153300, + "keypoints": [ + 582.6484375, + 21.8046875, + 0.024864695966243744, + 663.1171875, + 424.1484375, + 0.0044220928102731705, + 590.6953125, + 13.7578125, + 0.006929026450961828, + 711.3984375, + 190.7890625, + 0.008928480558097363, + 518.2734375, + 13.7578125, + 0.041639067232608795, + 453.8984375, + 29.8515625, + 0.6376529335975647, + 461.9453125, + 166.6484375, + 0.7143207788467407, + 566.5546875, + 126.4140625, + 0.8667696714401245, + 582.6484375, + 391.9609375, + 0.841094970703125, + 695.3046875, + 110.3203125, + 0.9087141752243042, + 791.8671875, + 400.0078125, + 0.8646401762962341, + 590.6953125, + 231.0234375, + 0.8754066228866577, + 598.7421875, + 327.5859375, + 0.8230092525482178, + 759.6796875, + 206.8828125, + 0.928758978843689, + 840.1484375, + 311.4921875, + 0.7490330934524536, + 848.1953125, + 311.4921875, + 0.6856751441955566, + 888.4296875, + 375.8671875, + 0.19978377223014832 + ], + "scale": [ + 3.862499952316284, + 5.149999618530273 + ], + "score": 0.808643254366788 + }, + { + "category_id": 1, + "center": [ + 634.5, + 224.5 + ], + "image_id": 21506153600, + "keypoints": [ + 574.63671875, + 12.98305606842041, + 0.047116100788116455, + 885.92578125, + 324.27215576171875, + 0.0016300654970109463, + 574.63671875, + 12.98305606842041, + 0.012135627679526806, + 694.36328125, + 196.5637969970703, + 0.006410574074834585, + 478.85546875, + 12.98305606842041, + 0.06468333303928375, + 454.91015625, + 36.92837142944336, + 0.6881463527679443, + 470.8736877441406, + 172.6184844970703, + 0.6998789310455322, + 566.6549682617188, + 124.72785949707031, + 0.8870974779129028, + 582.6184692382812, + 396.10809326171875, + 0.8658393621444702, + 694.36328125, + 108.76431274414062, + 0.9491713047027588, + 798.1263427734375, + 404.08984375, + 0.9232701063156128, + 590.6002807617188, + 236.47265625, + 0.7823530435562134, + 598.58203125, + 324.27215576171875, + 0.8022832870483398, + 750.2356567382812, + 204.5455780029297, + 0.912521243095398, + 838.03515625, + 308.30859375, + 0.7740642428398132, + 846.0169677734375, + 316.2903747558594, + 0.683330774307251, + 885.92578125, + 372.16278076171875, + 0.17238137125968933 + ], + "scale": [ + 3.8312501907348633, + 5.108333110809326 + ], + "score": 0.8152687387032942 + }, + { + "category_id": 1, + "center": [ + 633.5, + 231.0 + ], + "image_id": 21506154300, + "keypoints": [ + 573.44140625, + 18.79296875, + 0.07134484499692917, + 985.84375, + 583.34375, + 0.001369470963254571, + 573.44140625, + 26.80078125, + 0.01848922297358513, + 725.58984375, + 259.02734375, + 0.011554891243577003, + 461.33203125, + 2.77734375, + 0.04762936383485794, + 461.33203125, + 34.80859375, + 0.7237980365753174, + 453.32421875, + 162.93359375, + 0.7376292943954468, + 565.43359375, + 122.89453125, + 0.8676798939704895, + 581.44921875, + 395.16015625, + 0.8421908020973206, + 693.55859375, + 114.88671875, + 0.9340496063232422, + 789.65234375, + 403.16796875, + 0.8924741148948669, + 597.46484375, + 235.00390625, + 0.7696502804756165, + 597.46484375, + 331.09765625, + 0.8027955293655396, + 765.62890625, + 202.97265625, + 0.8598189949989319, + 837.69921875, + 315.08203125, + 0.6764240264892578, + 861.72265625, + 323.08984375, + 0.6469138264656067, + 909.76953125, + 379.14453125, + 0.14558082818984985 + ], + "scale": [ + 3.84375, + 5.125 + ], + "score": 0.7957658550956033 + }, + { + "category_id": 1, + "center": [ + 634.0, + 228.0 + ], + "image_id": 21506155000, + "keypoints": [ + 572.0859375, + 42.2578125, + 0.04106970131397247, + 704.1692504882812, + -155.8671875, + 0.0012080686865374446, + 572.0859375, + 17.4921875, + 0.011943507939577103, + 728.9348754882812, + 265.1484375, + 0.008433723822236061, + 473.0234375, + 9.236979484558105, + 0.07020924240350723, + 456.5130310058594, + 42.2578125, + 0.6915533542633057, + 473.0234375, + 174.3411407470703, + 0.6463975310325623, + 572.0859375, + 124.80989837646484, + 0.8870865702629089, + 588.5963745117188, + 397.2317810058594, + 0.8756243586540222, + 695.9140625, + 108.29947662353516, + 0.9193525314331055, + 794.9765625, + 397.2317810058594, + 0.909438967704773, + 596.8515625, + 240.3828125, + 0.7949686646461487, + 605.1067504882812, + 331.1900939941406, + 0.8194739818572998, + 753.7005004882812, + 207.3619842529297, + 0.8559409379959106, + 836.2526245117188, + 306.4244689941406, + 0.6309895515441895, + 861.0182495117188, + 314.6796875, + 0.5917989611625671, + 894.0390625, + 380.7213439941406, + 0.1606331169605255 + ], + "scale": [ + 3.9625000953674316, + 5.283332824707031 + ], + "score": 0.7838750373233448 + }, + { + "category_id": 1, + "center": [ + 665.5, + 235.5 + ], + "image_id": 21506155300, + "keypoints": [ + 587.6940307617188, + 18.46224021911621, + 0.021032851189374924, + 685.9752807617188, + 436.1575622558594, + 0.004755421541631222, + 595.8840942382812, + 18.46224021911621, + 0.003920652903616428, + 661.4049682617188, + 198.64453125, + 0.009030376560986042, + 456.65234375, + 10.272135734558105, + 0.06872706860303879, + 464.8424377441406, + 34.84244918823242, + 0.7095011472702026, + 473.0325622558594, + 174.07421875, + 0.7248245477676392, + 571.3137817382812, + 124.93359375, + 0.8799475431442261, + 587.6940307617188, + 395.20703125, + 0.8979533910751343, + 694.1653442382812, + 108.55338287353516, + 0.9258111119270325, + 792.4465942382812, + 395.20703125, + 0.9897579550743103, + 595.8840942382812, + 239.5950469970703, + 0.8871867656707764, + 604.07421875, + 329.6861877441406, + 0.7919491529464722, + 759.6862182617188, + 206.8346405029297, + 0.8828907608985901, + 841.5872192382812, + 313.3059997558594, + 0.671625018119812, + 857.9674682617188, + 313.3059997558594, + 0.6188482046127319, + 890.7278442382812, + 387.0169372558594, + 0.24093544483184814 + ], + "scale": [ + 3.9312500953674316, + 5.241666316986084 + ], + "score": 0.7684359202782313 + }, + { + "category_id": 1, + "center": [ + 631.0, + 225.0 + ], + "image_id": 21506155601, + "keypoints": [ + 565.0364379882812, + 19.34895896911621, + 0.03393220901489258, + 852.171875, + 399.609375, + 0.0019225599244236946, + 572.796875, + 19.34895896911621, + 0.006521019618958235, + 689.203125, + 190.078125, + 0.007576475385576487, + 479.671875, + 11.588541984558105, + 0.052279964089393616, + 456.390625, + 34.86979293823242, + 0.7153048515319824, + 464.1510314941406, + 151.2760467529297, + 0.6626574397087097, + 572.796875, + 120.234375, + 0.910110354423523, + 580.5573120117188, + 399.609375, + 0.8827348351478577, + 704.7239379882812, + 89.19271087646484, + 0.9259543418884277, + 790.0885620117188, + 399.609375, + 0.9443970322608948, + 596.078125, + 236.640625, + 0.789375901222229, + 603.8385620117188, + 329.765625, + 0.8374388813972473, + 766.8073120117188, + 205.5989532470703, + 0.8934805989265442, + 836.6510620117188, + 314.2447814941406, + 0.8403682708740234, + 852.171875, + 322.0052185058594, + 0.7659262418746948, + 867.6926879882812, + 399.609375, + 0.10772363841533661 + ], + "scale": [ + 3.7249999046325684, + 4.9666666984558105 + ], + "score": 0.8334317044778303 + }, + { + "category_id": 1, + "center": [ + 626.0, + 229.5 + ], + "image_id": 21506163900, + "keypoints": [ + 566.625, + -4.041666507720947, + 0.019048020243644714, + 867.4583129882812, + 352.2083435058594, + 0.004007492680102587, + 574.5416870117188, + 19.70833396911621, + 0.006274151150137186, + 724.9583129882812, + 193.875, + 0.006056707352399826, + 487.4583435058594, + 3.875, + 0.06766214966773987, + 463.7083435058594, + 27.625, + 0.5308647155761719, + 463.7083435058594, + 162.2083282470703, + 0.7445250749588013, + 550.7916870117188, + 27.625, + 0.024208689108490944, + 582.4583129882812, + 383.875, + 0.8675224781036377, + 732.875, + 11.791666984558105, + 0.08584532886743546, + 788.2916870117188, + 407.625, + 0.9013885259628296, + 598.2916870117188, + 225.5416717529297, + 0.8273270726203918, + 598.2916870117188, + 320.5416564941406, + 0.7691336870193481, + 772.4583129882812, + 201.7916717529297, + 0.9384801387786865, + 851.625, + 304.7083435058594, + 0.8866056203842163, + 851.625, + 304.7083435058594, + 0.5158785581588745, + 867.4583129882812, + 383.875, + 0.06014976277947426 + ], + "scale": [ + 3.799999952316284, + 5.066666603088379 + ], + "score": 0.7757473190625509 + }, + { + "category_id": 1, + "center": [ + 627.0, + 231.0 + ], + "image_id": 21506168401, + "keypoints": [ + 535.6588745117188, + 20.51822853088379, + 0.010589980520308018, + 781.8828125, + 274.6849060058594, + 0.00360635737888515, + 559.4869995117188, + -3.3098957538604736, + 0.005500469356775284, + 726.2838745117188, + 195.2578125, + 0.006418255623430014, + 503.8880310058594, + 20.51822853088379, + 0.05594414472579956, + 456.2317810058594, + 12.575520515441895, + 0.5717370510101318, + 464.1744689941406, + 163.4869842529297, + 0.7658817172050476, + 559.4869995117188, + 12.575520515441895, + 0.5320714712142944, + 583.3151245117188, + 393.8255310058594, + 0.8619202375411987, + 694.5130004882812, + 12.575520515441895, + 0.8978445529937744, + 797.7682495117188, + 393.8255310058594, + 0.8760555982589722, + 591.2578125, + 227.0286407470703, + 0.8014715909957886, + 599.2005004882812, + 322.3411560058594, + 0.7647795081138611, + 765.9973754882812, + 203.2005157470703, + 0.833395779132843, + 845.4244995117188, + 314.3984375, + 0.6296093463897705, + 853.3671875, + 322.3411560058594, + 0.614808201789856, + 901.0234375, + 377.9400939941406, + 0.1061171442270279 + ], + "scale": [ + 3.8125, + 5.0833330154418945 + ], + "score": 0.7408704595132307 + }, + { + "category_id": 1, + "center": [ + 613.0, + 228.0 + ], + "image_id": 21506169201, + "keypoints": [ + 568.5989379882812, + 14.067708015441895, + 0.09389310330152512, + 641.2551879882812, + 102.86978912353516, + 0.0053315977565944195, + 560.5260620117188, + 14.067708015441895, + 0.01494627445936203, + 730.0573120117188, + 223.9635467529297, + 0.002585694659501314, + 463.6510314941406, + -2.078125, + 0.10457263886928558, + 487.8697814941406, + 30.21354103088379, + 0.6901276111602783, + 447.5052185058594, + 135.1614532470703, + 0.7081838846206665, + 576.671875, + 143.234375, + 0.7692457437515259, + 584.7448120117188, + 385.421875, + 0.8243500590324402, + 681.6198120117188, + 167.453125, + 0.8917187452316284, + 794.640625, + 409.640625, + 0.8890131711959839, + 600.890625, + 223.9635467529297, + 0.8756451606750488, + 592.8176879882812, + 328.9114685058594, + 0.8304723501205444, + 778.4948120117188, + 207.8177032470703, + 0.8058706521987915, + 843.078125, + 304.6927185058594, + 0.7883063554763794, + 867.296875, + 312.765625, + 0.4885755777359009, + 907.6614379882812, + 385.421875, + 0.08759024739265442 + ], + "scale": [ + 3.875, + 5.166666507720947 + ], + "score": 0.7783190282908353 + }, + { + "category_id": 1, + "center": [ + 634.5, + 208.5 + ], + "image_id": 21506172401, + "keypoints": [ + 638.42578125, + -23.121112823486328, + 0.021341703832149506, + 795.45703125, + 393.01171875, + 0.001939880894497037, + 646.27734375, + 0.43357691168785095, + 0.007586092688143253, + 473.54296875, + 0.43357691168785095, + 0.0026011555455625057, + 473.54296875, + 0.43357691168785095, + 0.027470972388982773, + 473.54296875, + 8.285140037536621, + 0.3603688180446625, + 449.98828125, + 118.20702362060547, + 0.7616885900497437, + 591.31640625, + 0.43357691168785095, + 0.2723747491836548, + 669.83203125, + 235.98046875, + 0.9348711967468262, + 693.38671875, + 23.988265991210938, + 0.8509093523025513, + 630.57421875, + 39.69139099121094, + 0.7490717172622681, + 607.01953125, + 196.72265625, + 0.81876540184021, + 591.31640625, + 298.79296875, + 0.7425994873046875, + 764.05078125, + 196.72265625, + 0.8168572187423706, + 842.56640625, + 314.49609375, + 0.8482412099838257, + 850.41796875, + 306.64453125, + 0.5016700625419617, + 905.37890625, + 408.7148742675781, + 0.0466325581073761 + ], + "scale": [ + 3.7687501907348633, + 5.025000095367432 + ], + "score": 0.6961288912729784 + }, + { + "category_id": 1, + "center": [ + 624.0, + 199.0 + ], + "image_id": 21506176300, + "keypoints": [ + 674.78125, + 7.59375, + 0.026506582275032997, + 729.46875, + -47.09375, + 0.002250158926472068, + 651.34375, + -31.46875, + 0.01087117288261652, + 534.15625, + -62.71875, + 0.0015808946918696165, + 502.90625, + -8.03125, + 0.018441565334796906, + 495.09375, + 7.59375, + 0.33029207587242126, + 440.40625, + 109.15625, + 0.7160937786102295, + 588.84375, + -0.21875, + 0.18722549080848694, + 659.15625, + 257.59375, + 0.9485071897506714, + 706.03125, + 23.21875, + 0.8192514181137085, + 643.53125, + 54.46875, + 0.836872398853302, + 604.46875, + 195.09375, + 0.8120806217193604, + 604.46875, + 320.09375, + 0.7462380528450012, + 776.34375, + 187.28125, + 0.8001495599746704, + 838.84375, + 304.46875, + 0.9401470422744751, + 854.46875, + 304.46875, + 0.484158992767334, + 916.96875, + 406.03125, + 0.06626822799444199 + ], + "scale": [ + 3.75, + 5.0 + ], + "score": 0.7433791130781173 + }, + { + "category_id": 1, + "center": [ + 617.5, + 220.0 + ], + "image_id": 21506181500, + "keypoints": [ + 563.10546875, + -1.2044271230697632, + 0.10355527698993683, + 679.1471557617188, + 13.30078125, + 0.004335401579737663, + 541.34765625, + 6.048177242279053, + 0.0414494052529335, + 708.1575317382812, + 245.3841094970703, + 0.007253337651491165, + 461.5690002441406, + 6.048177242279053, + 0.3461323380470276, + 483.3268127441406, + 27.80599021911621, + 0.690636157989502, + 454.31640625, + 158.3528594970703, + 0.7435358166694641, + 613.8737182617188, + 64.06900787353516, + 0.9112199544906616, + 555.8528442382812, + 397.6888122558594, + 0.8649205565452576, + 766.1784057617188, + 42.31119918823242, + 0.8835084438323975, + 773.4309692382812, + 375.9309997558594, + 0.915193498134613, + 599.3684692382812, + 230.87890625, + 0.693354606628418, + 592.1159057617188, + 325.1627502441406, + 0.7927626371383667, + 766.1784057617188, + 194.6158905029297, + 0.8435081243515015, + 831.4518432617188, + 317.91015625, + 0.772064745426178, + 845.95703125, + 325.1627502441406, + 0.4332504868507385, + 932.98828125, + 441.2044372558594, + 0.16681067645549774 + ], + "scale": [ + 3.481250047683716, + 4.641666889190674 + ], + "score": 0.7408406138420105 + }, + { + "category_id": 1, + "center": [ + 613.0, + 223.0 + ], + "image_id": 21506182801, + "keypoints": [ + 541.2551879882812, + 30.421875, + 0.0073934500105679035, + 684.7448120117188, + 68.18228912353516, + 0.0027795361820608377, + 526.1510620117188, + 355.1614685058594, + 0.002284844871610403, + 669.640625, + 196.5677032470703, + 0.006047079339623451, + 458.1822814941406, + 0.2135416716337204, + 0.018531790003180504, + 458.1822814941406, + 30.421875, + 0.6713014841079712, + 458.1822814941406, + 158.8072967529297, + 0.7042281627655029, + 548.8073120117188, + 121.046875, + 0.8695240020751953, + 548.8073120117188, + 400.4739685058594, + 0.893897294998169, + 677.1926879882812, + 128.5989532470703, + 0.9006022214889526, + 767.8176879882812, + 377.8177185058594, + 0.935483455657959, + 586.5676879882812, + 226.7760467529297, + 0.6872600317001343, + 586.5676879882812, + 324.953125, + 0.7617815732955933, + 760.265625, + 204.1197967529297, + 0.8035811185836792, + 828.234375, + 332.5052185058594, + 0.5541716814041138, + 873.546875, + 317.4010314941406, + 0.49816834926605225, + 911.3073120117188, + 370.265625, + 0.10789194703102112 + ], + "scale": [ + 3.625, + 4.8333330154418945 + ], + "score": 0.7527272159403021 + }, + { + "category_id": 1, + "center": [ + 613.5, + 205.5 + ], + "image_id": 21506183900, + "keypoints": [ + 594.26171875, + -113.85546875, + 0.005889569409191608, + 244.125, + 682.609375, + 0.0016226771986111999, + 709.69140625, + 247.82421875, + 0.004597586579620838, + 401.87890625, + -52.29296875, + 0.0012848279438912868, + 432.66015625, + -21.51171875, + 0.019123483449220657, + 478.83203125, + 32.35546875, + 0.6327059268951416, + 432.66015625, + 117.00390625, + 0.7538228631019592, + 586.56640625, + 117.00390625, + 0.15630778670310974, + 678.91015625, + 247.82421875, + 0.8923658132553101, + 732.77734375, + 170.87109375, + 0.13391070067882538, + 825.12109375, + 109.30859375, + 0.9752737283706665, + 594.26171875, + 224.73828125, + 0.6670693159103394, + 586.56640625, + 324.77734375, + 0.6991742253303528, + 786.64453125, + 209.34765625, + 0.5299243927001953, + 840.51171875, + 317.08203125, + 0.9059034585952759, + 848.20703125, + 324.77734375, + 0.2954571843147278, + 902.07421875, + 401.73046875, + 0.03304632753133774 + ], + "scale": [ + 3.6937499046325684, + 4.925000190734863 + ], + "score": 0.705744100941552 + }, + { + "category_id": 1, + "center": [ + 638.0, + 214.0 + ], + "image_id": 21506184400, + "keypoints": [ + 569.8229370117188, + -30.63541603088379, + 0.004543105140328407, + 690.1354370117188, + -150.9479217529297, + 0.0036594909615814686, + 625.96875, + -158.96875, + 0.003692696802318096, + 417.4270935058594, + -54.69791793823242, + 0.0018810976762324572, + 449.5104064941406, + -22.61458396911621, + 0.015575191006064415, + 449.5104064941406, + 41.55208206176758, + 0.4805193245410919, + 449.5104064941406, + 129.78125, + 0.7620875835418701, + 617.9479370117188, + 137.8020782470703, + 0.13454653322696686, + 706.1770629882812, + 201.96875, + 0.901740550994873, + 706.1770629882812, + 169.8854217529297, + 0.1697680503129959, + 834.5104370117188, + 65.61458587646484, + 0.9184147119522095, + 609.9270629882812, + 218.0104217529297, + 0.6812081336975098, + 601.90625, + 314.2604064941406, + 0.7559922337532043, + 794.40625, + 218.0104217529297, + 0.6939553022384644, + 850.5520629882812, + 314.2604064941406, + 0.8142892122268677, + 858.5729370117188, + 322.28125, + 0.32749494910240173, + 922.7395629882812, + 434.5729064941406, + 0.04253720864653587 + ], + "scale": [ + 3.8499999046325684, + 5.133333206176758 + ], + "score": 0.7039668891164992 + }, + { + "category_id": 1, + "center": [ + 633.5, + 202.5 + ], + "image_id": 21506184801, + "keypoints": [ + 568.08984375, + -1.42578125, + 0.007965288124978542, + 895.140625, + 679.609375, + 0.0013757055858150125, + 621.95703125, + -155.33203125, + 0.0046575008891522884, + 429.57421875, + -55.29296875, + 0.0020485513377934694, + 452.66015625, + -24.51171875, + 0.015909280627965927, + 452.66015625, + 37.05078125, + 0.5522210597991943, + 460.35546875, + 137.08984375, + 0.7262613773345947, + 606.56640625, + 183.26171875, + 0.04713931307196617, + 698.91015625, + 229.43359375, + 0.8537734746932983, + 691.21484375, + 167.87109375, + 0.10176175832748413, + 837.42578125, + 90.91796875, + 0.9411495923995972, + 606.56640625, + 221.73828125, + 0.6133450269699097, + 598.87109375, + 321.77734375, + 0.7894576787948608, + 760.47265625, + 190.95703125, + 0.5524689555168152, + 845.12109375, + 321.77734375, + 0.8613019585609436, + 852.81640625, + 314.08203125, + 0.3130606710910797, + 883.59765625, + 383.33984375, + 0.0512050986289978 + ], + "scale": [ + 3.6937499046325684, + 4.925000190734863 + ], + "score": 0.6892266439066993 + }, + { + "category_id": 1, + "center": [ + 624.0, + 213.0 + ], + "image_id": 21506185100, + "keypoints": [ + 566.3828125, + 9.419270515441895, + 0.019319938495755196, + 658.5703125, + 86.2421875, + 0.00479506328701973, + 627.8411254882812, + 17.1015625, + 0.004328680224716663, + 627.8411254882812, + 63.1953125, + 0.003214562078937888, + 474.1953125, + -13.627604484558105, + 0.015976659953594208, + 451.1484375, + 47.83073043823242, + 0.6129767894744873, + 451.1484375, + 140.0182342529297, + 0.7585781812667847, + 558.7005004882812, + 155.3828125, + 0.6548775434494019, + 658.5703125, + 293.6640625, + 0.8496874570846558, + 658.5703125, + 170.7473907470703, + 0.8437224626541138, + 819.8984375, + 163.0651092529297, + 0.8574102520942688, + 597.1119995117188, + 232.2057342529297, + 0.6893141269683838, + 589.4296875, + 332.0755310058594, + 0.7942357063293457, + 766.1223754882812, + 224.5234375, + 0.5003551244735718, + 842.9453125, + 309.0286560058594, + 0.9571536779403687, + 858.3098754882812, + 309.0286560058594, + 0.33328181505203247, + 865.9921875, + 393.5338439941406, + 0.02861112356185913 + ], + "scale": [ + 3.6875, + 4.9166669845581055 + ], + "score": 0.7137811942534014 + }, + { + "category_id": 1, + "center": [ + 618.0, + 222.0 + ], + "image_id": 21506185400, + "keypoints": [ + 562.53125, + 3.8229167461395264, + 0.15274789929389954, + 547.7395629882812, + -18.36458396911621, + 0.004478012211620808, + 562.53125, + 11.21875, + 0.06101834401488304, + 703.0520629882812, + 255.28125, + 0.007403724826872349, + 473.78125, + 3.8229167461395264, + 0.24867361783981323, + 458.9895935058594, + 40.80208206176758, + 0.668307900428772, + 458.9895935058594, + 159.1354217529297, + 0.7722806334495544, + 555.1354370117188, + 129.5520782470703, + 0.8367438912391663, + 547.7395629882812, + 403.1979064941406, + 0.8730469346046448, + 673.46875, + 136.9479217529297, + 0.9123575091362, + 769.6145629882812, + 373.6145935058594, + 0.9283039569854736, + 592.1145629882812, + 218.3020782470703, + 0.7138440012931824, + 584.71875, + 321.84375, + 0.7624378204345703, + 762.21875, + 188.71875, + 0.8441702127456665, + 821.3854370117188, + 329.2395935058594, + 0.6061500310897827, + 873.15625, + 307.0520935058594, + 0.3188244104385376, + 958.2083129882812, + 414.2916564941406, + 0.10763329267501831 + ], + "scale": [ + 3.549999952316284, + 4.733333110809326 + ], + "score": 0.707095076640447 + }, + { + "category_id": 1, + "center": [ + 613.5, + 227.5 + ], + "image_id": 21506185700, + "keypoints": [ + 565.51171875, + 2.32421875, + 0.1141735315322876, + 838.67578125, + 319.78515625, + 0.007497195154428482, + 558.12890625, + -5.05859375, + 0.061727602034807205, + 705.78515625, + 253.33984375, + 0.006109350360929966, + 476.91796875, + 9.70703125, + 0.1400730311870575, + 484.30078125, + 39.23828125, + 0.6711593270301819, + 454.76953125, + 172.12890625, + 0.6687843799591064, + 617.19140625, + 83.53515625, + 0.8423550128936768, + 550.74609375, + 400.99609375, + 0.8913920521736145, + 750.08203125, + 46.62109375, + 0.9260274171829224, + 764.84765625, + 386.23046875, + 0.8972631692886353, + 587.66015625, + 223.80859375, + 0.7608692646026611, + 580.27734375, + 319.78515625, + 0.8002412915229797, + 772.23046875, + 194.27734375, + 0.864861011505127, + 831.29296875, + 327.16796875, + 0.8069840669631958, + 838.67578125, + 319.78515625, + 0.5095056891441345, + 934.65234375, + 452.67578125, + 0.17267608642578125 + ], + "scale": [ + 3.543750047683716, + 4.724999904632568 + ], + "score": 0.7854038802060214 + }, + { + "category_id": 1, + "center": [ + 630.5, + 224.0 + ], + "image_id": 21506187201, + "keypoints": [ + 557.39453125, + 12.37890625, + 0.21470926702022552, + 572.78515625, + -26.09765625, + 0.0059572444297373295, + 549.69921875, + 4.68359375, + 0.11311992257833481, + 457.35546875, + -49.18359375, + 0.0022406470961868763, + 441.96484375, + 4.68359375, + 0.48116838932037354, + 480.44140625, + 27.76953125, + 0.6384302973747253, + 449.66015625, + 166.28515625, + 0.7226881980895996, + 611.26171875, + 73.94140625, + 0.833644688129425, + 580.48046875, + 397.14453125, + 0.8872883319854736, + 772.86328125, + 112.41796875, + 0.8072786331176758, + 803.64453125, + 366.36328125, + 0.973801851272583, + 595.87109375, + 227.84765625, + 0.7742289304733276, + 595.87109375, + 327.88671875, + 0.8169878721237183, + 788.25390625, + 227.84765625, + 0.8077311515808105, + 834.42578125, + 327.88671875, + 0.442316472530365, + 880.59765625, + 327.88671875, + 0.3386157155036926, + 919.07421875, + 404.83984375, + 0.09300221502780914 + ], + "scale": [ + 3.6937499046325684, + 4.925000190734863 + ], + "score": 0.6722222921939996 + }, + { + "category_id": 1, + "center": [ + 639.0, + 220.0 + ], + "image_id": 21506189601, + "keypoints": [ + 575.6926879882812, + 15.1823091506958, + 0.006587819196283817, + 791.6822509765625, + 320.546875, + 0.0023962196428328753, + 642.7239379882812, + 0.28647708892822266, + 0.00273792608641088, + 694.859375, + 193.9322967529297, + 0.0066180117428302765, + 493.765625, + 22.630226135253906, + 0.05770271643996239, + 486.3177185058594, + 22.630226135253906, + 0.5715204477310181, + 463.9739685058594, + 156.69271850585938, + 0.6949940323829651, + 605.484375, + 30.078140258789062, + 0.7485580444335938, + 575.6926879882812, + 387.578125, + 0.8796926736831665, + 754.4426879882812, + 44.97397232055664, + 0.9233437776565552, + 791.6822509765625, + 380.13018798828125, + 0.9133744835853577, + 598.0364379882812, + 231.171875, + 0.7854249477386475, + 598.0364379882812, + 320.546875, + 0.80277419090271, + 769.3385009765625, + 193.9322967529297, + 0.8217174410820007, + 836.3697509765625, + 320.546875, + 0.7000625133514404, + 851.265625, + 320.546875, + 0.47878366708755493, + 895.953125, + 387.578125, + 0.06092548742890358 + ], + "scale": [ + 3.5749998092651367, + 4.766666412353516 + ], + "score": 0.7563860199668191 + }, + { + "category_id": 1, + "center": [ + 630.5, + 207.0 + ], + "image_id": 21506223601, + "keypoints": [ + 566.6393432617188, + -14.634114265441895, + 0.024726178497076035, + 976.0989379882812, + 537.5729370117188, + 0.0018912372179329395, + 574.15234375, + -7.12109375, + 0.009622297249734402, + 664.30859375, + 105.57421875, + 0.005879484117031097, + 468.9700622558594, + 7.904947757720947, + 0.08831170946359634, + 453.9440002441406, + 22.93099021911621, + 0.5283136367797852, + 468.9700622558594, + 150.65234375, + 0.7424156665802002, + 559.1262817382812, + 7.904947757720947, + 0.6940146088600159, + 671.8215942382812, + 293.3997497558594, + 0.9307082891464233, + 686.84765625, + 22.93099021911621, + 0.9303871989250183, + 822.08203125, + 150.65234375, + 0.8942655324935913, + 581.6653442382812, + 225.7825469970703, + 0.5026185512542725, + 589.1784057617188, + 323.4518127441406, + 0.6994768977165222, + 769.4909057617188, + 218.26953125, + 0.4625409245491028, + 844.62109375, + 308.42578125, + 0.8670622110366821, + 852.1340942382812, + 300.9127502441406, + 0.33016717433929443, + 867.16015625, + 383.5559997558594, + 0.04338090866804123 + ], + "scale": [ + 3.606250047683716, + 4.808333396911621 + ], + "score": 0.6892700628800825 + }, + { + "category_id": 1, + "center": [ + 618.5, + 207.5 + ], + "image_id": 21506224001, + "keypoints": [ + 584.22265625, + -17.20703125, + 0.10298175364732742, + 637.54296875, + -1.97265625, + 0.0070536015555262566, + 568.98828125, + 5.64453125, + 0.060242027044296265, + 622.30859375, + 36.11328125, + 0.004495381377637386, + 454.73046875, + 5.64453125, + 0.3616587519645691, + 462.34765625, + 20.87890625, + 0.5541993975639343, + 469.96484375, + 165.60546875, + 0.7649048566818237, + 576.60546875, + 13.26171875, + 0.6855558156967163, + 607.07421875, + 348.41796875, + 0.8136803507804871, + 698.48046875, + 43.73046875, + 0.9224610328674316, + 774.65234375, + 226.54296875, + 0.9211233258247375, + 591.83984375, + 218.92578125, + 0.7686702013015747, + 599.45703125, + 310.33203125, + 0.6769353151321411, + 774.65234375, + 188.45703125, + 0.7427107095718384, + 843.20703125, + 310.33203125, + 0.860858142375946, + 850.82421875, + 310.33203125, + 0.29100775718688965, + 873.67578125, + 378.88671875, + 0.05163052678108215 + ], + "scale": [ + 3.65625, + 4.875 + ], + "score": 0.6969804714123408 + }, + { + "category_id": 1, + "center": [ + 629.5, + 229.5 + ], + "image_id": 21506224700, + "keypoints": [ + 556.1471557617188, + 32.60546875, + 0.02754204347729683, + 648.8034057617188, + 418.6731872558594, + 0.0028971335850656033, + 571.58984375, + 24.88411521911621, + 0.008113659918308258, + 625.6393432617188, + 55.76953125, + 0.01201796717941761, + 471.2122497558594, + 24.88411521911621, + 0.051224686205387115, + 463.4908752441406, + 32.60546875, + 0.6252502799034119, + 455.76953125, + 163.8684844970703, + 0.7072299718856812, + 587.0325317382812, + 17.16275978088379, + 0.8222283124923706, + 540.7044067382812, + 403.23046875, + 0.9121333360671997, + 710.57421875, + 40.32682418823242, + 0.9075566530227661, + 764.6237182617188, + 395.5091247558594, + 0.8883321285247803, + 594.75390625, + 225.6393280029297, + 0.8256725072860718, + 594.75390625, + 326.0169372558594, + 0.7754549980163574, + 780.06640625, + 217.91796875, + 0.7252898216247559, + 841.8372192382812, + 326.0169372558594, + 0.6635578870773315, + 849.55859375, + 318.2955627441406, + 0.529384970664978, + 934.4934692382812, + 410.9518127441406, + 0.09882815927267075 + ], + "scale": [ + 3.706249952316284, + 4.941666603088379 + ], + "score": 0.7620082605968822 + }, + { + "category_id": 1, + "center": [ + 621.0, + 226.0 + ], + "image_id": 21506225200, + "keypoints": [ + 559.4635620117188, + 12.432291984558105, + 0.20105446875095367, + 617.3801879882812, + 12.432291984558105, + 0.02574501931667328, + 544.984375, + 12.432291984558105, + 0.08161598443984985, + 711.4948120117188, + 193.421875, + 0.006151050329208374, + 450.8697814941406, + 12.432291984558105, + 0.10214288532733917, + 458.109375, + 26.91145896911621, + 0.5735718011856079, + 458.109375, + 178.9427032470703, + 0.6201481819152832, + 581.1823120117188, + 12.432291984558105, + 0.7546236515045166, + 552.2239379882812, + 403.3697814941406, + 0.8950715065002441, + 704.2551879882812, + 34.15104293823242, + 0.8535638451576233, + 769.4114379882812, + 367.171875, + 0.8688974380493164, + 588.421875, + 222.3802032470703, + 0.7943493723869324, + 588.421875, + 323.734375, + 0.7345867156982422, + 762.171875, + 200.6614532470703, + 0.7674989104270935, + 827.328125, + 330.9739685058594, + 0.7049792408943176, + 856.2864379882812, + 330.9739685058594, + 0.4647042155265808, + 892.484375, + 381.6510314941406, + 0.09217962622642517 + ], + "scale": [ + 3.4749999046325684, + 4.633333206176758 + ], + "score": 0.6860874456663927 + }, + { + "category_id": 1, + "center": [ + 628.5, + 199.5 + ], + "image_id": 21506240401, + "keypoints": [ + 555.6419067382812, + -3.7356770038604736, + 0.02434263750910759, + 655.3424682617188, + -34.41276168823242, + 0.0036396135110408068, + 616.99609375, + -157.12109375, + 0.004297655075788498, + 532.6340942382812, + -26.74349021911621, + 0.00314595689997077, + 432.93359375, + -26.74349021911621, + 0.06721199303865433, + 455.94140625, + 19.27213478088379, + 0.514878511428833, + 448.2721252441406, + 111.30338287353516, + 0.674020528793335, + 563.3112182617188, + 3.93359375, + 0.19651350378990173, + 716.6965942382812, + 218.6731719970703, + 0.891181230545044, + 693.6887817382812, + 11.602864265441895, + 0.3648340702056885, + 839.4049682617188, + 72.95703125, + 0.9060274362564087, + 601.6575317382812, + 211.00390625, + 0.7017679214477539, + 593.98828125, + 318.3736877441406, + 0.7415556907653809, + 770.3815307617188, + 211.00390625, + 0.5903005599975586, + 847.07421875, + 303.03515625, + 0.8927508592605591, + 847.07421875, + 310.7044372558594, + 0.3795558214187622, + 900.7590942382812, + 410.4049377441406, + 0.056812625378370285 + ], + "scale": [ + 3.6812498569488525, + 4.9083333015441895 + ], + "score": 0.6656872630119324 + }, + { + "category_id": 1, + "center": [ + 619.5, + 202.0 + ], + "image_id": 21506240700, + "keypoints": [ + 551.58984375, + 5.41796875, + 0.07568977028131485, + 673.11328125, + -1.73046875, + 0.00557958846911788, + 544.44140625, + 12.56640625, + 0.017819039523601532, + 687.41015625, + 55.45703125, + 0.0032441560178995132, + 437.21484375, + -1.73046875, + 0.10880231857299805, + 480.10546875, + 19.71484375, + 0.6728568077087402, + 458.66015625, + 134.08984375, + 0.7083675861358643, + 608.77734375, + 48.30859375, + 0.8726428747177124, + 587.33203125, + 355.69140625, + 0.8411275148391724, + 758.89453125, + 26.86328125, + 0.9205726385116577, + 730.30078125, + 248.46484375, + 0.9270974397659302, + 594.48046875, + 212.72265625, + 0.7118098735809326, + 601.62890625, + 305.65234375, + 0.7122947573661804, + 773.19140625, + 212.72265625, + 0.8189589977264404, + 844.67578125, + 305.65234375, + 0.8421597480773926, + 858.97265625, + 305.65234375, + 0.322115421295166, + 948.328125, + 416.453125, + 0.08167402446269989 + ], + "scale": [ + 3.4312498569488525, + 4.575000286102295 + ], + "score": 0.759091241793199 + }, + { + "category_id": 1, + "center": [ + 617.5, + 211.5 + ], + "image_id": 21506241000, + "keypoints": [ + 543.65234375, + -2.2695138454437256, + 0.20535847544670105, + 528.10546875, + -25.589824676513672, + 0.004111252725124359, + 512.55859375, + -10.042950630187988, + 0.04523344710469246, + 683.57421875, + 207.61328125, + 0.005170151125639677, + 419.2773742675781, + -2.2695138454437256, + 0.20637452602386475, + 489.23828125, + 36.59767150878906, + 0.6731387376785278, + 458.14453125, + 160.97265625, + 0.7775678038597107, + 574.74609375, + 106.55860137939453, + 0.8697786927223206, + 543.65234375, + 386.40234375, + 0.8872543573379517, + 683.57421875, + 168.74609375, + 0.9552689790725708, + 699.12109375, + 331.98828125, + 0.9575371742248535, + 605.83984375, + 207.61328125, + 0.7528731822967529, + 598.06640625, + 308.66796875, + 0.7650314569473267, + 776.85546875, + 199.83984375, + 0.7370599508285522, + 846.81640625, + 308.66796875, + 0.853656530380249, + 846.81640625, + 300.89453125, + 0.457457035779953, + 877.91015625, + 425.2695007324219, + 0.06831035017967224 + ], + "scale": [ + 3.7312498092651367, + 4.974999904632568 + ], + "score": 0.6998736078922565 + }, + { + "category_id": 1, + "center": [ + 628.5, + 220.0 + ], + "image_id": 21506241301, + "keypoints": [ + 558.1159057617188, + 23.66536521911621, + 0.27644234895706177, + 550.70703125, + 31.07421875, + 0.004480089992284775, + 550.70703125, + 16.25650978088379, + 0.1141875684261322, + 684.06640625, + 186.66015625, + 0.004868492484092712, + 461.80078125, + 23.66536521911621, + 0.12287445366382599, + 461.80078125, + 38.48307418823242, + 0.6534615755081177, + 461.80078125, + 149.6158905029297, + 0.7155413627624512, + 572.93359375, + 82.93619537353516, + 0.9219633340835571, + 558.1159057617188, + 386.69921875, + 0.9271423816680908, + 706.29296875, + 82.93619537353516, + 0.9079411029815674, + 698.8840942382812, + 327.4283752441406, + 0.9622637033462524, + 595.16015625, + 223.7044219970703, + 0.7495769262313843, + 595.16015625, + 312.6106872558594, + 0.7304390668869019, + 758.1549682617188, + 194.0690155029297, + 0.8564430475234985, + 847.0612182617188, + 305.2018127441406, + 0.8087421655654907, + 854.4700317382812, + 297.79296875, + 0.6383726596832275, + 891.5143432617188, + 349.6549377441406, + 0.10541027784347534 + ], + "scale": [ + 3.5562500953674316, + 4.741666793823242 + ], + "score": 0.7623608062664667 + }, + { + "category_id": 1, + "center": [ + 631.0, + 217.0 + ], + "image_id": 21506241601, + "keypoints": [ + 562.3801879882812, + 3.0677082538604736, + 0.15287931263446808, + 513.9426879882812, + -37.296875, + 0.003225433174520731, + 562.3801879882812, + 3.0677082538604736, + 0.030661512166261673, + 699.6198120117188, + 180.671875, + 0.006618771236389875, + 473.578125, + 3.0677082538604736, + 0.35033077001571655, + 465.5052185058594, + 35.359375, + 0.7062849402427673, + 457.4322814941406, + 148.3802032470703, + 0.7838155031204224, + 578.5260620117188, + 75.72396087646484, + 0.8957134485244751, + 546.234375, + 390.5677185058594, + 0.9141796827316284, + 707.6926879882812, + 67.65103912353516, + 0.9271426200866699, + 699.6198120117188, + 334.0572814941406, + 0.9782304763793945, + 586.5989379882812, + 229.109375, + 0.7974928617477417, + 594.671875, + 325.984375, + 0.741706371307373, + 756.1301879882812, + 188.7447967529297, + 0.7831192016601562, + 828.7864379882812, + 317.9114685058594, + 0.6024412512779236, + 844.9323120117188, + 309.8385314941406, + 0.6775530576705933, + 861.078125, + 358.2760314941406, + 0.340671181678772 + ], + "scale": [ + 3.875, + 5.166666507720947 + ], + "score": 0.7306677974187411 + }, + { + "category_id": 1, + "center": [ + 679.0, + 216.0 + ], + "image_id": 21506242401, + "keypoints": [ + 572.5546875, + 24.3984375, + 0.02015278860926628, + 776.9296875, + 262.8359375, + 0.002027328358963132, + 598.1015625, + 407.6015625, + 0.0025167157873511314, + 708.8046875, + 245.8046875, + 0.016564713791012764, + 461.8515625, + -9.6640625, + 0.024218540638685226, + 470.3671875, + 41.4296875, + 0.6941678524017334, + 453.3359375, + 152.1328125, + 0.8154182434082031, + 581.0703125, + 109.5546875, + 0.8946347236633301, + 547.0078125, + 390.5703125, + 0.9229788780212402, + 717.3203125, + 66.9765625, + 0.9118373394012451, + 700.2890625, + 339.4765625, + 0.9026285409927368, + 581.0703125, + 220.2578125, + 0.8599849939346313, + 581.0703125, + 313.9296875, + 0.6724998950958252, + 759.8984375, + 186.1953125, + 0.8082225322723389, + 768.4140625, + 211.7421875, + 0.49177315831184387, + 853.5703125, + 288.3828125, + 0.5584357380867004, + 887.6328125, + 347.9921875, + 0.41689440608024597 + ], + "scale": [ + 4.087500095367432, + 5.450000286102295 + ], + "score": 0.7457896918058395 + }, + { + "category_id": 1, + "center": [ + 624.5, + 221.0 + ], + "image_id": 21506245000, + "keypoints": [ + 553.8684692382812, + 16.54036521911621, + 0.04091854393482208, + 776.9153442382812, + 343.67578125, + 0.0013362793251872063, + 553.8684692382812, + 23.97525978088379, + 0.007521902676671743, + 680.26171875, + 157.8033905029297, + 0.004749689716845751, + 434.91015625, + 9.10546875, + 0.044119056314229965, + 457.21484375, + 38.84505081176758, + 0.703784704208374, + 434.91015625, + 150.3684844970703, + 0.6939368844032288, + 576.1731567382812, + 113.19400787353516, + 0.9155151844024658, + 576.1731567382812, + 395.7200622558594, + 0.866602897644043, + 717.4362182617188, + 76.01953125, + 0.9296308755874634, + 710.0012817382812, + 328.8059997558594, + 0.8975787162780762, + 583.6080932617188, + 232.15234375, + 0.7582254409790039, + 591.04296875, + 321.37109375, + 0.7433510422706604, + 762.0455932617188, + 194.9778594970703, + 0.805101752281189, + 851.2643432617188, + 313.9361877441406, + 0.8203189373016357, + 843.8294067382812, + 299.06640625, + 0.4906441271305084, + 866.1340942382812, + 358.5455627441406, + 0.05522596463561058 + ], + "scale": [ + 3.5687499046325684, + 4.758333206176758 + ], + "score": 0.7840627784078772 + }, + { + "category_id": 1, + "center": [ + 640.0, + 223.0 + ], + "image_id": 21506245600, + "keypoints": [ + 563.5546875, + 9.7578125, + 0.007224303670227528, + 644.0234375, + 114.3671875, + 0.00197282200679183, + 740.5859375, + 170.6953125, + 0.006067237351089716, + 708.3984375, + 194.8359375, + 0.004033979959785938, + 475.0390625, + -14.3828125, + 0.014202356338500977, + 466.9921875, + 33.8984375, + 0.7096752524375916, + 434.8046875, + 122.4140625, + 0.706369936466217, + 579.6484375, + 114.3671875, + 0.9119945764541626, + 579.6484375, + 396.0078125, + 0.856778621673584, + 716.4453125, + 74.1328125, + 0.9696297645568848, + 708.3984375, + 323.5859375, + 0.9606029987335205, + 587.6953125, + 235.0703125, + 0.811954140663147, + 603.7890625, + 331.6328125, + 0.7648519277572632, + 756.6796875, + 202.8828125, + 0.8882622122764587, + 845.1953125, + 315.5390625, + 0.844081461429596, + 845.1953125, + 307.4921875, + 0.6843839883804321, + 901.5234375, + 379.9140625, + 0.14348436892032623 + ], + "scale": [ + 3.862499952316284, + 5.149999618530273 + ], + "score": 0.8280531709844415 + }, + { + "category_id": 1, + "center": [ + 624.0, + 216.0 + ], + "image_id": 21506247100, + "keypoints": [ + 561.578125, + 28.734375, + 0.00900478009134531, + 873.6875, + 671.3125, + 0.001954773673787713, + 649.703125, + 116.859375, + 0.005539786536246538, + 686.421875, + 190.296875, + 0.005555968731641769, + 502.828125, + 21.390625, + 0.01875345967710018, + 451.421875, + 36.078125, + 0.592279314994812, + 451.421875, + 175.609375, + 0.6597423553466797, + 561.578125, + 138.890625, + 0.816146969795227, + 598.296875, + 381.234375, + 0.8607996702194214, + 693.765625, + 116.859375, + 0.8741850852966309, + 752.515625, + 263.734375, + 0.9428972601890564, + 590.953125, + 227.015625, + 0.7642616033554077, + 605.640625, + 315.140625, + 0.7222905158996582, + 759.859375, + 197.640625, + 0.7006072998046875, + 847.984375, + 307.796875, + 0.8395658135414124, + 840.640625, + 300.453125, + 0.3423728346824646, + 877.359375, + 373.890625, + 0.08398446440696716 + ], + "scale": [ + 3.5249998569488525, + 4.699999809265137 + ], + "score": 0.7377407930114053 + }, + { + "category_id": 1, + "center": [ + 606.0, + 216.0 + ], + "image_id": 21506247400, + "keypoints": [ + 579.6588745117188, + 16.559879302978516, + 0.012290876358747482, + 624.8151245117188, + 91.82030487060547, + 0.001643172581680119, + 820.4921875, + 317.6015625, + 0.004187615122646093, + 647.3932495117188, + 84.29425811767578, + 0.007764145266264677, + 489.3463439941406, + 16.559879302978516, + 0.02717152051627636, + 466.7682189941406, + 31.611963272094727, + 0.6048949360847473, + 466.7682189941406, + 159.5546875, + 0.7533085346221924, + 564.6067504882812, + 136.9765625, + 0.8149474859237671, + 579.6588745117188, + 400.3880310058594, + 0.9288419485092163, + 685.0234375, + 121.92446899414062, + 0.8379244804382324, + 707.6015625, + 317.6015625, + 0.9085674285888672, + 587.1848754882812, + 227.2890625, + 0.7712417840957642, + 594.7109375, + 317.6015625, + 0.6801760196685791, + 752.7578125, + 197.1848907470703, + 0.7696349024772644, + 835.5443115234375, + 317.6015625, + 0.758325457572937, + 835.5443115234375, + 302.54949951171875, + 0.3688438832759857, + 880.7005615234375, + 355.2317810058594, + 0.0792657658457756 + ], + "scale": [ + 3.6125001907348633, + 4.816666603088379 + ], + "score": 0.7451551692052321 + }, + { + "category_id": 1, + "center": [ + 614.5, + 223.0 + ], + "image_id": 21506248000, + "keypoints": [ + 559.71484375, + 7.51171875, + 0.02661789208650589, + 888.42578125, + 336.22265625, + 0.003327517304569483, + 574.32421875, + 7.51171875, + 0.009987719357013702, + 676.58984375, + 197.43359375, + 0.007974267937242985, + 486.66796875, + 14.81640625, + 0.05270042270421982, + 457.44921875, + 36.73046875, + 0.6533902883529663, + 457.44921875, + 160.91015625, + 0.7193347811698914, + 559.71484375, + 131.69140625, + 0.8639293909072876, + 581.62890625, + 394.66015625, + 0.8316026926040649, + 683.89453125, + 124.38671875, + 0.9227765798568726, + 713.11328125, + 321.61328125, + 0.9048184156417847, + 588.93359375, + 226.65234375, + 0.7674698829650879, + 596.23828125, + 321.61328125, + 0.7144532203674316, + 756.94140625, + 197.43359375, + 0.826614260673523, + 851.90234375, + 307.00390625, + 0.8403432965278625, + 859.20703125, + 299.69921875, + 0.4758649468421936, + 881.12109375, + 350.83203125, + 0.050649791955947876 + ], + "scale": [ + 3.5062501430511475, + 4.675000190734863 + ], + "score": 0.7745997959917242 + }, + { + "category_id": 1, + "center": [ + 641.5, + 219.0 + ], + "image_id": 21506249200, + "keypoints": [ + 582.41796875, + 18.12109375, + 0.01997198909521103, + 653.31640625, + 73.26432037353516, + 0.002523380797356367, + 842.37890625, + 301.71484375, + 0.01280010212212801, + 708.4596557617188, + 215.0612030029297, + 0.005744622554630041, + 456.3763122558594, + 10.243489265441895, + 0.025684431195259094, + 464.25390625, + 41.75390625, + 0.6875135898590088, + 456.3763122558594, + 167.7955780029297, + 0.7947381138801575, + 558.78515625, + 136.28515625, + 0.8467676639556885, + 574.5403442382812, + 388.3684997558594, + 0.9097896814346313, + 676.94921875, + 136.28515625, + 0.8981996178627014, + 708.4596557617188, + 317.4700622558594, + 0.9724247455596924, + 582.41796875, + 222.9387969970703, + 0.7665109634399414, + 598.1731567382812, + 317.4700622558594, + 0.7138360142707825, + 755.7252807617188, + 199.3059844970703, + 0.8438412547111511, + 842.37890625, + 317.4700622558594, + 0.6808881759643555, + 850.2565307617188, + 301.71484375, + 0.6640952825546265, + 889.64453125, + 356.8580627441406, + 0.13388632237911224 + ], + "scale": [ + 3.78125, + 5.041666507720947 + ], + "score": 0.7980550094084307 + }, + { + "category_id": 1, + "center": [ + 648.5, + 216.0 + ], + "image_id": 21506250001, + "keypoints": [ + 587.85546875, + 9.80859375, + 0.01726674474775791, + 668.71484375, + 74.49609375, + 0.0030387656297534704, + 676.80078125, + 98.75390625, + 0.0029021662194281816, + 644.45703125, + 147.26953125, + 0.004653463140130043, + 515.08203125, + 1.72265625, + 0.03712575137615204, + 466.56640625, + 34.06640625, + 0.6753274202346802, + 466.56640625, + 163.44140625, + 0.7586088180541992, + 555.51171875, + 147.26953125, + 0.7944018244743347, + 579.76953125, + 389.84765625, + 0.8790568113327026, + 676.80078125, + 155.35546875, + 0.9327172040939331, + 717.23046875, + 308.98828125, + 0.9537163972854614, + 587.85546875, + 220.04296875, + 0.8055104613304138, + 595.94140625, + 317.07421875, + 0.6617428660392761, + 757.66015625, + 195.78515625, + 0.917378306388855, + 846.60546875, + 300.90234375, + 0.8612955808639526, + 846.60546875, + 300.90234375, + 0.7280480861663818, + 887.03515625, + 357.50390625, + 0.11804890632629395 + ], + "scale": [ + 3.8812499046325684, + 5.174999713897705 + ], + "score": 0.81525488875129 + }, + { + "category_id": 1, + "center": [ + 637.0, + 229.5 + ], + "image_id": 21506257201, + "keypoints": [ + 542.9244995117188, + 37.58592224121094, + 0.01330951601266861, + 866.5443115234375, + 346.1536560058594, + 0.002232943195849657, + 731.0755004882812, + 188.1067657470703, + 0.004510506056249142, + 723.5494995117188, + 255.8411407470703, + 0.006354180164635181, + 467.6640625, + 30.059879302978516, + 0.027074089273810387, + 475.1900939941406, + 30.059879302978516, + 0.6617755889892578, + 467.6640625, + 150.4765625, + 0.7435746192932129, + 588.0807495117188, + 60.16404724121094, + 0.8969969153404236, + 580.5546875, + 383.78387451171875, + 0.8476712703704834, + 746.1276245117188, + 45.11196517944336, + 0.9079523682594299, + 798.8099365234375, + 406.36199951171875, + 0.9347401857376099, + 595.6067504882812, + 233.2630157470703, + 0.7687568664550781, + 595.6067504882812, + 323.5755310058594, + 0.7939666509628296, + 776.2318115234375, + 203.1588592529297, + 0.9063791036605835, + 851.4921875, + 308.5234375, + 0.8883273005485535, + 851.4921875, + 308.5234375, + 0.5514832735061646, + 919.2265625, + 406.36199951171875, + 0.0770673155784607 + ], + "scale": [ + 3.6125001907348633, + 4.816666603088379 + ], + "score": 0.8092385584657843 + }, + { + "category_id": 1, + "center": [ + 627.0, + 220.5 + ], + "image_id": 21506261601, + "keypoints": [ + 615.7890625, + 403.6119689941406, + 0.00419237557798624, + 840.0078125, + 351.2942810058594, + 0.0017392912413924932, + 720.4244995117188, + 179.3932342529297, + 0.003596738213673234, + 518.6276245117188, + 7.4921875, + 0.006319283973425627, + 503.6796875, + 22.44010353088379, + 0.06660223007202148, + 458.8359375, + 14.966145515441895, + 0.5890414714813232, + 466.3099060058594, + 156.9713592529297, + 0.756582498550415, + 555.9973754882812, + 7.4921875, + 0.6381872892379761, + 578.4192504882812, + 388.6640625, + 0.8536288738250732, + 683.0546875, + 22.44010353088379, + 0.9280056953430176, + 787.6901245117188, + 373.7161560058594, + 0.9011733531951904, + 593.3671875, + 224.2369842529297, + 0.7831001281738281, + 593.3671875, + 321.3984375, + 0.7583135366439819, + 772.7421875, + 201.8151092529297, + 0.7897408604621887, + 832.5338745117188, + 321.3984375, + 0.6349143981933594, + 854.9557495117188, + 313.9244689941406, + 0.4067251980304718, + 959.5911254882812, + 440.9817810058594, + 0.11039498448371887 + ], + "scale": [ + 3.5874998569488525, + 4.7833333015441895 + ], + "score": 0.7308557548306205 + }, + { + "category_id": 1, + "center": [ + 641.0, + 219.0 + ], + "image_id": 21506266401, + "keypoints": [ + 526.2083129882812, + 48.79166793823242, + 0.027578728273510933, + 660.7916870117188, + -14.541666984558105, + 0.0027138760779052973, + 526.2083129882812, + 17.125, + 0.00953966286033392, + 700.375, + 183.375, + 0.009917733259499073, + 478.7083435058594, + 9.208333015441895, + 0.09612865000963211, + 454.9583435058594, + 17.125, + 0.5832228660583496, + 470.7916564941406, + 167.5416717529297, + 0.7427756190299988, + 565.7916870117188, + 9.208333015441895, + 0.6889845132827759, + 597.4583129882812, + 381.2916564941406, + 0.8179941177368164, + 684.5416870117188, + 40.875, + 0.9118887782096863, + 819.125, + 381.2916564941406, + 0.8885108232498169, + 589.5416870117188, + 222.9583282470703, + 0.7981458306312561, + 597.4583129882812, + 325.875, + 0.8082385063171387, + 771.625, + 207.125, + 0.7853614091873169, + 842.875, + 310.0416564941406, + 0.5930285453796387, + 866.625, + 310.0416564941406, + 0.517418384552002, + 929.9583129882812, + 365.4583435058594, + 0.08335087448358536 + ], + "scale": [ + 3.799999952316284, + 5.066666603088379 + ], + "score": 0.7395972176031633 + }, + { + "category_id": 1, + "center": [ + 616.0, + 207.5 + ], + "image_id": 21506272600, + "keypoints": [ + 612.2109375, + -16.0546875, + 0.011406289413571358, + 945.6484375, + 544.7265625, + 0.0018046277109533548, + 953.2265625, + 544.7265625, + 0.0035634434316307306, + 680.4140625, + 180.9765625, + 0.005804253276437521, + 483.3828125, + -16.0546875, + 0.015527447685599327, + 445.4921875, + 21.8359375, + 0.5318237543106079, + 460.6484375, + 143.0859375, + 0.7433779239654541, + 566.7421875, + 21.8359375, + 0.22068879008293152, + 619.7890625, + 324.9609375, + 0.6809936761856079, + 695.5703125, + 21.8359375, + 0.7676981687545776, + 604.6328125, + 143.0859375, + 0.8669681549072266, + 589.4765625, + 218.8671875, + 0.7248454093933105, + 597.0546875, + 317.3828125, + 0.7650611400604248, + 763.7734375, + 188.5546875, + 0.8895227909088135, + 839.5546875, + 309.8046875, + 0.9581713676452637, + 839.5546875, + 302.2265625, + 0.6035710573196411, + 885.0234375, + 378.0078125, + 0.09291300177574158 + ], + "scale": [ + 3.637500047683716, + 4.850000381469727 + ], + "score": 0.7047929303212599 + }, + { + "category_id": 1, + "center": [ + 613.5, + 225.5 + ], + "image_id": 21506274200, + "keypoints": [ + 594.5221557617188, + 31.92578125, + 0.011762519367039204, + 753.9362182617188, + 403.8919372558594, + 0.0028283577412366867, + 708.3893432617188, + 183.7487030029297, + 0.00798063538968563, + 700.7981567382812, + 252.0690155029297, + 0.008183732628822327, + 495.8372497558594, + 24.33463478088379, + 0.033115994185209274, + 465.47265625, + 39.51692581176758, + 0.6737692356109619, + 450.2903747558594, + 160.9752655029297, + 0.7551816701889038, + 594.5221557617188, + 92.65494537353516, + 0.9194079637527466, + 541.3840942382812, + 411.4830627441406, + 0.8889288902282715, + 731.1627807617188, + 54.69921875, + 0.9082399606704712, + 670.43359375, + 320.3893127441406, + 0.9430689811706543, + 594.5221557617188, + 236.88671875, + 0.7437306046485901, + 594.5221557617188, + 327.98046875, + 0.7119407653808594, + 761.52734375, + 198.9309844970703, + 0.88215172290802, + 837.4387817382812, + 312.7981872558594, + 0.922879695892334, + 845.0299682617188, + 305.20703125, + 0.6474637389183044, + 890.5768432617188, + 365.9361877441406, + 0.11972212791442871 + ], + "scale": [ + 3.643749952316284, + 4.858333587646484 + ], + "score": 0.8178875663063743 + }, + { + "category_id": 1, + "center": [ + 615.5, + 205.0 + ], + "image_id": 21506279200, + "keypoints": [ + 642.0690307617188, + 72.15494537353516, + 0.010809545405209064, + 847.0299682617188, + 299.8893127441406, + 0.0023783796932548285, + 953.3059692382812, + 542.8059692382812, + 0.00268760253675282, + 672.43359375, + 208.7955780029297, + 0.005375048145651817, + 459.8815002441406, + -18.93880271911621, + 0.018931783735752106, + 459.8815002441406, + 41.79036331176758, + 0.6435540318489075, + 452.2903747558594, + 140.4752655029297, + 0.7965172529220581, + 558.56640625, + 132.8841094970703, + 0.8689817190170288, + 642.0690307617188, + 307.48046875, + 0.9351804256439209, + 687.6159057617188, + 125.29296875, + 0.8797683715820312, + 801.4830932617188, + 186.0221405029297, + 0.8823226690292358, + 588.9309692382812, + 231.5690155029297, + 0.6744788885116577, + 588.9309692382812, + 330.25390625, + 0.7072153091430664, + 771.1184692382812, + 193.61328125, + 0.685858964920044, + 839.4387817382812, + 315.0716247558594, + 0.9367424845695496, + 847.0299682617188, + 322.6627502441406, + 0.38923823833465576, + 877.39453125, + 413.7565002441406, + 0.056352339684963226 + ], + "scale": [ + 3.643749952316284, + 4.858333587646484 + ], + "score": 0.7636234868656505 + }, + { + "category_id": 1, + "center": [ + 611.5, + 202.5 + ], + "image_id": 21506279800, + "keypoints": [ + 552.41796875, + -37.76692581176758, + 0.011929953470826149, + 662.7044067382812, + -148.0533905029297, + 0.005690679419785738, + 709.9700317382812, + 253.7044219970703, + 0.005927068181335926, + 402.7434997558594, + -61.39973831176758, + 0.0017737115267664194, + 418.4986877441406, + -22.01171875, + 0.0317193977534771, + 465.7643127441406, + 41.00911331176758, + 0.6012735366821289, + 434.25390625, + 127.66275787353516, + 0.7661236524581909, + 560.2955932617188, + 135.5403594970703, + 0.32348954677581787, + 686.3372192382812, + 245.8268280029297, + 0.8546024560928345, + 686.3372192382812, + 182.8059844970703, + 0.8343155980110168, + 843.8893432617188, + 111.90755462646484, + 0.913166880607605, + 599.68359375, + 222.1940155029297, + 0.6529516577720642, + 599.68359375, + 324.6028747558594, + 0.7260935306549072, + 757.2356567382812, + 190.68359375, + 0.38461488485336304, + 843.8893432617188, + 316.7252502441406, + 0.960226833820343, + 851.7669067382812, + 324.6028747558594, + 0.3015710115432739, + 875.3997192382812, + 395.5013122558594, + 0.026568051427602768 + ], + "scale": [ + 3.78125, + 5.041666507720947 + ], + "score": 0.6653117808428678 + }, + { + "category_id": 1, + "center": [ + 611.0, + 212.5 + ], + "image_id": 21506280700, + "keypoints": [ + 554.75, + 13.75, + 0.01588292606174946, + 644.75, + 88.75, + 0.003972413018345833, + 614.75, + 13.75, + 0.0029197155963629484, + 457.25, + -38.75, + 0.002337630372494459, + 509.75, + -8.75, + 0.025215797126293182, + 457.25, + 36.25, + 0.6546868085861206, + 457.25, + 163.75, + 0.7372604608535767, + 554.75, + 141.25, + 0.8369038105010986, + 599.75, + 373.75, + 0.8918601274490356, + 674.75, + 163.75, + 0.9630279541015625, + 779.75, + 291.25, + 0.9215902090072632, + 599.75, + 216.25, + 0.7769941687583923, + 599.75, + 306.25, + 0.6478453874588013, + 757.25, + 186.25, + 0.6813412308692932, + 802.25, + 246.25, + 0.5511028170585632, + 809.75, + 231.25, + 0.19805005192756653, + 956.0, + 317.5, + 0.04219721630215645 + ], + "scale": [ + 3.6000001430511475, + 4.799999713897705 + ], + "score": 0.7662612974643708 + }, + { + "category_id": 1, + "center": [ + 633.0, + 233.0 + ], + "image_id": 21506281300, + "keypoints": [ + 560.0182495117188, + 14.0546875, + 0.15370948612689972, + 644.5234375, + 37.1015625, + 0.003389704739674926, + 552.3359375, + 14.0546875, + 0.0973595455288887, + 444.7838439941406, + -16.67447853088379, + 0.004036464262753725, + 490.8775939941406, + 14.0546875, + 0.21716098487377167, + 475.5130310058594, + 37.1015625, + 0.7003437280654907, + 467.8307189941406, + 167.7005157470703, + 0.7159650325775146, + 606.1119995117188, + 90.87760162353516, + 0.8714629411697388, + 552.3359375, + 405.8515625, + 0.899301290512085, + 736.7109375, + 44.78385543823242, + 0.940150797367096, + 775.1223754882812, + 390.4869689941406, + 0.952965497970581, + 590.7473754882812, + 229.1588592529297, + 0.7639049887657166, + 590.7473754882812, + 329.0286560058594, + 0.7059136629104614, + 767.4401245117188, + 198.4296875, + 0.8863517045974731, + 836.5807495117188, + 329.0286560058594, + 0.749062180519104, + 844.2630004882812, + 313.6640625, + 0.5136163830757141, + 905.7213745117188, + 436.5807189941406, + 0.08516833186149597 + ], + "scale": [ + 3.6875, + 4.9166669845581055 + ], + "score": 0.7430165993670622 + }, + { + "category_id": 1, + "center": [ + 626.5, + 220.5 + ], + "image_id": 21506282800, + "keypoints": [ + 591.28515625, + 13.123698234558105, + 0.09590601921081543, + 552.1575317382812, + -26.00390625, + 0.003765752539038658, + 567.80859375, + 5.298177242279053, + 0.03502500802278519, + 426.94921875, + -33.82942581176758, + 0.003150640521198511, + 466.0768127441406, + 13.123698234558105, + 0.1598271131515503, + 505.2044372558594, + 28.77474021911621, + 0.6826639175415039, + 450.42578125, + 161.80859375, + 0.7546614408493042, + 630.4127807617188, + 83.55338287353516, + 0.8898513913154602, + 583.4596557617188, + 404.3997497558594, + 0.8401175737380981, + 786.9231567382812, + 99.20442962646484, + 0.8698667883872986, + 802.57421875, + 380.9231872558594, + 0.9250595569610596, + 599.1106567382812, + 232.23828125, + 0.7068387269973755, + 599.1106567382812, + 326.14453125, + 0.8504023551940918, + 771.2721557617188, + 200.9362030029297, + 0.8619287610054016, + 833.8762817382812, + 318.3190002441406, + 0.7275764346122742, + 857.3528442382812, + 318.3190002441406, + 0.5219595432281494, + 880.8294067382812, + 380.9231872558594, + 0.072464220225811 + ], + "scale": [ + 3.7562501430511475, + 5.008333206176758 + ], + "score": 0.7846296808936379 + }, + { + "category_id": 1, + "center": [ + 633.0, + 221.5 + ], + "image_id": 21506288900, + "keypoints": [ + 576.1640625, + -2.0546875, + 0.02096918225288391, + 864.1328125, + 338.9609375, + 0.0029337252490222454, + 583.7421875, + 20.6796875, + 0.0065251803025603294, + 720.1484375, + 248.0234375, + 0.0068566505797207355, + 470.0703125, + 20.6796875, + 0.08125505596399307, + 477.6484375, + 35.8359375, + 0.5791777968406677, + 462.4921875, + 157.0859375, + 0.7777266502380371, + 629.2109375, + 28.2578125, + 0.09848438948392868, + 576.1640625, + 384.4296875, + 0.8150953054428101, + 727.7265625, + 5.5234375, + 0.2964961528778076, + 795.9296875, + 384.4296875, + 0.9117496609687805, + 598.8984375, + 232.8671875, + 0.7531489133834839, + 591.3203125, + 323.8046875, + 0.7910451292991638, + 773.1953125, + 194.9765625, + 0.8604021072387695, + 833.8203125, + 316.2265625, + 0.7308110594749451, + 856.5546875, + 308.6484375, + 0.45877206325531006, + 981.59375, + 418.53125, + 0.08050955832004547 + ], + "scale": [ + 3.637500047683716, + 4.850000381469727 + ], + "score": 0.6974424839019775 + }, + { + "category_id": 1, + "center": [ + 645.5, + 223.0 + ], + "image_id": 21506316200, + "keypoints": [ + 573.13671875, + 21.14453125, + 0.023315761238336563, + 656.92578125, + 409.62109375, + 0.002121520461514592, + 580.75390625, + 21.14453125, + 0.010434628464281559, + 702.62890625, + 188.72265625, + 0.005792091600596905, + 481.73046875, + 21.14453125, + 0.0860939472913742, + 474.11328125, + 28.76171875, + 0.6436491012573242, + 474.11328125, + 173.48828125, + 0.726136326789856, + 595.98828125, + 36.37890625, + 0.8301332592964172, + 588.37109375, + 379.15234375, + 0.7955610156059265, + 755.94921875, + 36.37890625, + 0.8776845335960388, + 809.26953125, + 379.15234375, + 0.9149986505508423, + 595.98828125, + 234.42578125, + 0.8208582401275635, + 603.60546875, + 325.83203125, + 0.799674928188324, + 763.56640625, + 203.95703125, + 0.788306474685669, + 832.12109375, + 302.98046875, + 0.7469983100891113, + 847.35546875, + 310.59765625, + 0.5732957124710083, + 877.82421875, + 371.53515625, + 0.12855027616024017 + ], + "scale": [ + 3.65625, + 4.875 + ], + "score": 0.7742996866052801 + }, + { + "category_id": 1, + "center": [ + 643.0, + 223.0 + ], + "image_id": 21506318401, + "keypoints": [ + 553.15625, + 23.78125, + 0.07140354812145233, + 662.53125, + 414.40625, + 0.003151940181851387, + 560.96875, + 15.96875, + 0.02012638933956623, + 428.15625, + -38.71875, + 0.0020103466231375933, + 451.59375, + 15.96875, + 0.064755380153656, + 498.46875, + 31.59375, + 0.6893399357795715, + 451.59375, + 148.78125, + 0.7210638523101807, + 631.28125, + 78.46875, + 0.9067138433456421, + 553.15625, + 406.59375, + 0.9087201356887817, + 787.53125, + 78.46875, + 0.866133451461792, + 779.71875, + 375.34375, + 0.9142496585845947, + 600.03125, + 234.71875, + 0.810728907585144, + 592.21875, + 336.28125, + 0.7785918116569519, + 764.09375, + 211.28125, + 0.783448338508606, + 834.40625, + 328.46875, + 0.6007991433143616, + 850.03125, + 312.84375, + 0.4278155565261841, + 881.28125, + 406.59375, + 0.08754409104585648 + ], + "scale": [ + 3.75, + 5.0 + ], + "score": 0.7643276940692555 + }, + { + "category_id": 1, + "center": [ + 612.0, + 231.5 + ], + "image_id": 21506323500, + "keypoints": [ + 660.0729370117188, + 353.53125, + 0.0027754069305956364, + 822.78125, + 338.7395935058594, + 0.0023291928227990866, + 800.59375, + 301.7604064941406, + 0.0037026626523584127, + 697.0520629882812, + 198.21875, + 0.005698810331523418, + 475.1770935058594, + 131.65625, + 0.0019483554642647505, + 467.78125, + 13.322916984558105, + 0.4526684880256653, + 445.59375, + 131.65625, + 0.6742175817489624, + 563.9270629882812, + 5.927083492279053, + 0.49953097105026245, + 526.9479370117188, + 397.90625, + 0.8829955458641052, + 697.0520629882812, + 5.927083492279053, + 0.8328656554222107, + 748.8229370117188, + 346.1354064941406, + 0.9072986841201782, + 586.1145629882812, + 213.0104217529297, + 0.7685561180114746, + 586.1145629882812, + 309.15625, + 0.6378214359283447, + 763.6145629882812, + 183.4270782470703, + 0.6367200613021851, + 800.59375, + 279.5729064941406, + 0.34571367502212524, + 800.59375, + 264.78125, + 0.17424815893173218, + 874.5520629882812, + 375.71875, + 0.057034868746995926 + ], + "scale": [ + 3.549999952316284, + 4.733333110809326 + ], + "score": 0.6638388216495514 + }, + { + "category_id": 1, + "center": [ + 622.0, + 226.0 + ], + "image_id": 21506336001, + "keypoints": [ + 539.6953125, + 18.27864646911621, + 0.2347029447555542, + 516.1796875, + -20.9140625, + 0.006123534869402647, + 531.8567504882812, + 10.440104484558105, + 0.08029060065746307, + 688.6276245117188, + 120.1796875, + 0.003355782013386488, + 429.9557189941406, + 10.440104484558105, + 0.31134963035583496, + 500.5025939941406, + 26.1171875, + 0.6786012649536133, + 445.6328125, + 151.5338592529297, + 0.7434940338134766, + 610.2421875, + 96.6640625, + 0.8736411333084106, + 555.3723754882812, + 394.5286560058594, + 0.8445838689804077, + 735.6588745117188, + 175.0494842529297, + 0.8541105389595032, + 774.8515625, + 371.0130310058594, + 0.9106701016426086, + 594.5651245117188, + 222.0807342529297, + 0.7407196164131165, + 586.7265625, + 323.9817810058594, + 0.7783238291740417, + 774.8515625, + 206.4036407470703, + 0.6416580080986023, + 837.5598754882812, + 323.9817810058594, + 0.7780031561851501, + 837.5598754882812, + 308.3046875, + 0.35401296615600586, + 962.9765625, + 449.3984375, + 0.08952310681343079 + ], + "scale": [ + 3.762500047683716, + 5.016666412353516 + ], + "score": 0.6726054686766404 + }, + { + "category_id": 1, + "center": [ + 616.5, + 217.5 + ], + "image_id": 21506336300, + "keypoints": [ + 534.33203125, + 17.94921875, + 0.29477083683013916, + 534.33203125, + 10.123698234558105, + 0.008852887898683548, + 510.85546875, + 10.123698234558105, + 0.19261012971401215, + 839.52734375, + 346.62109375, + 0.0037323981523513794, + 432.6002502441406, + 10.123698234558105, + 0.4723098874092102, + 487.37890625, + 25.77474021911621, + 0.7194173336029053, + 448.2513122558594, + 150.9830780029297, + 0.8135671615600586, + 612.5872192382812, + 57.07682418823242, + 0.8712310194969177, + 549.9830932617188, + 393.57421875, + 0.8818360567092896, + 753.4465942382812, + 25.77474021911621, + 0.9144809246063232, + 776.9231567382812, + 362.2721252441406, + 0.9012511968612671, + 589.1106567382812, + 221.4127655029297, + 0.7446868419647217, + 589.1106567382812, + 315.3190002441406, + 0.8271825909614563, + 769.09765625, + 197.9362030029297, + 0.8415954113006592, + 831.7018432617188, + 323.14453125, + 0.6863899230957031, + 839.52734375, + 315.3190002441406, + 0.5045698881149292, + 878.6549682617188, + 432.7018127441406, + 0.10680285096168518 + ], + "scale": [ + 3.7562501430511475, + 5.008333206176758 + ], + "score": 0.7287145440395062 + }, + { + "category_id": 1, + "center": [ + 616.0, + 224.0 + ], + "image_id": 21506336801, + "keypoints": [ + 560.53125, + 5.822916507720947, + 0.6259251832962036, + 545.7395629882812, + -8.96875, + 0.012318931519985199, + 538.34375, + 5.822916507720947, + 0.3833578824996948, + 708.4479370117188, + 249.8854217529297, + 0.0048580477014184, + 434.8020935058594, + 5.822916507720947, + 0.6442012786865234, + 501.3645935058594, + 35.40625, + 0.6777120232582092, + 456.9895935058594, + 161.1354217529297, + 0.7397853136062622, + 619.6979370117188, + 79.78125, + 0.8616622686386108, + 553.1354370117188, + 390.40625, + 0.8733549118041992, + 767.6145629882812, + 161.1354217529297, + 0.8351985216140747, + 775.0104370117188, + 368.21875, + 0.9056491851806641, + 590.1145629882812, + 220.3020782470703, + 0.7280946969985962, + 582.71875, + 316.4479064941406, + 0.7896273136138916, + 782.40625, + 205.5104217529297, + 0.6820291876792908, + 819.3854370117188, + 323.84375, + 0.72459477186203, + 826.78125, + 323.84375, + 0.29783231019973755, + 945.1145629882812, + 442.1770935058594, + 0.15230423212051392 + ], + "scale": [ + 3.549999952316284, + 4.733333110809326 + ], + "score": 0.6977874892098563 + }, + { + "category_id": 1, + "center": [ + 631.5, + 229.0 + ], + "image_id": 21506339201, + "keypoints": [ + 561.6627807617188, + 11.272135734558105, + 0.022956322878599167, + 882.0924682617188, + 282.4049377441406, + 0.002208529971539974, + 734.2018432617188, + 183.8112030029297, + 0.0059784031473100185, + 701.3372192382812, + 192.02734375, + 0.007824762724339962, + 454.8528747558594, + -13.376301765441895, + 0.03010910376906395, + 463.0690002441406, + 35.92057418823242, + 0.7012557983398438, + 454.8528747558594, + 159.1627655029297, + 0.7723480463027954, + 578.0950317382812, + 109.86588287353516, + 0.9096242785453796, + 586.3112182617188, + 389.21484375, + 0.866398811340332, + 709.5534057617188, + 77.00130462646484, + 0.9309890270233154, + 791.71484375, + 397.4309997558594, + 0.8740142583847046, + 594.52734375, + 233.1080780029297, + 0.7604353427886963, + 594.52734375, + 331.7018127441406, + 0.8094419240951538, + 758.8502807617188, + 200.2434844970703, + 0.8102630376815796, + 816.36328125, + 315.26953125, + 0.6114648580551147, + 857.4440307617188, + 323.4856872558594, + 0.6279428601264954, + 890.30859375, + 372.7825622558594, + 0.23954185843467712 + ], + "scale": [ + 3.9437499046325684, + 5.258333206176758 + ], + "score": 0.7428100084265074 + }, + { + "category_id": 1, + "center": [ + 634.5, + 231.0 + ], + "image_id": 21506340400, + "keypoints": [ + 613.9596557617188, + 13.272135734558105, + 0.006943402346223593, + 646.82421875, + 432.2955627441406, + 0.0016101652290672064, + 737.2018432617188, + 177.5950469970703, + 0.006231981795281172, + 704.3372192382812, + 194.02734375, + 0.007644892204552889, + 466.0690002441406, + -11.376301765441895, + 0.016450464725494385, + 466.0690002441406, + 37.92057418823242, + 0.7202799320220947, + 449.63671875, + 152.9466094970703, + 0.7243382334709167, + 572.87890625, + 120.08203125, + 0.9002758264541626, + 589.3112182617188, + 399.4309997558594, + 0.8771035671234131, + 712.5534057617188, + 79.00130462646484, + 0.9648210406303406, + 794.71484375, + 399.4309997558594, + 0.9110561609268188, + 589.3112182617188, + 235.1080780029297, + 0.7912003397941589, + 597.52734375, + 333.7018127441406, + 0.8142384886741638, + 761.8502807617188, + 202.2434844970703, + 0.8559808731079102, + 835.7955932617188, + 309.0533752441406, + 0.7410981059074402, + 860.4440307617188, + 325.4856872558594, + 0.608290433883667, + 901.5247192382812, + 391.21484375, + 0.15468871593475342 + ], + "scale": [ + 3.9437499046325684, + 5.258333206176758 + ], + "score": 0.8098802729086443 + }, + { + "category_id": 1, + "center": [ + 642.0, + 233.5 + ], + "image_id": 21506341600, + "keypoints": [ + 570.2551879882812, + 40.921875, + 0.00765496538951993, + 645.7760620117188, + 78.68228912353516, + 0.00271631614305079, + 736.4010620117188, + 184.4114532470703, + 0.007083563134074211, + 698.640625, + 169.3072967529297, + 0.008731331676244736, + 479.6302185058594, + 10.713541984558105, + 0.014765658415853977, + 464.5260314941406, + 40.921875, + 0.6406921744346619, + 464.5260314941406, + 154.203125, + 0.6685168743133545, + 577.8073120117188, + 108.890625, + 0.9141554832458496, + 577.8073120117188, + 388.3177185058594, + 0.8493918180465698, + 713.7448120117188, + 71.13021087646484, + 0.925943911075592, + 789.265625, + 403.421875, + 0.8878970146179199, + 592.9114379882812, + 244.828125, + 0.8231486678123474, + 600.4635620117188, + 335.453125, + 0.8263169527053833, + 766.609375, + 207.0677032470703, + 0.8475214838981628, + 842.1301879882812, + 312.796875, + 0.8177462816238403, + 857.234375, + 327.9010314941406, + 0.683926522731781, + 902.546875, + 388.3177185058594, + 0.14383646845817566 + ], + "scale": [ + 3.625, + 4.8333330154418945 + ], + "score": 0.8077506531368602 + }, + { + "category_id": 1, + "center": [ + 635.5, + 225.5 + ], + "image_id": 21506342200, + "keypoints": [ + 607.9284057617188, + 24.62109375, + 0.00848312582820654, + 710.3372192382812, + -6.889322757720947, + 0.002619566861540079, + 733.9700317382812, + 174.2955780029297, + 0.005691695958375931, + 702.4596557617188, + 190.05078125, + 0.004923435393720865, + 505.51953125, + 16.74349021911621, + 0.020662790164351463, + 458.25390625, + 40.37630081176758, + 0.65174400806427, + 450.3763122558594, + 150.6627655029297, + 0.5935823917388916, + 584.2955932617188, + 119.15234375, + 0.8819276094436646, + 584.2955932617188, + 394.8684997558594, + 0.8602982759475708, + 718.21484375, + 79.76432037353516, + 0.9503468871116638, + 796.9909057617188, + 402.74609375, + 0.8830658197402954, + 592.1731567382812, + 229.4387969970703, + 0.8374512195587158, + 600.05078125, + 331.84765625, + 0.8444037437438965, + 757.6028442382812, + 197.9283905029297, + 0.8559366464614868, + 836.37890625, + 316.0924377441406, + 0.7817031145095825, + 852.1340942382812, + 323.9700622558594, + 0.7096007466316223, + 883.64453125, + 394.8684997558594, + 0.17244094610214233 + ], + "scale": [ + 3.78125, + 5.041666507720947 + ], + "score": 0.8045509511774237 + }, + { + "category_id": 1, + "center": [ + 640.0, + 223.5 + ], + "image_id": 21506342600, + "keypoints": [ + 574.4791870117188, + -3.8958332538604736, + 0.02909626066684723, + 875.1041870117188, + 296.7291564941406, + 0.002136607887223363, + 736.3541870117188, + 173.3958282470703, + 0.006052137352526188, + 697.8125, + 165.6875, + 0.006797383539378643, + 481.9791564941406, + 19.22916603088379, + 0.04716663807630539, + 458.8541564941406, + 42.35416793823242, + 0.6364122033119202, + 458.8541564941406, + 165.6875, + 0.7254996299743652, + 582.1875, + 111.72916412353516, + 0.9238394498825073, + 582.1875, + 389.2291564941406, + 0.8335429430007935, + 720.9375, + 73.1875, + 0.921660304069519, + 790.3125, + 404.6458435058594, + 0.9098286628723145, + 589.8958129882812, + 235.0625, + 0.8394376039505005, + 597.6041870117188, + 327.5625, + 0.8204716444015503, + 751.7708129882812, + 196.5208282470703, + 0.8430280685424805, + 836.5625, + 312.1458435058594, + 0.7340073585510254, + 851.9791870117188, + 312.1458435058594, + 0.6647248268127441, + 867.3958129882812, + 389.2291564941406, + 0.17569488286972046 + ], + "scale": [ + 3.700000047683716, + 4.933333396911621 + ], + "score": 0.8047684268517927 + }, + { + "category_id": 1, + "center": [ + 633.0, + 230.5 + ], + "image_id": 21506343500, + "keypoints": [ + 564.1588745117188, + 15.877620697021484, + 0.02775551751255989, + 799.0286254882812, + 275.0442810058594, + 0.0017046512803062797, + 734.2369995117188, + 177.85678100585938, + 0.007083033677190542, + 726.1380004882812, + 258.8463439941406, + 0.008460999466478825, + 466.97137451171875, + -0.3202943801879883, + 0.06086904555559158, + 458.8724060058594, + 40.174495697021484, + 0.7181717157363892, + 458.8724060058594, + 161.6588592529297, + 0.7458999156951904, + 588.4557495117188, + 104.96615600585938, + 0.914647102355957, + 588.4557495117188, + 388.4296875, + 0.885235071182251, + 709.9401245117188, + 72.57032775878906, + 0.9266436100006104, + 799.0286254882812, + 404.6275939941406, + 0.9107993245124817, + 596.5546875, + 234.5494842529297, + 0.7838420271873474, + 596.5546875, + 323.63800048828125, + 0.8154809474945068, + 774.7317504882812, + 202.1536407470703, + 0.8494422435760498, + 855.7213134765625, + 307.4400939941406, + 0.7948509454727173, + 863.8203125, + 307.4400939941406, + 0.5372942090034485, + 880.0181884765625, + 396.52862548828125, + 0.12828722596168518 + ], + "scale": [ + 3.8874998092651367, + 5.183333396911621 + ], + "score": 0.8074824647469954 + }, + { + "category_id": 1, + "center": [ + 634.5, + 227.0 + ], + "image_id": 21506343800, + "keypoints": [ + 562.6315307617188, + 26.52474021911621, + 0.05524757131934166, + 638.2825317382812, + 71.91536712646484, + 0.0022704475559294224, + 570.1965942382812, + 34.08984375, + 0.011569853872060776, + 721.4987182617188, + 261.04296875, + 0.0067470078356564045, + 449.1549377441406, + 18.95963478088379, + 0.09013763070106506, + 456.7200622558594, + 34.08984375, + 0.6725447177886963, + 464.28515625, + 155.1315155029297, + 0.7461443543434143, + 577.76171875, + 109.74088287353516, + 0.9089711904525757, + 585.3268432617188, + 389.6497497558594, + 0.8362959027290344, + 706.3684692382812, + 71.91536712646484, + 0.9071488976478577, + 797.1497192382812, + 404.7799377441406, + 0.9401037693023682, + 600.45703125, + 238.34765625, + 0.7649602890014648, + 600.45703125, + 329.12890625, + 0.8212165832519531, + 774.4544067382812, + 200.5221405029297, + 0.84239661693573, + 850.10546875, + 313.9986877441406, + 0.8487103581428528, + 865.2356567382812, + 313.9986877441406, + 0.570833683013916, + 895.49609375, + 397.21484375, + 0.1006237044930458 + ], + "scale": [ + 3.6312499046325684, + 4.8416666984558105 + ], + "score": 0.8053933056918058 + }, + { + "category_id": 1, + "center": [ + 638.5, + 231.0 + ], + "image_id": 21506345201, + "keypoints": [ + 571.9830932617188, + 0.1471354216337204, + 0.013859912753105164, + 501.5533752441406, + -7.678385257720947, + 0.004311510361731052, + 564.1575317382812, + 7.97265625, + 0.006101183593273163, + 697.19140625, + 195.78515625, + 0.007954469881951809, + 509.37890625, + 23.62369728088379, + 0.1414562463760376, + 470.2513122558594, + 15.798176765441895, + 0.5280083417892456, + 462.42578125, + 164.4830780029297, + 0.73348069190979, + 571.9830932617188, + 23.62369728088379, + 0.23786523938179016, + 587.6340942382812, + 383.59765625, + 0.8496233224868774, + 689.3659057617188, + 0.1471354216337204, + 0.7526916265487671, + 798.9231567382812, + 407.07421875, + 0.8941978216171265, + 603.28515625, + 234.9127655029297, + 0.80322265625, + 603.28515625, + 328.8190002441406, + 0.8036947250366211, + 775.4465942382812, + 203.6106719970703, + 0.8551301956176758, + 853.7018432617188, + 305.3424377441406, + 0.8613581657409668, + 861.52734375, + 305.3424377441406, + 0.5098751187324524, + 877.1784057617188, + 383.59765625, + 0.09329739212989807 + ], + "scale": [ + 3.7562501430511475, + 5.008333206176758 + ], + "score": 0.711740718646483 + }, + { + "category_id": 1, + "center": [ + 654.5, + 225.5 + ], + "image_id": 21506349601, + "keypoints": [ + 602.1106567382812, + 3.8528645038604736, + 0.19681327044963837, + 626.2903442382812, + -12.266926765441895, + 0.0037783971056342125, + 602.1106567382812, + 11.912760734558105, + 0.07028492540121078, + 731.0690307617188, + 350.4283752441406, + 0.00575954420492053, + 481.2122497558594, + 11.912760734558105, + 0.14778858423233032, + 481.2122497558594, + 28.03255271911621, + 0.6222723722457886, + 465.0924377441406, + 165.05078125, + 0.776111364364624, + 553.7512817382812, + 19.97265625, + 0.04007112607359886, + 577.9309692382812, + 390.7278747558594, + 0.8890217542648315, + 585.9909057617188, + -4.20703125, + 0.04506878927350044, + 779.4284057617188, + 382.66796875, + 0.9647754430770874, + 602.1106567382812, + 229.5299530029297, + 0.8410193920135498, + 602.1106567382812, + 318.1888122558594, + 0.7458525896072388, + 779.4284057617188, + 229.5299530029297, + 0.8268530368804932, + 835.84765625, + 310.12890625, + 0.4475801885128021, + 851.9674682617188, + 294.0091247558594, + 0.5172673463821411, + 884.20703125, + 374.6080627441406, + 0.17529167234897614 + ], + "scale": [ + 3.8687500953674316, + 5.1583333015441895 + ], + "score": 0.7367503874831729 + }, + { + "category_id": 1, + "center": [ + 630.5, + 217.0 + ], + "image_id": 21506353601, + "keypoints": [ + 564.42578125, + 11.003923416137695, + 0.10946959257125854, + 548.87890625, + 18.777359008789062, + 0.002289127092808485, + 564.42578125, + 11.003923416137695, + 0.03314884379506111, + 626.61328125, + 73.19142150878906, + 0.00740077206864953, + 471.14453125, + 11.003923416137695, + 0.036349594593048096, + 455.59765625, + 34.32423400878906, + 0.7338951826095581, + 471.14453125, + 182.01953125, + 0.6536409854888916, + 572.19921875, + 112.05860137939453, + 0.9287357330322266, + 595.51953125, + 399.67578125, + 0.8264085054397583, + 704.34765625, + 88.73828887939453, + 0.9306239485740662, + 797.62890625, + 376.35546875, + 0.890860915184021, + 595.51953125, + 228.66015625, + 0.8059171438217163, + 595.51953125, + 321.94140625, + 0.80120849609375, + 758.76171875, + 197.56640625, + 0.8751051425933838, + 828.72265625, + 329.71484375, + 0.5560708045959473, + 852.04296875, + 321.94140625, + 0.5566143989562988, + 883.13671875, + 384.12890625, + 0.1254584789276123 + ], + "scale": [ + 3.7312498092651367, + 4.974999904632568 + ], + "score": 0.7780982960354198 + }, + { + "category_id": 1, + "center": [ + 626.5, + 236.5 + ], + "image_id": 21506354400, + "keypoints": [ + 537.7044067382812, + 39.60546875, + 0.010295141488313675, + 645.8034057617188, + 425.6731872558594, + 0.002705258084461093, + 723.0169067382812, + 186.3112030029297, + 0.007045509293675423, + 614.91796875, + 85.93359375, + 0.004392062313854694, + 460.4908752441406, + 8.720051765441895, + 0.019281823188066483, + 452.76953125, + 39.60546875, + 0.68638676404953, + 452.76953125, + 147.7044219970703, + 0.704164445400238, + 576.3112182617188, + 109.09765625, + 0.915957510471344, + 545.42578125, + 402.5091247558594, + 0.9311797618865967, + 707.57421875, + 85.93359375, + 0.9228028059005737, + 761.6237182617188, + 417.9518127441406, + 0.9074022769927979, + 591.75390625, + 232.6393280029297, + 0.7833739519119263, + 591.75390625, + 333.0169372558594, + 0.8005503416061401, + 769.3450317382812, + 201.75390625, + 0.83014315366745, + 838.8372192382812, + 317.57421875, + 0.7960354685783386, + 846.55859375, + 317.57421875, + 0.48265260457992554, + 862.0012817382812, + 417.9518127441406, + 0.10377775877714157 + ], + "scale": [ + 3.706249952316284, + 4.941666603088379 + ], + "score": 0.7964226440949873 + }, + { + "category_id": 1, + "center": [ + 623.5, + 229.0 + ], + "image_id": 21506356801, + "keypoints": [ + 553.36328125, + -18.32421875, + 0.07344812899827957, + 848.67578125, + 313.90234375, + 0.004865415394306183, + 553.36328125, + 11.20703125, + 0.010845658369362354, + 708.40234375, + 254.83984375, + 0.005009049084037542, + 457.38671875, + 11.20703125, + 0.08166233450174332, + 472.15234375, + 33.35546875, + 0.6311746835708618, + 464.76953125, + 166.24609375, + 0.7188793420791626, + 590.27734375, + 55.50390625, + 0.8477602005004883, + 553.36328125, + 402.49609375, + 0.9049160480499268, + 745.31640625, + 25.97265625, + 0.9186885356903076, + 767.46484375, + 395.11328125, + 0.9646202325820923, + 590.27734375, + 225.30859375, + 0.7597046494483948, + 597.66015625, + 328.66796875, + 0.7844643592834473, + 767.46484375, + 210.54296875, + 0.7921276092529297, + 833.91015625, + 321.28515625, + 0.749150276184082, + 848.67578125, + 313.90234375, + 0.542495608329773, + 944.65234375, + 446.79296875, + 0.09820559620857239 + ], + "scale": [ + 3.543750047683716, + 4.724999904632568 + ], + "score": 0.7830892313610424 + }, + { + "category_id": 1, + "center": [ + 614.0, + 229.5 + ], + "image_id": 21506362401, + "keypoints": [ + 543.4921875, + -19.1328125, + 0.007049829699099064, + 832.9453125, + 322.2734375, + 0.003522341838106513, + 706.7734375, + 181.2578125, + 0.003958655521273613, + 706.7734375, + 203.5234375, + 0.006295377854257822, + 461.8515625, + 32.8203125, + 0.013484708033502102, + 469.2734375, + 25.3984375, + 0.5670136213302612, + 454.4296875, + 158.9921875, + 0.6985824704170227, + 595.4453125, + 32.8203125, + 0.8055306673049927, + 550.9140625, + 403.9140625, + 0.8811650276184082, + 743.8828125, + 17.9765625, + 0.8790757060050964, + 766.1484375, + 396.4921875, + 0.944114089012146, + 588.0234375, + 225.7890625, + 0.7805061340332031, + 588.0234375, + 322.2734375, + 0.8008715510368347, + 766.1484375, + 203.5234375, + 0.799436092376709, + 832.9453125, + 322.2734375, + 0.7598100304603577, + 840.3671875, + 314.8515625, + 0.5403578281402588, + 936.8515625, + 448.4453125, + 0.09916046261787415 + ], + "scale": [ + 3.5625, + 4.75 + ], + "score": 0.768769383430481 + }, + { + "category_id": 1, + "center": [ + 623.5, + 222.5 + ], + "image_id": 21506363601, + "keypoints": [ + 527.6340942382812, + 19.26432228088379, + 0.01305476389825344, + 780.7200317382812, + 333.7044372558594, + 0.00241290801204741, + 535.3034057617188, + -3.7434895038604736, + 0.0069734142161905766, + 627.3346557617188, + 49.94140625, + 0.006790666840970516, + 466.2799377441406, + 19.26432228088379, + 0.08763225376605988, + 458.6106872558594, + 11.595051765441895, + 0.5939887762069702, + 458.6106872558594, + 157.3112030029297, + 0.7738293409347534, + 565.98046875, + 11.595051765441895, + 0.6671537160873413, + 558.3112182617188, + 387.3893127441406, + 0.8503732085227966, + 688.6887817382812, + 26.93359375, + 0.9065214395523071, + 780.7200317382812, + 395.05859375, + 0.8615474700927734, + 588.98828125, + 226.3346405029297, + 0.7865803241729736, + 588.98828125, + 326.03515625, + 0.767741858959198, + 765.3815307617188, + 195.6575469970703, + 0.8029909729957581, + 834.4049682617188, + 326.03515625, + 0.6707481741905212, + 849.7434692382812, + 318.3658752441406, + 0.5264323949813843, + 888.08984375, + 395.05859375, + 0.0989624485373497 + ], + "scale": [ + 3.6812498569488525, + 4.9083333015441895 + ], + "score": 0.7461734251542524 + }, + { + "category_id": 1, + "center": [ + 648.5, + 230.5 + ], + "image_id": 21506369200, + "keypoints": [ + 581.76171875, + 22.433576583862305, + 0.028629373759031296, + 668.12890625, + 422.8633117675781, + 0.00359489512629807, + 746.64453125, + 179.46484375, + 0.004272507969290018, + 644.57421875, + 163.76171875, + 0.008615285158157349, + 463.98828125, + 22.433576583862305, + 0.0357271172106266, + 463.98828125, + 38.13670349121094, + 0.6877173185348511, + 463.98828125, + 163.76171875, + 0.7375330328941345, + 573.91015625, + 108.80077362060547, + 0.9124621152877808, + 589.61328125, + 391.45703125, + 0.8615645170211792, + 707.38671875, + 85.24607849121094, + 0.9229756593704224, + 793.75390625, + 399.30859375, + 0.8993703126907349, + 597.46484375, + 234.42578125, + 0.8372340202331543, + 605.31640625, + 328.64453125, + 0.8037412166595459, + 770.19921875, + 203.01953125, + 0.8629885315895081, + 840.86328125, + 305.08984375, + 0.7832924723625183, + 856.56640625, + 305.08984375, + 0.6045253276824951, + 887.97265625, + 391.45703125, + 0.12891855835914612 + ], + "scale": [ + 3.7687501907348633, + 5.025000095367432 + ], + "score": 0.810309502211484 + }, + { + "category_id": 1, + "center": [ + 660.5, + 230.5 + ], + "image_id": 21506369500, + "keypoints": [ + 580.71484375, + 7.94140625, + 0.036889974027872086, + 757.08203125, + 310.28515625, + 0.004589634947478771, + 589.11328125, + 16.33984375, + 0.00795275904238224, + 656.30078125, + 167.51171875, + 0.008867872878909111, + 471.53515625, + 7.94140625, + 0.048489250242710114, + 463.13671875, + 33.13671875, + 0.6988358497619629, + 463.13671875, + 150.71484375, + 0.7737798094749451, + 572.31640625, + 108.72265625, + 0.9040977358818054, + 580.71484375, + 385.87109375, + 0.8461194038391113, + 706.69140625, + 91.92578125, + 0.9018584489822388, + 790.67578125, + 394.26953125, + 0.9559249877929688, + 597.51171875, + 234.69921875, + 0.8507378697395325, + 597.51171875, + 327.08203125, + 0.7694447040557861, + 765.48046875, + 201.10546875, + 0.8769565224647522, + 841.06640625, + 310.28515625, + 0.6865253448486328, + 874.66015625, + 310.28515625, + 0.631732165813446, + 899.85546875, + 385.87109375, + 0.22783610224723816 + ], + "scale": [ + 4.03125, + 5.375 + ], + "score": 0.760320745408535 + }, + { + "category_id": 1, + "center": [ + 652.5, + 219.5 + ], + "image_id": 21506371201, + "keypoints": [ + 558.3137817382812, + 10.65234375, + 0.21468645334243774, + 533.7434692382812, + 10.65234375, + 0.005050356965512037, + 525.5534057617188, + 10.65234375, + 0.06367338448762894, + 484.6028747558594, + -54.86848831176758, + 0.0029409455601125956, + 468.22265625, + 2.4622395038604736, + 0.28928422927856445, + 484.6028747558594, + 35.22265625, + 0.7047024369239807, + 460.0325622558594, + 158.07421875, + 0.8120959997177124, + 615.64453125, + 67.98307037353516, + 0.8968959450721741, + 582.8840942382812, + 387.3971252441406, + 0.8753693699836731, + 754.8762817382812, + 35.22265625, + 0.9027140140533447, + 795.8268432617188, + 387.3971252441406, + 0.9140740633010864, + 599.2643432617188, + 231.78515625, + 0.8475514650344849, + 607.4544067382812, + 330.06640625, + 0.8330461978912354, + 771.2565307617188, + 207.21484375, + 0.8893548250198364, + 844.9674682617188, + 305.49609375, + 0.8474111557006836, + 861.34765625, + 313.6861877441406, + 0.6945337653160095, + 885.91796875, + 403.77734375, + 0.21951676905155182 + ], + "scale": [ + 3.9312500953674316, + 5.241666316986084 + ], + "score": 0.7100883349776268 + }, + { + "category_id": 1, + "center": [ + 646.5, + 225.5 + ], + "image_id": 21506371601, + "keypoints": [ + 561.59765625, + 19.30859375, + 0.07508843392133713, + 561.59765625, + 43.56640625, + 0.0024721387308090925, + 561.59765625, + 11.22265625, + 0.031070737168192863, + 480.73828125, + -45.37890625, + 0.0023780548945069313, + 464.56640625, + 11.22265625, + 0.08635999262332916, + 488.82421875, + 27.39453125, + 0.7205466032028198, + 456.48046875, + 148.68359375, + 0.7608301043510437, + 618.19921875, + 67.82421875, + 0.8628076314926147, + 585.85546875, + 383.17578125, + 0.879477858543396, + 771.83203125, + 83.99609375, + 0.8328613042831421, + 788.00390625, + 391.26171875, + 0.9101628065109253, + 602.02734375, + 237.62890625, + 0.7781338691711426, + 602.02734375, + 326.57421875, + 0.8147455453872681, + 763.74609375, + 205.28515625, + 0.8262362480163574, + 844.60546875, + 302.31640625, + 0.8130064010620117, + 868.86328125, + 318.48828125, + 0.6621456146240234, + 885.03515625, + 415.51953125, + 0.187181293964386 + ], + "scale": [ + 3.8812499046325684, + 5.174999713897705 + ], + "score": 0.8055412715131586 + }, + { + "category_id": 1, + "center": [ + 635.5, + 224.5 + ], + "image_id": 21506372401, + "keypoints": [ + 537.0299682617188, + 15.743489265441895, + 0.099326491355896, + 647.31640625, + 15.743489265441895, + 0.0045374794863164425, + 529.15234375, + -0.01171875, + 0.03446352481842041, + 418.8658752441406, + -39.39973831176758, + 0.002474606968462467, + 434.62109375, + -0.01171875, + 0.1004684716463089, + 474.0091247558594, + 31.49869728088379, + 0.7228338718414307, + 450.3763122558594, + 165.41796875, + 0.713862955570221, + 607.9284057617188, + 63.00911331176758, + 0.9234722852706909, + 584.2955932617188, + 393.8684997558594, + 0.8678207397460938, + 757.6028442382812, + 15.743489265441895, + 0.8610432744026184, + 789.11328125, + 393.8684997558594, + 0.9473340511322021, + 592.1731567382812, + 228.4387969970703, + 0.7480965852737427, + 600.05078125, + 330.84765625, + 0.8304729461669922, + 765.48046875, + 204.8059844970703, + 0.7975037097930908, + 844.2565307617188, + 315.0924377441406, + 0.7488404512405396, + 852.1340942382812, + 322.9700622558594, + 0.6228234767913818, + 899.3997192382812, + 393.8684997558594, + 0.10544741153717041 + ], + "scale": [ + 3.78125, + 5.041666507720947 + ], + "score": 0.7985549406571821 + }, + { + "category_id": 1, + "center": [ + 628.5, + 231.5 + ], + "image_id": 21506372700, + "keypoints": [ + 616.25390625, + 15.15234375, + 0.0049807485193014145, + 987.71875, + 590.71875, + 0.0018866879399865866, + 657.07421875, + 121.28515625, + 0.00508111622184515, + 697.89453125, + 194.76171875, + 0.006877859588712454, + 550.94140625, + 15.15234375, + 0.01686137542128563, + 452.97265625, + 39.64453125, + 0.7088218927383423, + 461.13671875, + 162.10546875, + 0.7300826907157898, + 575.43359375, + 113.12109375, + 0.918243408203125, + 583.59765625, + 390.69921875, + 0.8445689082145691, + 706.05859375, + 80.46484375, + 0.9312491416931152, + 787.69921875, + 398.86328125, + 0.9431542754173279, + 599.92578125, + 235.58203125, + 0.7806545495986938, + 599.92578125, + 333.55078125, + 0.8213610649108887, + 763.20703125, + 211.08984375, + 0.8541272282600403, + 844.84765625, + 317.22265625, + 0.7624095678329468, + 869.33984375, + 325.38671875, + 0.6109485030174255, + 926.48828125, + 382.53515625, + 0.17974984645843506 + ], + "scale": [ + 3.918750047683716, + 5.224999904632568 + ], + "score": 0.8096019300547513 + }, + { + "category_id": 1, + "center": [ + 635.0, + 231.0 + ], + "image_id": 21506373500, + "keypoints": [ + 624.1015625, + 401.7421875, + 0.0032842946238815784, + 951.0546875, + 554.3203125, + 0.0018221933860331774, + 624.1015625, + 103.8515625, + 0.006884442176669836, + 718.5546875, + 263.6953125, + 0.006640836130827665, + 631.3671875, + 111.1171875, + 0.026579322293400764, + 464.2578125, + 45.7265625, + 0.6825150847434998, + 442.4609375, + 161.9765625, + 0.7492139339447021, + 558.7109375, + 140.1796875, + 0.8344984650611877, + 580.5078125, + 394.4765625, + 0.8338459730148315, + 674.9609375, + 154.7109375, + 0.9003772735595703, + 783.9453125, + 394.4765625, + 0.9020401239395142, + 595.0390625, + 234.6328125, + 0.7743910551071167, + 602.3046875, + 329.0859375, + 0.8152065277099609, + 769.4140625, + 205.5703125, + 0.9207056760787964, + 842.0703125, + 321.8203125, + 0.8277081251144409, + 856.6015625, + 314.5546875, + 0.6276885271072388, + 921.9921875, + 365.4140625, + 0.12532785534858704 + ], + "scale": [ + 3.487499952316284, + 4.650000095367432 + ], + "score": 0.8061991604891691 + }, + { + "category_id": 1, + "center": [ + 643.0, + 230.5 + ], + "image_id": 21506374401, + "keypoints": [ + 582.84375, + 17.94791603088379, + 0.017491545528173447, + 671.0729370117188, + 90.13541412353516, + 0.0039374991320073605, + 647.0104370117188, + 114.19791412353516, + 0.003770185634493828, + 711.1770629882812, + 202.4270782470703, + 0.008850527927279472, + 518.6770629882812, + 17.94791603088379, + 0.027890924364328384, + 454.5104064941406, + 42.01041793823242, + 0.5826621651649475, + 462.53125, + 162.3229217529297, + 0.747517466545105, + 550.7604370117188, + 154.3020782470703, + 0.7906267642974854, + 582.84375, + 394.9270935058594, + 0.8318250179290771, + 671.0729370117188, + 170.34375, + 0.928652286529541, + 791.3854370117188, + 394.9270935058594, + 0.9077005386352539, + 598.8854370117188, + 234.5104217529297, + 0.7867108583450317, + 598.8854370117188, + 330.7604064941406, + 0.7801941633224487, + 759.3020629882812, + 202.4270782470703, + 0.8430274724960327, + 839.5104370117188, + 314.71875, + 0.6909990310668945, + 863.5729370117188, + 322.7395935058594, + 0.6410689949989319, + 895.65625, + 378.8854064941406, + 0.16514021158218384 + ], + "scale": [ + 3.8499999046325684, + 5.133333206176758 + ], + "score": 0.7755440690300681 + }, + { + "category_id": 1, + "center": [ + 633.0, + 229.5 + ], + "image_id": 21506374801, + "keypoints": [ + 560.0182495117188, + 25.91927146911621, + 0.03062928095459938, + 629.1588745117188, + 79.6953125, + 0.002188342623412609, + 659.8880004882812, + 125.7890625, + 0.007243154104799032, + 721.3463745117188, + 264.0703125, + 0.004789796657860279, + 437.1015625, + 10.5546875, + 0.1164277195930481, + 460.1484375, + 41.28385543823242, + 0.7109448909759521, + 460.1484375, + 164.2005157470703, + 0.7718226909637451, + 575.3828125, + 118.10677337646484, + 0.9139822721481323, + 583.0651245117188, + 394.6692810058594, + 0.8711143732070923, + 705.9817504882812, + 95.05989837646484, + 0.9661691784858704, + 790.4869995117188, + 394.6692810058594, + 0.9758284687995911, + 590.7473754882812, + 233.3411407470703, + 0.7717657685279846, + 598.4296875, + 333.2109375, + 0.7926102876663208, + 767.4401245117188, + 202.6119842529297, + 0.8067529797554016, + 844.2630004882812, + 310.1640625, + 0.8162963390350342, + 859.6276245117188, + 317.8463439941406, + 0.5811818838119507, + 905.7213745117188, + 379.3046875, + 0.16548579931259155 + ], + "scale": [ + 3.6875, + 4.9166669845581055 + ], + "score": 0.8162244666706432 + }, + { + "category_id": 1, + "center": [ + 632.0, + 230.0 + ], + "image_id": 21506375100, + "keypoints": [ + 559.265625, + 11.796856880187988, + 0.1986662745475769, + 551.609375, + 27.109357833862305, + 0.004080595448613167, + 551.609375, + 11.796856880187988, + 0.10026159882545471, + 720.046875, + 256.796875, + 0.00894714891910553, + 475.046875, + 27.109357833862305, + 0.1222989484667778, + 482.703125, + 34.76560974121094, + 0.7004473209381104, + 459.734375, + 172.578125, + 0.6800955533981323, + 620.515625, + 80.70310974121094, + 0.8561267852783203, + 582.234375, + 386.953125, + 0.8487427234649658, + 765.984375, + 42.42185974121094, + 0.9319924116134644, + 788.953125, + 394.609375, + 0.8959067463874817, + 597.546875, + 226.171875, + 0.7455353736877441, + 597.546875, + 325.703125, + 0.8631118535995483, + 773.640625, + 203.203125, + 0.8771113157272339, + 834.890625, + 310.390625, + 0.727150022983551, + 850.203125, + 310.390625, + 0.5553275346755981, + 888.484375, + 394.609375, + 0.09449033439159393 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.7892316037958319 + }, + { + "category_id": 1, + "center": [ + 628.0, + 222.0 + ], + "image_id": 21506375601, + "keypoints": [ + 562.7005004882812, + -4.627604007720947, + 0.042593538761138916, + 854.6276245117188, + 402.5338439941406, + 0.003169818315654993, + 547.3359375, + 18.41927146911621, + 0.013619608245790005, + 478.1953125, + -35.35676956176758, + 0.0024095105472952127, + 478.1953125, + 18.41927146911621, + 0.056887947022914886, + 485.8775939941406, + 26.1015625, + 0.6846825480461121, + 462.8307189941406, + 172.0651092529297, + 0.7242943644523621, + 631.8411254882812, + 72.1953125, + 0.8734109997749329, + 555.0182495117188, + 402.5338439941406, + 0.886961817741394, + 793.1692504882812, + 56.83073043823242, + 0.8859325647354126, + 777.8046875, + 371.8046875, + 0.9796825647354126, + 601.1119995117188, + 233.5234375, + 0.7430734038352966, + 593.4296875, + 325.7109375, + 0.789741039276123, + 785.4869995117188, + 225.8411407470703, + 0.7982797622680664, + 831.5807495117188, + 318.0286560058594, + 0.4854058027267456, + 862.3098754882812, + 310.3463439941406, + 0.30486375093460083, + 893.0390625, + 425.5807189941406, + 0.07356812804937363 + ], + "scale": [ + 3.6875, + 4.9166669845581055 + ], + "score": 0.7414844198660417 + }, + { + "category_id": 1, + "center": [ + 644.0, + 222.0 + ], + "image_id": 21506376001, + "keypoints": [ + 546.9948120117188, + 24.109375, + 0.31775736808776855, + 562.515625, + 16.34895896911621, + 0.012627743184566498, + 531.4739379882812, + 8.588541984558105, + 0.18199296295642853, + 469.390625, + 8.588541984558105, + 0.0022387951612472534, + 453.8697814941406, + 16.34895896911621, + 0.2886553406715393, + 492.671875, + 31.86979103088379, + 0.7031172513961792, + 461.6302185058594, + 163.796875, + 0.7677209377288818, + 616.8385620117188, + 78.43228912353516, + 0.8196555376052856, + 593.5573120117188, + 396.609375, + 0.8469659090042114, + 772.046875, + 101.71353912353516, + 0.7230128049850464, + 803.0885620117188, + 381.0885314941406, + 0.9214105606079102, + 593.5573120117188, + 233.640625, + 0.8667457103729248, + 601.3176879882812, + 326.765625, + 0.8454008102416992, + 772.046875, + 225.8802032470703, + 0.7358285188674927, + 834.1301879882812, + 303.484375, + 0.6464594602584839, + 865.171875, + 319.0052185058594, + 0.6018611192703247, + 888.453125, + 373.328125, + 0.1253969371318817 + ], + "scale": [ + 3.7249999046325684, + 4.9666666984558105 + ], + "score": 0.6988147176229037 + }, + { + "category_id": 1, + "center": [ + 643.0, + 223.5 + ], + "image_id": 21506376800, + "keypoints": [ + 573.4948120117188, + 6.80727481842041, + 0.022405963391065598, + 712.5051879882812, + 47.69269561767578, + 0.002962682629004121, + 557.140625, + 6.80727481842041, + 0.006589535158127546, + 459.015625, + 6.80727481842041, + 0.003353638807311654, + 450.8385314941406, + 6.80727481842041, + 0.08191090822219849, + 483.546875, + 23.161441802978516, + 0.7027615308761597, + 459.015625, + 162.171875, + 0.7162197232246399, + 630.734375, + 72.22394561767578, + 0.8652675151824951, + 589.8489379882812, + 399.30731201171875, + 0.8462306261062622, + 777.921875, + 96.75519561767578, + 0.839876651763916, + 802.453125, + 382.953125, + 0.9467378854751587, + 598.0260620117188, + 235.765625, + 0.8122532367706299, + 598.0260620117188, + 325.71356201171875, + 0.8400570154190063, + 769.7448120117188, + 227.5885467529297, + 0.8119779825210571, + 835.1614990234375, + 301.18231201171875, + 0.6916353702545166, + 867.8698120117188, + 325.71356201171875, + 0.6459131240844727, + 892.4010620117188, + 391.1302185058594, + 0.21426908671855927 + ], + "scale": [ + 3.9250001907348633, + 5.233333110809326 + ], + "score": 0.7444333123664061 + }, + { + "category_id": 1, + "center": [ + 641.0, + 221.5 + ], + "image_id": 21506379901, + "keypoints": [ + 576.1432495117188, + -3.5911457538604736, + 0.01662239246070385, + 705.8567504882812, + 57.45051956176758, + 0.0030327129643410444, + 736.3776245117188, + 171.9036407470703, + 0.0034810910001397133, + 454.0599060058594, + -26.48177146911621, + 0.0030493582598865032, + 446.4296875, + 4.0390625, + 0.14549210667610168, + 476.9505310058594, + 34.55989456176758, + 0.680255651473999, + 454.0599060058594, + 156.6432342529297, + 0.784882664680481, + 629.5546875, + 80.34114837646484, + 0.8149120211601257, + 576.1432495117188, + 393.1796875, + 0.8441753387451172, + 782.1588745117188, + 103.23177337646484, + 0.8806369304656982, + 797.4192504882812, + 377.9192810058594, + 0.9317672252655029, + 599.0338745117188, + 232.9453125, + 0.7905625104904175, + 599.0338745117188, + 332.1380310058594, + 0.8236682415008545, + 759.2682495117188, + 210.0546875, + 0.8238983750343323, + 835.5703125, + 324.5078125, + 0.6607412099838257, + 850.8307495117188, + 309.2474060058594, + 0.3756832480430603, + 873.7213745117188, + 400.8099060058594, + 0.08375651389360428 + ], + "scale": [ + 3.6625001430511475, + 4.883333206176758 + ], + "score": 0.7646530378948558 + }, + { + "category_id": 1, + "center": [ + 635.5, + 238.5 + ], + "image_id": 21506380800, + "keypoints": [ + 545.8059692382812, + 39.61328125, + 0.021111110225319862, + 654.9987182617188, + 429.5872497558594, + 0.0038373470306396484, + 553.60546875, + 39.61328125, + 0.004017826169729233, + 709.5950317382812, + 359.3919372558594, + 0.0025009114760905504, + 436.61328125, + 16.21484375, + 0.060354992747306824, + 483.41015625, + 31.81380271911621, + 0.621490478515625, + 444.4127502441406, + 148.8059844970703, + 0.7127676010131836, + 608.2018432617188, + 78.61067962646484, + 0.8620939254760742, + 545.8059692382812, + 406.1888122558594, + 0.9212538003921509, + 779.7903442382812, + 109.80859375, + 0.8251962661743164, + 764.19140625, + 390.58984375, + 0.9624506831169128, + 592.6028442382812, + 234.6002655029297, + 0.7544056177139282, + 592.6028442382812, + 328.1940002441406, + 0.7300689220428467, + 771.9909057617188, + 203.40234375, + 0.7609273195266724, + 834.38671875, + 320.39453125, + 0.7481162548065186, + 834.38671875, + 320.39453125, + 0.4712597131729126, + 904.58203125, + 413.98828125, + 0.09152929484844208 + ], + "scale": [ + 3.7437498569488525, + 4.991666793823242 + ], + "score": 0.7609118710864674 + }, + { + "category_id": 1, + "center": [ + 649.5, + 219.0 + ], + "image_id": 21506381800, + "keypoints": [ + 629.7409057617188, + 412.6393127441406, + 0.004887124057859182, + 621.8372192382812, + 25.36067771911621, + 0.003172768745571375, + 270.125, + -65.53125, + 0.001537521369755268, + 661.35546875, + 49.07161331176758, + 0.0029906658455729485, + 463.7643127441406, + 9.553385734558105, + 0.01147732138633728, + 463.7643127441406, + 17.45703125, + 0.6778514385223389, + 440.0533752441406, + 136.01171875, + 0.7134889364242554, + 582.3190307617188, + 49.07161331176758, + 0.8901301622390747, + 542.80078125, + 388.9283752441406, + 0.9395384788513184, + 740.3919067382812, + 25.36067771911621, + 0.9260724782943726, + 748.2955932617188, + 325.69921875, + 0.938037633895874, + 590.22265625, + 215.0481719970703, + 0.8237559199333191, + 590.22265625, + 309.8919372558594, + 0.6415184736251831, + 764.1028442382812, + 191.3372344970703, + 0.8387085199356079, + 811.5247192382812, + 270.3736877441406, + 0.4346656799316406, + 843.1393432617188, + 270.3736877441406, + 0.3072861433029175, + 882.6575317382812, + 357.3138122558594, + 0.09964483976364136 + ], + "scale": [ + 3.793750047683716, + 5.058333396911621 + ], + "score": 0.7391867149959911 + }, + { + "category_id": 1, + "center": [ + 620.0, + 222.5 + ], + "image_id": 21506415201, + "keypoints": [ + 539.8828125, + 20.29947853088379, + 0.059400830417871475, + 608.5546875, + -2.5911457538604736, + 0.003710418241098523, + 532.2526245117188, + 20.29947853088379, + 0.0179000087082386, + 677.2265625, + 188.1640625, + 0.0058075315319001675, + 463.5807189941406, + 20.29947853088379, + 0.10574259608983994, + 463.5807189941406, + 20.29947853088379, + 0.5828092098236084, + 448.3203125, + 165.2734375, + 0.684647798538208, + 562.7734375, + 12.669270515441895, + 0.6716364622116089, + 562.7734375, + 394.1796875, + 0.8534445762634277, + 684.8567504882812, + 35.55989456176758, + 0.9235053062438965, + 776.4192504882812, + 363.6588439941406, + 0.8685621619224548, + 585.6640625, + 226.3151092529297, + 0.7987946271896362, + 593.2942504882812, + 325.5078125, + 0.7741926908493042, + 753.5286254882812, + 195.7942657470703, + 0.777280330657959, + 829.8307495117188, + 333.1380310058594, + 0.6243740320205688, + 852.7213745117188, + 287.3567810058594, + 0.4361193776130676, + 921.3932495117188, + 371.2890625, + 0.07149090617895126 + ], + "scale": [ + 3.6625001430511475, + 4.883333206176758 + ], + "score": 0.7268515066667036 + }, + { + "category_id": 1, + "center": [ + 630.5, + 219.5 + ], + "image_id": 21506415500, + "keypoints": [ + 597.98046875, + 27.99609375, + 0.03819101303815842, + 605.20703125, + 42.44921875, + 0.003950327634811401, + 605.20703125, + 20.76953125, + 0.005211006850004196, + 684.69921875, + 186.98046875, + 0.008306804113090038, + 460.67578125, + 27.99609375, + 0.04005112126469612, + 460.67578125, + 13.54296875, + 0.5542731881141663, + 467.90234375, + 179.75390625, + 0.633217453956604, + 569.07421875, + 13.54296875, + 0.7479630708694458, + 561.84765625, + 403.77734375, + 0.86920166015625, + 684.69921875, + 42.44921875, + 0.8759879469871521, + 778.64453125, + 360.41796875, + 0.8697804808616638, + 583.52734375, + 223.11328125, + 0.7755506038665771, + 590.75390625, + 317.05859375, + 0.7293469905853271, + 756.96484375, + 194.20703125, + 0.7130345106124878, + 829.23046875, + 324.28515625, + 0.46352386474609375, + 850.91015625, + 309.83203125, + 0.3650708794593811, + 901.49609375, + 374.87109375, + 0.10134834051132202 + ], + "scale": [ + 3.46875, + 4.625 + ], + "score": 0.6906318772922863 + }, + { + "category_id": 1, + "center": [ + 623.0, + 225.5 + ], + "image_id": 21506415900, + "keypoints": [ + 558.5859375, + 1.9453125, + 0.010957544669508934, + 770.7734375, + 297.4921875, + 0.0020632983651012182, + 558.5859375, + 1.9453125, + 0.004833974875509739, + 679.8359375, + 191.3984375, + 0.006283181719481945, + 467.6484375, + 24.6796875, + 0.06080562248826027, + 452.4921875, + 24.6796875, + 0.5244773626327515, + 460.0703125, + 168.6640625, + 0.6732677221298218, + 558.5859375, + 24.6796875, + 0.6482799053192139, + 566.1640625, + 396.0078125, + 0.859215497970581, + 679.8359375, + 32.2578125, + 0.9108685255050659, + 785.9296875, + 358.1171875, + 0.9057868123054504, + 588.8984375, + 229.2890625, + 0.7801138162612915, + 588.8984375, + 320.2265625, + 0.7561944127082825, + 763.1953125, + 198.9765625, + 0.7646896839141846, + 838.9765625, + 327.8046875, + 0.5089707374572754, + 861.7109375, + 305.0703125, + 0.4346478581428528, + 876.8671875, + 396.0078125, + 0.0712641179561615 + ], + "scale": [ + 3.637500047683716, + 4.850000381469727 + ], + "score": 0.7060465758497064 + }, + { + "category_id": 1, + "center": [ + 609.0, + 233.5 + ], + "image_id": 21506401601, + "keypoints": [ + 551.578125, + 7.64060640335083, + 0.42971229553222656, + 543.921875, + -15.328145980834961, + 0.02229118160903454, + 520.953125, + 7.64060640335083, + 0.1443825364112854, + 704.703125, + 260.296875, + 0.004580382257699966, + 421.4218444824219, + -0.015644391998648643, + 0.41493093967437744, + 490.328125, + 30.609357833862305, + 0.6521581411361694, + 444.390625, + 160.765625, + 0.7106814384460449, + 597.515625, + 107.17186737060547, + 0.8838891983032227, + 543.921875, + 405.765625, + 0.8826406002044678, + 712.359375, + 183.734375, + 0.9016786217689514, + 765.953125, + 398.109375, + 0.8623767495155334, + 597.515625, + 222.015625, + 0.7497806549072266, + 582.203125, + 321.546875, + 0.803148627281189, + 781.265625, + 214.359375, + 0.7233989834785461, + 834.859375, + 306.234375, + 0.8662843704223633, + 842.515625, + 298.578125, + 0.3341302275657654, + 896.109375, + 382.796875, + 0.06453417241573334 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.708831603710468 + }, + { + "category_id": 1, + "center": [ + 617.5, + 225.0 + ], + "image_id": 21506416401, + "keypoints": [ + 560.56640625, + 1.0611978769302368, + 0.006396014243364334, + 621.2955932617188, + 54.19921875, + 0.004066042602062225, + 651.66015625, + 114.92838287353516, + 0.002818577690050006, + 613.7044067382812, + 54.19921875, + 0.007384764030575752, + 515.01953125, + 23.83463478088379, + 0.06165061891078949, + 477.0638122558594, + 16.24349021911621, + 0.5117163062095642, + 454.2903747558594, + 160.4752655029297, + 0.7663905620574951, + 590.9309692382812, + 23.83463478088379, + 0.6142216324806213, + 568.1575317382812, + 395.80078125, + 0.8860509395599365, + 689.6159057617188, + 31.42578125, + 0.870311975479126, + 788.30078125, + 350.25390625, + 0.9482707977294922, + 590.9309692382812, + 221.2044219970703, + 0.8335201740264893, + 590.9309692382812, + 312.2981872558594, + 0.7908205986022949, + 757.9362182617188, + 206.0221405029297, + 0.6897019147872925, + 833.84765625, + 304.70703125, + 0.43260830640792847, + 856.62109375, + 304.70703125, + 0.36921361088752747, + 886.9856567382812, + 365.4361877441406, + 0.06797146797180176 + ], + "scale": [ + 3.643749952316284, + 4.858333587646484 + ], + "score": 0.7011660743843425 + }, + { + "category_id": 1, + "center": [ + 619.0, + 224.0 + ], + "image_id": 21506417700, + "keypoints": [ + 557.0208129882812, + 8.895833015441895, + 0.0263653751462698, + 724.7291870117188, + -12.979166984558105, + 0.002631166484206915, + 557.0208129882812, + 8.895833015441895, + 0.009309562854468822, + 622.6458129882812, + 59.9375, + 0.007768828887492418, + 462.2291564941406, + 30.77083396911621, + 0.1019127145409584, + 454.9375, + 16.1875, + 0.5948100090026855, + 454.9375, + 169.3125, + 0.7103899717330933, + 564.3125, + 8.895833015441895, + 0.5539771318435669, + 571.6041870117188, + 395.3541564941406, + 0.8616635799407959, + 688.2708129882812, + 30.77083396911621, + 0.9326046705245972, + 783.0625, + 351.6041564941406, + 0.9029785394668579, + 586.1875, + 220.3541717529297, + 0.7572003602981567, + 593.4791870117188, + 322.4375, + 0.7302154302597046, + 761.1875, + 198.4791717529297, + 0.7397123575210571, + 834.1041870117188, + 329.7291564941406, + 0.5468796491622925, + 863.2708129882812, + 307.8541564941406, + 0.3478706479072571, + 899.7291870117188, + 366.1875, + 0.10453522205352783 + ], + "scale": [ + 3.5, + 4.666666507720947 + ], + "score": 0.6980274861509149 + }, + { + "category_id": 1, + "center": [ + 614.5, + 222.0 + ], + "image_id": 21506418000, + "keypoints": [ + 552.6315307617188, + 14.55859375, + 0.013762055896222591, + 690.92578125, + 393.0481872558594, + 0.003816875396296382, + 552.6315307617188, + 7.279947757720947, + 0.005708541255444288, + 705.4830932617188, + 189.24609375, + 0.009687080979347229, + 465.2877502441406, + 29.11588478088379, + 0.06466223299503326, + 458.0091247558594, + 14.55859375, + 0.5579489469528198, + 450.73046875, + 181.9674530029297, + 0.7456928491592407, + 567.1887817382812, + 7.279947757720947, + 0.6113762259483337, + 574.4674682617188, + 393.0481872558594, + 0.8978573083877563, + 683.6471557617188, + 36.39453125, + 0.8777812719345093, + 785.5481567382812, + 356.6549377441406, + 0.8988066911697388, + 589.0247192382812, + 218.3606719970703, + 0.7452511787414551, + 589.0247192382812, + 312.9830627441406, + 0.764085590839386, + 770.9909057617188, + 189.24609375, + 0.7373635768890381, + 829.2200317382812, + 327.5403747558594, + 0.6305632591247559, + 843.77734375, + 320.26171875, + 0.28846269845962524, + 872.8919067382812, + 429.44140625, + 0.058810777962207794 + ], + "scale": [ + 3.4937500953674316, + 4.6583333015441895 + ], + "score": 0.7050172361460599 + }, + { + "category_id": 1, + "center": [ + 629.0, + 223.0 + ], + "image_id": 21506418400, + "keypoints": [ + 602.203125, + 27.765609741210938, + 0.015359227545559406, + 640.484375, + 81.35935974121094, + 0.00263148732483387, + 609.859375, + 96.67186737060547, + 0.006297148764133453, + 617.515625, + 66.04685974121094, + 0.010479622520506382, + 502.671875, + 27.765609741210938, + 0.06498311460018158, + 472.046875, + 20.109357833862305, + 0.6143664121627808, + 472.046875, + 188.546875, + 0.7001608610153198, + 579.234375, + 20.109357833862305, + 0.763511061668396, + 571.578125, + 395.265625, + 0.8780493140220642, + 686.421875, + 35.42185974121094, + 0.9242098331451416, + 785.953125, + 356.984375, + 0.8813580274581909, + 586.890625, + 226.828125, + 0.8201324343681335, + 586.890625, + 318.703125, + 0.7660821676254272, + 755.328125, + 196.203125, + 0.7781444787979126, + 824.234375, + 334.015625, + 0.4929758608341217, + 854.859375, + 311.046875, + 0.45952939987182617, + 870.171875, + 372.296875, + 0.12746727466583252 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.7344108955426649 + }, + { + "category_id": 1, + "center": [ + 622.5, + 232.0 + ], + "image_id": 21506401900, + "keypoints": [ + 541.97265625, + 13.42578125, + 0.15999522805213928, + 580.3190307617188, + -1.9127603769302368, + 0.00478143896907568, + 518.96484375, + 13.42578125, + 0.041288673877716064, + 526.6340942382812, + -32.58984375, + 0.0025641301181167364, + 419.2643127441406, + 5.756510257720947, + 0.21180537343025208, + 495.95703125, + 21.09505271911621, + 0.6843383312225342, + 449.94140625, + 159.1419219970703, + 0.7342493534088135, + 618.6653442382812, + 67.11067962646484, + 0.9071096181869507, + 534.3034057617188, + 404.55859375, + 0.9203826189041138, + 772.05078125, + 82.44921875, + 0.8639233112335205, + 764.3815307617188, + 389.2200622558594, + 0.937871515750885, + 595.6575317382812, + 228.1653594970703, + 0.7866068482398987, + 587.98828125, + 327.8658752441406, + 0.7751691341400146, + 779.7200317382812, + 197.48828125, + 0.8538182377815247, + 841.07421875, + 320.1966247558594, + 0.8369238376617432, + 848.7434692382812, + 320.1966247558594, + 0.44405287504196167, + 933.10546875, + 435.2356872558594, + 0.0885239839553833 + ], + "scale": [ + 3.6812498569488525, + 4.9083333015441895 + ], + "score": 0.7463542545835177 + }, + { + "category_id": 1, + "center": [ + 624.5, + 222.5 + ], + "image_id": 21506419200, + "keypoints": [ + 541.0950317382812, + 30.30599021911621, + 0.023208333179354668, + 700.65234375, + 400.1888122558594, + 0.0023752462584525347, + 526.58984375, + 30.30599021911621, + 0.006600250490009785, + 678.89453125, + 197.1158905029297, + 0.005046631209552288, + 439.55859375, + 23.05338478088379, + 0.11179331690073013, + 461.31640625, + 23.05338478088379, + 0.604424238204956, + 454.0638122558594, + 168.10546875, + 0.7019342184066772, + 570.10546875, + 8.548176765441895, + 0.39378827810287476, + 570.10546875, + 392.9361877441406, + 0.8621466159820557, + 686.1471557617188, + 30.30599021911621, + 0.9474958181381226, + 787.68359375, + 349.4205627441406, + 0.9296489953994751, + 591.86328125, + 226.1262969970703, + 0.7413038015365601, + 599.1159057617188, + 327.6627502441406, + 0.7508233785629272, + 765.92578125, + 197.1158905029297, + 0.7683802247047424, + 838.4518432617188, + 327.6627502441406, + 0.6066341400146484, + 860.2096557617188, + 320.41015625, + 0.4810168445110321, + 867.4622192382812, + 414.6940002441406, + 0.13338208198547363 + ], + "scale": [ + 3.481250047683716, + 4.641666889190674 + ], + "score": 0.7079633230512793 + }, + { + "category_id": 1, + "center": [ + 613.5, + 226.0 + ], + "image_id": 21506419600, + "keypoints": [ + 548.75390625, + 24.14453125, + 0.010186921805143356, + 617.30859375, + 54.61328125, + 0.004044540226459503, + 518.28515625, + 24.14453125, + 0.0038180705159902573, + 701.09765625, + 199.33984375, + 0.009330951608717442, + 495.43359375, + 24.14453125, + 0.07199064642190933, + 464.96484375, + 24.14453125, + 0.5319822430610657, + 449.73046875, + 168.87109375, + 0.6695250272750854, + 563.98828125, + 16.52734375, + 0.3971270024776459, + 571.60546875, + 389.76953125, + 0.8754479885101318, + 685.86328125, + 24.14453125, + 0.9188817143440247, + 792.50390625, + 351.68359375, + 0.8887201547622681, + 586.83984375, + 222.19140625, + 0.7514655590057373, + 594.45703125, + 321.21484375, + 0.7408155798912048, + 762.03515625, + 191.72265625, + 0.7396451234817505, + 838.20703125, + 336.44921875, + 0.5734037160873413, + 853.44140625, + 313.59765625, + 0.5033422112464905, + 861.05859375, + 427.85546875, + 0.2197670340538025 + ], + "scale": [ + 3.65625, + 4.875 + ], + "score": 0.6508436128497124 + }, + { + "category_id": 1, + "center": [ + 628.5, + 224.5 + ], + "image_id": 21506423201, + "keypoints": [ + 577.46484375, + 16.433576583862305, + 0.09649422764778137, + 483.24609375, + 55.69139099121094, + 0.004670809954404831, + 569.61328125, + 16.433576583862305, + 0.037186797708272934, + 695.23828125, + 197.01953125, + 0.0055892267264425755, + 506.80078125, + 16.433576583862305, + 0.148851215839386, + 467.54296875, + 24.285140991210938, + 0.5652366280555725, + 467.54296875, + 157.76171875, + 0.794516921043396, + 553.91015625, + 24.285140991210938, + 0.10355699062347412, + 569.61328125, + 393.30859375, + 0.8737468123435974, + 648.12890625, + 0.7304506301879883, + 0.5013532638549805, + 781.60546875, + 354.05078125, + 0.923412561416626, + 593.16796875, + 220.57421875, + 0.8120691776275635, + 601.01953125, + 322.64453125, + 0.7719337940216064, + 781.60546875, + 212.72265625, + 0.7251108884811401, + 844.41796875, + 306.94140625, + 0.5930323600769043, + 875.82421875, + 291.23828125, + 0.3154544234275818, + 891.52734375, + 440.4179992675781, + 0.10823673009872437 + ], + "scale": [ + 3.7687501907348633, + 5.025000095367432 + ], + "score": 0.6875866830348969 + }, + { + "category_id": 1, + "center": [ + 624.5, + 216.0 + ], + "image_id": 21506430001, + "keypoints": [ + 613.11328125, + 7.243489742279053, + 0.2837086021900177, + 484.0638122558594, + 52.79036331176758, + 0.005489639937877655, + 605.5221557617188, + 14.834635734558105, + 0.045550405979156494, + 689.0247192382812, + 189.4309844970703, + 0.006564834155142307, + 514.4284057617188, + -7.938802242279053, + 0.06979004293680191, + 461.2903747558594, + 30.01692771911621, + 0.5866014957427979, + 468.8815002441406, + 166.6575469970703, + 0.7490494251251221, + 567.56640625, + 143.8841094970703, + 0.022473042830824852, + 582.7487182617188, + 386.80078125, + 0.8936555981636047, + 582.7487182617188, + -7.938802242279053, + 0.02958129346370697, + 734.5715942382812, + 272.93359375, + 0.9528310298919678, + 590.33984375, + 227.38671875, + 0.732708752155304, + 597.9309692382812, + 310.8893127441406, + 0.723312497138977, + 764.9362182617188, + 197.0221405029297, + 0.7375627160072327, + 848.4387817382812, + 310.8893127441406, + 0.8632971048355103, + 848.4387817382812, + 310.8893127441406, + 0.4097813665866852, + 886.39453125, + 386.80078125, + 0.08431556820869446 + ], + "scale": [ + 3.643749952316284, + 4.858333587646484 + ], + "score": 0.693250858783722 + }, + { + "category_id": 1, + "center": [ + 614.5, + 210.0 + ], + "image_id": 21506430400, + "keypoints": [ + 597.2799682617188, + 13.69140625, + 0.22152438759803772, + 597.2799682617188, + 6.803385257720947, + 0.0033266195096075535, + 569.7278442382812, + -0.0846354141831398, + 0.10331340879201889, + 673.0481567382812, + 185.8919219970703, + 0.007445814087986946, + 507.7356872558594, + 20.57942771911621, + 0.09604066610336304, + 452.6315002441406, + 27.46744728088379, + 0.5003466606140137, + 466.4075622558594, + 158.33984375, + 0.700606644153595, + 521.51171875, + 27.46744728088379, + 0.08316168189048767, + 590.3919067382812, + 385.64453125, + 0.9025894999504089, + 590.3919067382812, + 6.803385257720947, + 0.5663672685623169, + 741.9284057617188, + 268.5481872558594, + 0.9809409379959106, + 590.3919067382812, + 220.33203125, + 0.7039607763290405, + 597.2799682617188, + 309.8763122558594, + 0.6940426230430603, + 755.7044067382812, + 199.66796875, + 0.8067723512649536, + 852.13671875, + 309.8763122558594, + 0.8627862930297852, + 859.0247192382812, + 309.8763122558594, + 0.4274866580963135, + 893.46484375, + 371.8684997558594, + 0.08851850777864456 + ], + "scale": [ + 3.3062500953674316, + 4.4083333015441895 + ], + "score": 0.669765827330676 + }, + { + "category_id": 1, + "center": [ + 661.0, + 229.5 + ], + "image_id": 21506432001, + "keypoints": [ + 665.140625, + 175.671875, + 0.010233382694423199, + 781.078125, + 316.453125, + 0.003345145145431161, + 872.171875, + 316.453125, + 0.0031679116655141115, + 491.234375, + 10.046875, + 0.003777473233640194, + 499.515625, + 10.046875, + 0.05746149271726608, + 466.390625, + 18.328125, + 0.555572509765625, + 474.671875, + 167.390625, + 0.762725830078125, + 565.765625, + 10.046875, + 0.5093038082122803, + 615.453125, + 382.703125, + 0.8468977212905884, + 698.265625, + 18.328125, + 0.8825216293334961, + 830.765625, + 382.703125, + 0.9476984143257141, + 598.890625, + 225.359375, + 0.8296533226966858, + 598.890625, + 316.453125, + 0.7055602073669434, + 772.796875, + 217.078125, + 0.8275836706161499, + 830.765625, + 283.328125, + 0.5081674456596375, + 872.171875, + 291.609375, + 0.5431104898452759, + 905.296875, + 366.140625, + 0.10103580355644226 + ], + "scale": [ + 3.9750001430511475, + 5.299999713897705 + ], + "score": 0.7198904590173201 + }, + { + "category_id": 1, + "center": [ + 638.5, + 218.5 + ], + "image_id": 21506437601, + "keypoints": [ + 556.05859375, + 18.285140991210938, + 0.019650612026453018, + 658.12890625, + 10.433576583862305, + 0.005227343179285526, + 563.91015625, + 10.433576583862305, + 0.006558974739164114, + 446.1366882324219, + 10.433576583862305, + 0.003472214099019766, + 485.39453125, + 10.433576583862305, + 0.048485904932022095, + 461.83984375, + 33.98826599121094, + 0.7491673827171326, + 477.54296875, + 183.16796875, + 0.6762921810150146, + 603.16796875, + 65.39451599121094, + 0.8932499885559082, + 603.16796875, + 395.16015625, + 0.8517430424690247, + 744.49609375, + 18.285140991210938, + 0.9260415434837341, + 815.16015625, + 379.45703125, + 0.9175971150398254, + 595.31640625, + 230.27734375, + 0.7605199813842773, + 611.01953125, + 324.49609375, + 0.7977439165115356, + 768.05078125, + 198.87109375, + 0.8636854887008667, + 838.71484375, + 324.49609375, + 0.7556266784667969, + 854.41796875, + 316.64453125, + 0.6408176422119141, + 893.67578125, + 379.45703125, + 0.11215601116418839 + ], + "scale": [ + 3.7687501907348633, + 5.025000095367432 + ], + "score": 0.8029531782323663 + }, + { + "category_id": 1, + "center": [ + 626.5, + 207.0 + ], + "image_id": 21506442400, + "keypoints": [ + 549.4362182617188, + 56.92838668823242, + 0.006415266543626785, + 865.8034057617188, + 194.83203125, + 0.0019535343162715435, + 979.37109375, + 567.9830932617188, + 0.0036811698228120804, + 606.2200317382812, + 129.9362030029297, + 0.002672692062333226, + 419.64453125, + -32.30338668823242, + 0.02047663740813732, + 443.98046875, + 32.59244918823242, + 0.6874637007713318, + 435.8684997558594, + 129.9362030029297, + 0.7412029504776001, + 549.4362182617188, + 129.9362030029297, + 0.8785664439201355, + 654.8919067382812, + 308.3997497558594, + 0.8769729137420654, + 687.33984375, + 113.71224212646484, + 0.9372448921203613, + 809.01953125, + 178.6080780029297, + 0.8944751620292664, + 589.99609375, + 227.2799530029297, + 0.6986587047576904, + 598.1080932617188, + 332.7356872558594, + 0.8015071153640747, + 776.5715942382812, + 194.83203125, + 0.6786253452301025, + 849.5794067382812, + 316.51171875, + 0.8588367700576782, + 857.69140625, + 324.6236877441406, + 0.3825725018978119, + 890.1393432617188, + 397.6315002441406, + 0.04849502444267273 + ], + "scale": [ + 3.893749952316284, + 5.191666603088379 + ], + "score": 0.7669205909425562 + }, + { + "category_id": 1, + "center": [ + 636.0, + 197.0 + ], + "image_id": 21506443100, + "keypoints": [ + 508.8125, + 0.4375, + 0.009002353064715862, + 266.0, + 674.9166870117188, + 0.0015050789806991816, + 601.3125, + 146.8958282470703, + 0.0024897591210901737, + 424.0208435058594, + -61.22916793823242, + 0.0014785316307097673, + 408.6041564941406, + -30.39583396911621, + 0.019749382510781288, + 439.4375, + 38.97916793823242, + 0.4132782220840454, + 424.0208435058594, + 116.0625, + 0.7368326187133789, + 593.6041870117188, + 123.77083587646484, + 0.07667727768421173, + 709.2291870117188, + 193.1458282470703, + 0.8352034687995911, + 686.1041870117188, + 154.6041717529297, + 0.15164636075496674, + 847.9791870117188, + 62.10416793823242, + 0.948932409286499, + 609.0208129882812, + 216.2708282470703, + 0.5475489497184753, + 609.0208129882812, + 316.4791564941406, + 0.732757568359375, + 786.3125, + 216.2708282470703, + 0.6107561588287354, + 847.9791870117188, + 316.4791564941406, + 0.7503021955490112, + 855.6875, + 324.1875, + 0.41692087054252625, + 917.3541870117188, + 378.1458435058594, + 0.06764474511146545 + ], + "scale": [ + 3.700000047683716, + 4.933333396911621 + ], + "score": 0.6658369402090708 + }, + { + "category_id": 1, + "center": [ + 639.5, + 199.5 + ], + "image_id": 21506443400, + "keypoints": [ + 579.83203125, + 20.49609375, + 0.042909372597932816, + 675.30078125, + 68.23046875, + 0.003099416848272085, + 619.6106567382812, + 108.00911712646484, + 0.0049161892384290695, + 691.2122192382812, + 76.18619537353516, + 0.005826418288052082, + 460.49609375, + -11.326823234558105, + 0.026118386536836624, + 452.5403747558594, + 44.36328125, + 0.6941240429878235, + 452.5403747558594, + 147.7877655029297, + 0.7625243663787842, + 555.96484375, + 155.7434844970703, + 0.7362829446792603, + 667.3450317382812, + 306.90234375, + 0.8500025272369385, + 675.30078125, + 147.7877655029297, + 0.9993829131126404, + 818.50390625, + 179.6106719970703, + 0.8619687557220459, + 603.69921875, + 235.30078125, + 0.5864197015762329, + 603.69921875, + 330.76953125, + 0.7300293445587158, + 754.8580932617188, + 211.43359375, + 0.4920806288719177, + 842.37109375, + 322.8138122558594, + 0.8382748961448669, + 858.2825317382812, + 314.8580627441406, + 0.28481587767601013, + 882.1497192382812, + 378.50390625, + 0.08810070157051086 + ], + "scale": [ + 3.8187501430511475, + 5.0916666984558105 + ], + "score": 0.7123550908132033 + }, + { + "category_id": 1, + "center": [ + 618.0, + 202.5 + ], + "image_id": 21506443700, + "keypoints": [ + 562.53125, + 13.90625, + 0.08810600638389587, + 673.46875, + -134.0104217529297, + 0.003605930833145976, + 562.53125, + 13.90625, + 0.017069458961486816, + 606.90625, + 73.07291412353516, + 0.005438560154289007, + 481.1770935058594, + -8.28125, + 0.08784943073987961, + 458.9895935058594, + 28.69791603088379, + 0.6908899545669556, + 466.3854064941406, + 147.03125, + 0.7027095556259155, + 577.3229370117188, + 110.05208587646484, + 0.9152425527572632, + 666.0729370117188, + 302.34375, + 0.898190975189209, + 703.0520629882812, + 80.46875, + 0.9362540245056152, + 762.21875, + 132.2395782470703, + 0.7862863540649414, + 584.71875, + 228.3854217529297, + 0.6078441143035889, + 584.71875, + 324.53125, + 0.6527749300003052, + 769.6145629882812, + 220.9895782470703, + 0.6272149682044983, + 843.5729370117188, + 317.1354064941406, + 0.8709583282470703, + 850.96875, + 317.1354064941406, + 0.3998427391052246, + 902.7395629882812, + 368.90625, + 0.10010842978954315 + ], + "scale": [ + 3.549999952316284, + 4.733333110809326 + ], + "score": 0.735291681506417 + }, + { + "category_id": 1, + "center": [ + 645.0, + 195.0 + ], + "image_id": 21506444200, + "keypoints": [ + 579.2578125, + 20.9765625, + 0.05228831246495247, + 664.3359375, + 28.7109375, + 0.003601762931793928, + 586.9921875, + -2.2265625, + 0.0067369574680924416, + 641.1328125, + 129.2578125, + 0.006966050248593092, + 463.2421875, + -2.2265625, + 0.04571700096130371, + 455.5078125, + 28.7109375, + 0.6552109718322754, + 470.9765625, + 152.4609375, + 0.7115740776062012, + 586.9921875, + 98.3203125, + 0.8994045257568359, + 602.4609375, + 330.3515625, + 0.8514614701271057, + 726.2109375, + 75.1171875, + 0.9278401136398315, + 764.8828125, + 222.0703125, + 0.8741751909255981, + 602.4609375, + 222.0703125, + 0.7038092613220215, + 610.1953125, + 314.8828125, + 0.7573312520980835, + 780.3515625, + 206.6015625, + 0.8577033281326294, + 842.2265625, + 307.1484375, + 0.9330651760101318, + 842.2265625, + 299.4140625, + 0.4716423451900482, + 888.6328125, + 376.7578125, + 0.09803488105535507 + ], + "scale": [ + 3.7125000953674316, + 4.949999809265137 + ], + "score": 0.7857470647855238 + }, + { + "category_id": 1, + "center": [ + 627.5, + 204.5 + ], + "image_id": 21506444501, + "keypoints": [ + 569.19921875, + -1.4960769414901733, + 0.04025544971227646, + 856.81640625, + 324.98828125, + 0.0021520215086638927, + 569.19921875, + -1.4960769414901733, + 0.004992373287677765, + 468.14453125, + -55.910133361816406, + 0.002210919978097081, + 444.82421875, + -1.4960769414901733, + 0.04547053948044777, + 460.37109375, + 21.824234008789062, + 0.6900355815887451, + 452.59765625, + 138.42578125, + 0.7591704726219177, + 584.74609375, + 91.78516387939453, + 0.9088479280471802, + 600.29296875, + 332.76171875, + 0.8815461993217468, + 724.66796875, + 60.6914176940918, + 0.9536189436912537, + 755.76171875, + 231.70703125, + 0.84019935131073, + 592.51953125, + 216.16015625, + 0.8028320670127869, + 592.51953125, + 309.44140625, + 0.7153910994529724, + 771.30859375, + 200.61328125, + 0.8237864971160889, + 841.26953125, + 301.66796875, + 0.880260705947876, + 833.49609375, + 293.89453125, + 0.36102911829948425, + 895.68359375, + 418.2695007324219, + 0.061004944145679474 + ], + "scale": [ + 3.7312498092651367, + 4.974999904632568 + ], + "score": 0.7833379967646166 + }, + { + "category_id": 1, + "center": [ + 641.0, + 196.5 + ], + "image_id": 21506444800, + "keypoints": [ + 569.0078125, + 3.2578125, + 0.02886243537068367, + 864.5546875, + 291.2265625, + 0.0037504518404603004, + 576.5859375, + -4.3203125, + 0.007885151542723179, + 667.5234375, + 101.7734375, + 0.002487756544724107, + 478.0703125, + -19.4765625, + 0.013497423380613327, + 470.4921875, + 33.5703125, + 0.5796732306480408, + 462.9140625, + 147.2421875, + 0.6363250017166138, + 584.1640625, + 86.6171875, + 0.8299860954284668, + 591.7421875, + 336.6953125, + 0.8095411062240601, + 728.1484375, + 63.8828125, + 0.8991973996162415, + 758.4609375, + 238.1796875, + 0.8038942813873291, + 599.3203125, + 215.4453125, + 0.7891790866851807, + 599.3203125, + 306.3828125, + 0.7486941814422607, + 766.0390625, + 200.2890625, + 0.8389294743537903, + 841.8203125, + 306.3828125, + 0.8978255391120911, + 841.8203125, + 291.2265625, + 0.4279571771621704, + 856.9765625, + 374.5859375, + 0.06142425909638405 + ], + "scale": [ + 3.637500047683716, + 4.850000381469727 + ], + "score": 0.7510184157978405 + }, + { + "category_id": 1, + "center": [ + 615.5, + 209.0 + ], + "image_id": 21506445100, + "keypoints": [ + 561.49609375, + -3.4153833389282227, + 0.050707392394542694, + 878.3190307617188, + 608.6289672851562, + 0.004629179369658232, + 554.2955932617188, + -17.816425323486328, + 0.010542734526097775, + 467.8893127441406, + -32.21746826171875, + 0.002387895015999675, + 446.2877502441406, + 18.186180114746094, + 0.034800902009010315, + 446.2877502441406, + 32.587223052978516, + 0.6243809461593628, + 453.48828125, + 147.79556274414062, + 0.7188150882720947, + 583.09765625, + 82.99087524414062, + 0.8187930583953857, + 597.4987182617188, + 335.0091247558594, + 0.806208610534668, + 727.1080932617188, + 61.38930892944336, + 0.8434861898422241, + 755.91015625, + 234.2018280029297, + 0.9171743392944336, + 583.09765625, + 219.80078125, + 0.7203088402748108, + 590.2981567382812, + 306.20703125, + 0.6821753978729248, + 770.3112182617188, + 198.19921875, + 0.7906943559646606, + 835.1159057617188, + 313.4075622558594, + 0.866269052028656, + 856.7174682617188, + 313.4075622558594, + 0.32236194610595703, + 946.7239990234375, + 396.21356201171875, + 0.05568384379148483 + ], + "scale": [ + 3.4562501907348633, + 4.608333587646484 + ], + "score": 0.737333438613198 + }, + { + "category_id": 1, + "center": [ + 633.5, + 202.5 + ], + "image_id": 21506445600, + "keypoints": [ + 546.80078125, + 10.25390625, + 0.009102314710617065, + 863.44140625, + 319.35546875, + 0.002372678369283676, + 667.42578125, + 93.18359375, + 0.006685339845716953, + 637.26953125, + 108.26171875, + 0.003123967442661524, + 448.79296875, + 2.71484375, + 0.01839648373425007, + 456.33203125, + 25.33203125, + 0.6845155358314514, + 448.79296875, + 130.87890625, + 0.717531144618988, + 584.49609375, + 85.64453125, + 0.8977192640304565, + 592.03515625, + 334.43359375, + 0.8039265871047974, + 720.19921875, + 63.02734375, + 0.9111881256103516, + 750.35546875, + 236.42578125, + 0.8359646797180176, + 599.57421875, + 221.34765625, + 0.8330448865890503, + 607.11328125, + 311.81640625, + 0.7900219559669495, + 772.97265625, + 198.73046875, + 0.8437932729721069, + 848.36328125, + 304.27734375, + 0.8929771780967712, + 855.90234375, + 304.27734375, + 0.35163962841033936, + 886.05859375, + 372.12890625, + 0.054085373878479004 + ], + "scale": [ + 3.6187500953674316, + 4.824999809265137 + ], + "score": 0.7783929326317527 + }, + { + "category_id": 1, + "center": [ + 652.5, + 214.5 + ], + "image_id": 21506446401, + "keypoints": [ + 522.32421875, + 0.33984375, + 0.014468030072748661, + 757.48046875, + 311.08203125, + 0.004845563322305679, + 681.89453125, + 101.12109375, + 0.003946530167013407, + 648.30078125, + 143.11328125, + 0.013876068405807018, + 438.33984375, + -24.85546875, + 0.04155229777097702, + 471.93359375, + 33.93359375, + 0.7144283652305603, + 455.13671875, + 126.31640625, + 0.666348397731781, + 581.11328125, + 84.32421875, + 0.9007097482681274, + 606.30859375, + 353.07421875, + 0.8480948209762573, + 723.88671875, + 67.52734375, + 0.9237217903137207, + 824.66796875, + 353.07421875, + 0.9227660894393921, + 597.91015625, + 218.69921875, + 0.8357113599777222, + 597.91015625, + 311.08203125, + 0.6703327894210815, + 765.87890625, + 210.30078125, + 0.8508485555648804, + 816.26953125, + 294.28515625, + 0.5314317941665649, + 849.86328125, + 294.28515625, + 0.40826475620269775, + 900.25390625, + 353.07421875, + 0.114629365503788 + ], + "scale": [ + 4.03125, + 5.375 + ], + "score": 0.7520598606629805 + }, + { + "category_id": 1, + "center": [ + 623.0, + 229.0 + ], + "image_id": 21506404801, + "keypoints": [ + 595.9296875, + 24.0390625, + 0.009758132509887218, + 251.75, + 708.53125, + 0.0010765348561108112, + 719.6796875, + 186.4609375, + 0.008463350124657154, + 711.9453125, + 263.8046875, + 0.003947527147829533, + 472.1796875, + 24.0390625, + 0.04562650993466377, + 464.4453125, + 39.5078125, + 0.6608446836471558, + 456.7109375, + 163.2578125, + 0.738446831703186, + 580.4609375, + 101.3828125, + 0.8861836194992065, + 541.7890625, + 403.0234375, + 0.9057838916778564, + 727.4140625, + 54.9765625, + 0.9262731671333313, + 766.0859375, + 395.2890625, + 0.8832453489303589, + 595.9296875, + 232.8671875, + 0.7438300251960754, + 588.1953125, + 333.4140625, + 0.7924517393112183, + 766.0859375, + 201.9296875, + 0.8463177680969238, + 835.6953125, + 333.4140625, + 0.6538028120994568, + 851.1640625, + 317.9453125, + 0.6028957366943359, + 858.8984375, + 403.0234375, + 0.09910625964403152 + ], + "scale": [ + 3.7125000953674316, + 4.949999809265137 + ], + "score": 0.7854614203626459 + }, + { + "category_id": 1, + "center": [ + 632.0, + 230.5 + ], + "image_id": 21506405201, + "keypoints": [ + 558.2760620117188, + 32.609375, + 0.014431905001401901, + 628.1198120117188, + 71.41146087646484, + 0.0027707896661013365, + 837.6510620117188, + 311.984375, + 0.027781324461102486, + 690.203125, + 164.5364532470703, + 0.0056618680246174335, + 480.671875, + 24.84895896911621, + 0.02678579092025757, + 465.1510314941406, + 40.36979293823242, + 0.6485034227371216, + 465.1510314941406, + 164.5364532470703, + 0.7274075150489807, + 581.5573120117188, + 110.21353912353516, + 0.9403267502784729, + 550.515625, + 405.109375, + 0.9076889753341675, + 721.2448120117188, + 63.65104293823242, + 0.8957524299621582, + 775.5676879882812, + 366.3072814941406, + 0.9252966642379761, + 597.078125, + 234.3802032470703, + 0.7659081220626831, + 597.078125, + 335.265625, + 0.7409572601318359, + 767.8073120117188, + 203.3385467529297, + 0.8411969542503357, + 822.1301879882812, + 319.7447814941406, + 0.647445797920227, + 853.171875, + 319.7447814941406, + 0.48834842443466187, + 868.6926879882812, + 420.6302185058594, + 0.21229423582553864 + ], + "scale": [ + 3.7249999046325684, + 4.9666666984558105 + ], + "score": 0.7284272126853466 + }, + { + "category_id": 1, + "center": [ + 639.0, + 232.0 + ], + "image_id": 21506454801, + "keypoints": [ + 562.0598754882812, + 17.377620697021484, + 0.14253315329551697, + 562.0598754882812, + 25.476577758789062, + 0.0020145662128925323, + 553.9609375, + 17.377620697021484, + 0.028226099908351898, + 699.7421875, + 252.2473907470703, + 0.00791413988918066, + 424.37762451171875, + 1.1797056198120117, + 0.35973504185676575, + 472.97137451171875, + 33.57553482055664, + 0.7133893966674805, + 448.67449951171875, + 155.05990600585938, + 0.7201822996139526, + 586.3567504882812, + 106.46615600585938, + 0.9446407556533813, + 537.7630004882812, + 414.2265625, + 0.9479788541793823, + 715.9401245117188, + 179.35678100585938, + 0.9020517468452454, + 756.4348754882812, + 398.02862548828125, + 0.8884305953979492, + 594.4557495117188, + 227.9505157470703, + 0.7236998081207275, + 602.5546875, + 325.13800048828125, + 0.7195521593093872, + 796.9296875, + 211.7526092529297, + 0.5628906488418579, + 845.5234375, + 317.0390625, + 0.7871277928352356, + 853.6223754882812, + 325.13800048828125, + 0.3689449429512024, + 926.5130004882812, + 462.8202819824219, + 0.24341583251953125 + ], + "scale": [ + 3.8874998092651367, + 5.183333396911621 + ], + "score": 0.6832338365224692 + }, + { + "category_id": 1, + "center": [ + 638.0, + 238.0 + ], + "image_id": 21506455100, + "keypoints": [ + 555.421875, + 13.859375, + 0.33806997537612915, + 571.1510620117188, + 37.453125, + 0.006879264023154974, + 523.9635620117188, + 5.994791507720947, + 0.15560460090637207, + 696.984375, + 202.609375, + 0.008247872814536095, + 413.859375, + 5.994791507720947, + 0.6333667039871216, + 461.046875, + 45.31770706176758, + 0.693740725517273, + 453.1822814941406, + 155.421875, + 0.7893774509429932, + 571.1510620117188, + 116.09896087646484, + 0.9118381142616272, + 539.6926879882812, + 414.953125, + 0.9106565713882446, + 704.8489379882812, + 100.36978912353516, + 0.9253706932067871, + 752.0364379882812, + 407.0885314941406, + 0.8842692375183105, + 594.7448120117188, + 226.203125, + 0.7676199674606323, + 602.609375, + 320.578125, + 0.7496973276138306, + 783.4948120117188, + 210.4739532470703, + 0.8571478724479675, + 838.546875, + 312.7135314941406, + 0.7764859795570374, + 830.6823120117188, + 312.7135314941406, + 0.4889147877693176, + 870.0051879882812, + 414.953125, + 0.10769136250019073 + ], + "scale": [ + 3.7750000953674316, + 5.0333333015441895 + ], + "score": 0.7481965697728671 + }, + { + "category_id": 1, + "center": [ + 623.0, + 233.5 + ], + "image_id": 21506455401, + "keypoints": [ + 552.9869995117188, + 8.721354484558105, + 0.17219388484954834, + 560.3567504882812, + 1.3515625, + 0.0033228090032935143, + 530.8776245117188, + 16.09114646911621, + 0.05789833143353462, + 707.7526245117188, + 259.2942810058594, + 0.010169744491577148, + 412.9609375, + 8.721354484558105, + 0.495161235332489, + 494.0286560058594, + 30.83072853088379, + 0.5629715919494629, + 457.1796875, + 163.4869842529297, + 0.7268831729888916, + 604.5755004882812, + 89.7890625, + 0.8657498359680176, + 538.2473754882812, + 414.0599060058594, + 0.9180498719215393, + 737.2317504882812, + 163.4869842529297, + 0.8333869576454163, + 766.7109375, + 399.3203125, + 0.8976202011108398, + 589.8359375, + 229.8151092529297, + 0.6783844828605652, + 582.4661254882812, + 332.9921875, + 0.7176377773284912, + 774.0807495117188, + 207.7057342529297, + 0.6245267391204834, + 847.7786254882812, + 310.8828125, + 0.8190268278121948, + 847.7786254882812, + 318.2525939941406, + 0.405522882938385, + 840.4088745117188, + 406.6900939941406, + 0.06271307915449142 + ], + "scale": [ + 3.5374999046325684, + 4.7166666984558105 + ], + "score": 0.712076798081398 + }, + { + "category_id": 1, + "center": [ + 628.5, + 232.0 + ], + "image_id": 21506455700, + "keypoints": [ + 556.13671875, + 22.52734375, + 0.2506251633167267, + 525.66796875, + -15.55859375, + 0.006235158536583185, + 548.51953125, + 7.29296875, + 0.11050429940223694, + 411.41015625, + -0.32421875, + 0.0063013602048158646, + 434.26171875, + 14.91015625, + 0.6381109356880188, + 457.11328125, + 45.37890625, + 0.7132251858711243, + 457.11328125, + 167.25390625, + 0.8039886951446533, + 556.13671875, + 98.69921875, + 0.8253726959228516, + 540.90234375, + 411.00390625, + 0.9192845821380615, + 678.01171875, + 136.78515625, + 0.9373558759689331, + 761.80078125, + 395.76953125, + 0.8896228671073914, + 586.60546875, + 228.19140625, + 0.7138994932174683, + 594.22265625, + 327.21484375, + 0.7382634878158569, + 769.41796875, + 197.72265625, + 0.8248528242111206, + 830.35546875, + 327.21484375, + 0.6828711032867432, + 845.58984375, + 319.59765625, + 0.6078855991363525, + 860.82421875, + 411.00390625, + 0.1250951588153839 + ], + "scale": [ + 3.65625, + 4.875 + ], + "score": 0.7342583468327155 + }, + { + "category_id": 1, + "center": [ + 622.0, + 232.0 + ], + "image_id": 21506456001, + "keypoints": [ + 565.75, + 10.75, + 0.06360869109630585, + 550.75, + -4.25, + 0.0027037877589464188, + 558.25, + -19.25, + 0.008001350797712803, + 685.75, + 258.25, + 0.006551594473421574, + 445.75, + 10.75, + 0.44793033599853516, + 453.25, + 40.75, + 0.7114213109016418, + 453.25, + 168.25, + 0.7243038415908813, + 558.25, + 115.75, + 0.8831502795219421, + 535.75, + 408.25, + 0.9268102645874023, + 678.25, + 145.75, + 0.9300885200500488, + 753.25, + 400.75, + 0.9188632965087891, + 580.75, + 228.25, + 0.7347620129585266, + 580.75, + 325.75, + 0.745862603187561, + 760.75, + 205.75, + 0.8483192324638367, + 835.75, + 340.75, + 0.6934179067611694, + 858.25, + 325.75, + 0.7106633186340332, + 850.75, + 400.75, + 0.13622823357582092 + ], + "scale": [ + 3.6000001430511475, + 4.799999713897705 + ], + "score": 0.772966076930364 + }, + { + "category_id": 1, + "center": [ + 642.0, + 223.5 + ], + "image_id": 21506458001, + "keypoints": [ + 559.6953125, + 15.778645515441895, + 0.020128875970840454, + 638.0807495117188, + 70.6484375, + 0.002164951991289854, + 739.9817504882812, + 180.3880157470703, + 0.004726724699139595, + 700.7890625, + 156.8723907470703, + 0.006582644768059254, + 465.6328125, + 0.1015625, + 0.029155684635043144, + 465.6328125, + 31.45572853088379, + 0.696081817150116, + 449.9557189941406, + 156.8723907470703, + 0.7199079394340515, + 583.2109375, + 109.84114837646484, + 0.916289210319519, + 575.3723754882812, + 392.0286560058594, + 0.8611530065536499, + 716.4661254882812, + 70.6484375, + 0.9104480743408203, + 794.8515625, + 384.1900939941406, + 0.8954212665557861, + 598.8880004882812, + 235.2578125, + 0.843517541885376, + 598.8880004882812, + 329.3203125, + 0.8503378629684448, + 771.3359375, + 219.5807342529297, + 0.7686866521835327, + 834.0442504882812, + 329.3203125, + 0.5590387582778931, + 865.3984375, + 337.1588439941406, + 0.5223532319068909, + 912.4296875, + 384.1900939941406, + 0.13959433138370514 + ], + "scale": [ + 3.762500047683716, + 5.016666412353516 + ], + "score": 0.77665776014328 + }, + { + "category_id": 1, + "center": [ + 613.5, + 221.0 + ], + "image_id": 21506459500, + "keypoints": [ + 546.0846557617188, + 32.94661331176758, + 0.00957276951521635, + 872.5169067382812, + 316.80078125, + 0.00325654074549675, + 702.2044067382812, + 181.9700469970703, + 0.00622657360509038, + 758.9752807617188, + 302.6080627441406, + 0.005130777135491371, + 468.0247497558594, + 11.657551765441895, + 0.028122887015342712, + 468.0247497558594, + 40.04296875, + 0.6941880583763123, + 439.6393127441406, + 139.3919219970703, + 0.7193375825881958, + 581.56640625, + 103.91015625, + 0.8482280969619751, + 560.27734375, + 401.95703125, + 0.86649489402771, + 723.4934692382812, + 61.33203125, + 0.9008046388626099, + 702.2044067382812, + 330.9934997558594, + 0.9425283670425415, + 581.56640625, + 224.5481719970703, + 0.7597307562828064, + 581.56640625, + 323.8971252441406, + 0.7192978858947754, + 758.9752807617188, + 203.2591094970703, + 0.8580607175827026, + 851.2278442382812, + 316.80078125, + 0.9039580225944519, + 865.4205932617188, + 316.80078125, + 0.513065755367279, + 893.8059692382812, + 352.2825622558594, + 0.08205276727676392 + ], + "scale": [ + 3.40625, + 4.5416669845581055 + ], + "score": 0.7932449795983054 + }, + { + "category_id": 1, + "center": [ + 616.0, + 222.5 + ], + "image_id": 21506460000, + "keypoints": [ + 604.75, + 398.75, + 0.0050409166142344475, + 852.25, + -92.5, + 0.0011458873050287366, + 709.75, + 181.25, + 0.007046263199299574, + 672.25, + 158.75, + 0.0029114042408764362, + 462.25, + 16.25, + 0.00957535207271576, + 454.75, + 38.75, + 0.667534351348877, + 432.25, + 136.25, + 0.6478247046470642, + 574.75, + 113.75, + 0.9214996099472046, + 559.75, + 398.75, + 0.8813265562057495, + 709.75, + 76.25, + 0.910437822341919, + 709.75, + 331.25, + 0.9131307601928711, + 589.75, + 226.25, + 0.7848432064056396, + 589.75, + 323.75, + 0.7328844666481018, + 762.25, + 196.25, + 0.8323944807052612, + 852.25, + 316.25, + 0.854657769203186, + 844.75, + 308.75, + 0.623273491859436, + 762.25, + 203.75, + 0.055853359401226044 + ], + "scale": [ + 3.6000001430511475, + 4.799999713897705 + ], + "score": 0.79725520177321 + }, + { + "category_id": 1, + "center": [ + 634.0, + 219.5 + ], + "image_id": 21506461400, + "keypoints": [ + 552.7890625, + 14.5390625, + 0.029255326837301254, + 784.8203125, + 339.3828125, + 0.005257205571979284, + 838.9609375, + 300.7109375, + 0.012215033173561096, + 661.0703125, + 146.0234375, + 0.0065220193937420845, + 475.4453125, + 14.5390625, + 0.0658145546913147, + 467.7109375, + 37.7421875, + 0.6697415113449097, + 459.9765625, + 161.4921875, + 0.5929228663444519, + 591.4609375, + 107.3515625, + 0.9228764772415161, + 560.5234375, + 401.2578125, + 0.8889420032501221, + 722.9453125, + 68.6796875, + 0.905819296836853, + 707.4765625, + 331.6484375, + 0.9327088594436646, + 583.7265625, + 223.3671875, + 0.8274146318435669, + 591.4609375, + 316.1796875, + 0.7195603847503662, + 746.1484375, + 192.4296875, + 0.7613557577133179, + 854.4296875, + 316.1796875, + 0.7352010607719421, + 846.6953125, + 300.7109375, + 0.6239809989929199, + 885.3671875, + 354.8515625, + 0.10817313194274902 + ], + "scale": [ + 3.7125000953674316, + 4.949999809265137 + ], + "score": 0.7800476225939664 + }, + { + "category_id": 1, + "center": [ + 639.0, + 230.0 + ], + "image_id": 21506461700, + "keypoints": [ + 547.9583129882812, + 20.20833396911621, + 0.008931162767112255, + 777.5416870117188, + 423.9583435058594, + 0.0017091854242607951, + 737.9583129882812, + 186.4583282470703, + 0.006055270787328482, + 706.2916870117188, + 162.7083282470703, + 0.004602011293172836, + 468.7916564941406, + 4.375, + 0.027229800820350647, + 460.875, + 36.04166793823242, + 0.6602358818054199, + 468.7916564941406, + 162.7083282470703, + 0.7132115960121155, + 587.5416870117188, + 99.375, + 0.9052661657333374, + 563.7916870117188, + 400.2083435058594, + 0.9059158563613892, + 722.125, + 59.79166793823242, + 0.8631240129470825, + 706.2916870117188, + 328.9583435058594, + 0.9812353253364563, + 595.4583129882812, + 233.9583282470703, + 0.7780379056930542, + 603.375, + 328.9583435058594, + 0.7271707057952881, + 761.7083129882812, + 194.375, + 0.8870991468429565, + 856.7083129882812, + 313.125, + 0.8016045093536377, + 856.7083129882812, + 297.2916564941406, + 0.6086608171463013, + 904.2083129882812, + 368.5416564941406, + 0.14314819872379303 + ], + "scale": [ + 3.799999952316284, + 5.066666603088379 + ], + "score": 0.8028692657297308 + }, + { + "category_id": 1, + "center": [ + 617.0, + 223.5 + ], + "image_id": 21506462800, + "keypoints": [ + 545.5026245117188, + 9.007794380187988, + 0.07289616018533707, + 948.1458740234375, + 558.4088745117188, + 0.0015871771611273289, + 553.0286254882812, + -6.044290065765381, + 0.023062482476234436, + 432.6119689941406, + -21.09637451171875, + 0.004064355511218309, + 462.71612548828125, + 9.007794380187988, + 0.16616961359977722, + 447.6640625, + 39.11196517944336, + 0.7001405954360962, + 462.71612548828125, + 167.0546875, + 0.7358185052871704, + 583.1328125, + 99.32030487060547, + 0.8318507075309753, + 560.5546875, + 400.36199951171875, + 0.9125297665596008, + 718.6015625, + 69.21613311767578, + 0.8770588040351868, + 703.5494995117188, + 332.62762451171875, + 0.985460638999939, + 583.1328125, + 227.2630157470703, + 0.7510871887207031, + 590.6588745117188, + 325.1015625, + 0.7425811290740967, + 756.2318115234375, + 197.1588592529297, + 0.8177131414413452, + 846.5443115234375, + 310.04949951171875, + 0.6994572877883911, + 846.5443115234375, + 279.9453125, + 0.4824345111846924, + 891.7005615234375, + 317.5755310058594, + 0.06154707446694374 + ], + "scale": [ + 3.6125001907348633, + 4.816666603088379 + ], + "score": 0.7760120250961997 + }, + { + "category_id": 1, + "center": [ + 617.0, + 221.5 + ], + "image_id": 21506463100, + "keypoints": [ + 547.7291870117188, + 13.6875, + 0.06152268499135971, + 864.9166870117188, + 673.5833129882812, + 0.001974712824448943, + 547.7291870117188, + 28.27083396911621, + 0.011728012934327126, + 606.0625, + 93.89583587646484, + 0.004084084648638964, + 438.3541564941406, + 13.6875, + 0.08429261296987534, + 460.2291564941406, + 35.5625, + 0.7047143578529358, + 452.9375, + 159.5208282470703, + 0.6712961196899414, + 584.1875, + 93.89583587646484, + 0.8353361487388611, + 562.3125, + 400.1458435058594, + 0.9000691175460815, + 722.7291870117188, + 64.72916412353516, + 0.8747671842575073, + 708.1458129882812, + 327.2291564941406, + 0.9546899795532227, + 584.1875, + 232.4375, + 0.7253396511077881, + 591.4791870117188, + 319.9375, + 0.7251100540161133, + 759.1875, + 203.2708282470703, + 0.8073946237564087, + 846.6875, + 312.6458435058594, + 0.7664124965667725, + 846.6875, + 283.4791564941406, + 0.44397252798080444, + 875.8541870117188, + 349.1041564941406, + 0.05814632400870323 + ], + "scale": [ + 3.5, + 4.666666507720947 + ], + "score": 0.7644638419151306 + }, + { + "category_id": 1, + "center": [ + 615.0, + 220.5 + ], + "image_id": 21506463600, + "keypoints": [ + 553.2421875, + -1.1015625, + 0.048865728080272675, + 887.4609375, + 333.1171875, + 0.002082697581499815, + 545.9765625, + -1.1015625, + 0.0075807515531778336, + 625.8984375, + 100.6171875, + 0.0027322147507220507, + 451.5234375, + 6.1640625, + 0.03198991343379021, + 458.7890625, + 35.2265625, + 0.6642367839813232, + 473.3203125, + 180.5390625, + 0.5911128520965576, + 575.0390625, + 100.6171875, + 0.8830231428146362, + 560.5078125, + 398.5078125, + 0.8721691370010376, + 713.0859375, + 71.5546875, + 0.8675335645675659, + 705.8203125, + 333.1171875, + 0.9682473540306091, + 589.5703125, + 224.1328125, + 0.772057056427002, + 589.5703125, + 318.5859375, + 0.7302197813987732, + 763.9453125, + 202.3359375, + 0.8318908214569092, + 851.1328125, + 311.3203125, + 0.8560399413108826, + 858.3984375, + 296.7890625, + 0.4970221519470215, + 880.1953125, + 347.6484375, + 0.06718924641609192 + ], + "scale": [ + 3.487499952316284, + 4.650000095367432 + ], + "score": 0.7757775079120289 + }, + { + "category_id": 1, + "center": [ + 635.5, + 224.5 + ], + "image_id": 21506464000, + "keypoints": [ + 562.8893432617188, + 6.667986869812012, + 0.10292169451713562, + 784.54296875, + 342.97003173828125, + 0.0036604125052690506, + 570.5325317382812, + -0.9752416610717773, + 0.030495619401335716, + 631.6784057617188, + 128.9596405029297, + 0.006215800531208515, + 463.52734375, + 6.667986869812012, + 0.20180094242095947, + 463.52734375, + 44.88412857055664, + 0.7276419997215271, + 455.8841247558594, + 151.8893280029297, + 0.7473986148834229, + 585.8190307617188, + 98.38672637939453, + 0.9079923629760742, + 562.8893432617188, + 404.1158752441406, + 0.8838095664978027, + 723.3971557617188, + 60.17058563232422, + 0.8881525993347168, + 700.4674682617188, + 327.68359375, + 0.9608217477798462, + 593.4622192382812, + 228.3216094970703, + 0.7581035494804382, + 601.10546875, + 327.68359375, + 0.7383750081062317, + 761.61328125, + 197.7487030029297, + 0.8328382968902588, + 853.33203125, + 312.3971252441406, + 0.8498079776763916, + 853.33203125, + 304.75390625, + 0.6758238077163696, + 899.19140625, + 365.89971923828125, + 0.1138310506939888 + ], + "scale": [ + 3.6687498092651367, + 4.891666889190674 + ], + "score": 0.7643805394570032 + }, + { + "category_id": 1, + "center": [ + 621.0, + 224.0 + ], + "image_id": 21506406400, + "keypoints": [ + 556.8073120117188, + 23.86979103088379, + 0.042269520461559296, + 836.234375, + 341.0572814941406, + 0.00300120678730309, + 556.8073120117188, + 23.86979103088379, + 0.011441527865827084, + 836.234375, + 348.609375, + 0.004326892085373402, + 443.5260314941406, + 16.31770896911621, + 0.1006186380982399, + 458.6302185058594, + 38.97395706176758, + 0.6558521389961243, + 458.6302185058594, + 167.359375, + 0.7310177087783813, + 587.015625, + 99.390625, + 0.8493099212646484, + 556.8073120117188, + 401.4739685058594, + 0.861209511756897, + 730.5051879882812, + 54.078125, + 0.9162085056304932, + 775.8176879882812, + 341.0572814941406, + 0.8940113186836243, + 587.015625, + 227.7760467529297, + 0.7594078779220581, + 587.015625, + 318.4010314941406, + 0.7141305208206177, + 760.7135620117188, + 197.5677032470703, + 0.8083674907684326, + 813.578125, + 303.296875, + 0.3256826102733612, + 836.234375, + 295.7447814941406, + 0.333737850189209, + 851.3385620117188, + 348.609375, + 0.10179818421602249 + ], + "scale": [ + 3.625, + 4.8333330154418945 + ], + "score": 0.7135395868258043 + }, + { + "category_id": 1, + "center": [ + 619.0, + 219.5 + ], + "image_id": 21506464400, + "keypoints": [ + 553.0364379882812, + -1.671875, + 0.040570564568042755, + 960.4583129882812, + 564.8385620117188, + 0.0011920466786250472, + 553.0364379882812, + -24.953125, + 0.011050363071262836, + 677.203125, + 153.5364532470703, + 0.0038136092480272055, + 459.9114685058594, + 13.848958015441895, + 0.13441529870033264, + 459.9114685058594, + 37.13020706176758, + 0.7589730024337769, + 459.9114685058594, + 161.296875, + 0.7200854420661926, + 584.078125, + 99.21353912353516, + 0.8908341526985168, + 568.5573120117188, + 401.8697814941406, + 0.8802706599235535, + 723.765625, + 60.41145706176758, + 0.9112565517425537, + 700.484375, + 324.265625, + 0.9501035213470459, + 584.078125, + 223.3802032470703, + 0.780471920967102, + 584.078125, + 316.5052185058594, + 0.7738738059997559, + 770.328125, + 200.0989532470703, + 0.8195594549179077, + 847.9323120117188, + 316.5052185058594, + 0.8235130310058594, + 847.9323120117188, + 300.984375, + 0.6993518471717834, + 871.2135620117188, + 363.0677185058594, + 0.0623067170381546 + ], + "scale": [ + 3.7249999046325684, + 4.9666666984558105 + ], + "score": 0.8189357627521862 + }, + { + "category_id": 1, + "center": [ + 631.0, + 224.5 + ], + "image_id": 21506464800, + "keypoints": [ + 564.8151245117188, + 18.15885353088379, + 0.04375706613063812, + 782.8359375, + 345.1900939941406, + 0.0023818823974579573, + 564.8151245117188, + 18.15885353088379, + 0.011217021383345127, + 689.3984375, + 158.3151092529297, + 0.005092501174658537, + 471.3775939941406, + 18.15885353088379, + 0.061193473637104034, + 455.8046875, + 41.51823043823242, + 0.7035199403762817, + 455.8046875, + 166.1015625, + 0.7156134843826294, + 580.3880004882812, + 96.0234375, + 0.9226620197296143, + 564.8151245117188, + 399.6953125, + 0.8987144827842712, + 720.5442504882812, + 64.87760162353516, + 0.9077394604682922, + 704.9713745117188, + 329.6171875, + 0.975382924079895, + 588.1744995117188, + 228.3932342529297, + 0.7747608423233032, + 595.9609375, + 329.6171875, + 0.716632068157196, + 767.2630004882812, + 197.2473907470703, + 0.8319682478904724, + 852.9140625, + 314.0442810058594, + 0.7691965699195862, + 852.9140625, + 306.2578125, + 0.6790589094161987, + 891.8463745117188, + 360.7630310058594, + 0.09238369762897491 + ], + "scale": [ + 3.737499952316284, + 4.983333587646484 + ], + "score": 0.8086589954116128 + }, + { + "category_id": 1, + "center": [ + 642.5, + 223.5 + ], + "image_id": 21506472001, + "keypoints": [ + 614.47265625, + 11.29296875, + 0.015199060551822186, + 662.51953125, + 419.69140625, + 0.00478817755356431, + 846.69921875, + 307.58203125, + 0.008040586486458778, + 702.55859375, + 187.46484375, + 0.008021064102649689, + 454.31640625, + 19.30078125, + 0.03756891191005707, + 462.32421875, + 19.30078125, + 0.6667171120643616, + 470.33203125, + 179.45703125, + 0.7442256212234497, + 574.43359375, + 11.29296875, + 0.7276384830474854, + 566.42578125, + 403.67578125, + 0.9053491353988647, + 686.54296875, + 35.31640625, + 0.9167643785476685, + 782.63671875, + 379.65234375, + 0.9129177927970886, + 598.45703125, + 227.50390625, + 0.8565796613693237, + 598.45703125, + 323.59765625, + 0.7374850511550903, + 766.62109375, + 211.48828125, + 0.8235185146331787, + 838.69140625, + 307.58203125, + 0.5781314373016357, + 870.72265625, + 307.58203125, + 0.5703355073928833, + 902.75390625, + 371.64453125, + 0.1395280361175537 + ], + "scale": [ + 3.84375, + 5.125 + ], + "score": 0.7672420631755482 + }, + { + "category_id": 1, + "center": [ + 639.0, + 227.5 + ], + "image_id": 21506472401, + "keypoints": [ + 610.2890625, + 10.1171875, + 0.01390914712101221, + 807.1640625, + 305.4296875, + 0.0024153327103704214, + 848.1796875, + 313.6328125, + 0.014850383624434471, + 700.5234375, + 190.5859375, + 0.009167362004518509, + 470.8359375, + 10.1171875, + 0.05784706026315689, + 454.4296875, + 18.3203125, + 0.640984296798706, + 462.6328125, + 174.1796875, + 0.7388288974761963, + 561.0703125, + 10.1171875, + 0.7169129848480225, + 552.8671875, + 403.8671875, + 0.9199644923210144, + 692.3203125, + 34.7265625, + 0.9221494197845459, + 766.1484375, + 362.8515625, + 0.9656013250350952, + 593.8828125, + 223.3984375, + 0.8545200228691101, + 593.8828125, + 321.8359375, + 0.6996257305145264, + 774.3515625, + 215.1953125, + 0.7860627174377441, + 831.7734375, + 313.6328125, + 0.6522395610809326, + 864.5859375, + 297.2265625, + 0.5986031293869019, + 872.7890625, + 395.6640625, + 0.15065407752990723 + ], + "scale": [ + 3.9375, + 5.25 + ], + "score": 0.7723175070502541 + }, + { + "category_id": 1, + "center": [ + 640.5, + 215.0 + ], + "image_id": 21506408801, + "keypoints": [ + 612.8372192382812, + 5.553385257720947, + 0.028820227831602097, + 612.8372192382812, + 21.36067771911621, + 0.005282650236040354, + 597.0299682617188, + 13.45703125, + 0.007050693035125732, + 699.77734375, + 179.43359375, + 0.007252913434058428, + 462.66796875, + 5.553385257720947, + 0.09031198918819427, + 470.5716247558594, + 13.45703125, + 0.5758107900619507, + 446.8606872558594, + 155.72265625, + 0.6579683423042297, + 573.3190307617188, + 13.45703125, + 0.7943081259727478, + 581.22265625, + 384.9283752441406, + 0.8554906845092773, + 691.8737182617188, + 37.16796875, + 0.9134116172790527, + 802.5247192382812, + 361.2174377441406, + 0.936000645160675, + 589.1262817382812, + 218.9518280029297, + 0.8710958361625671, + 597.0299682617188, + 321.69921875, + 0.7775866389274597, + 763.0065307617188, + 211.0481719970703, + 0.7363739013671875, + 834.1393432617188, + 321.69921875, + 0.4634076952934265, + 857.8502807617188, + 297.98828125, + 0.42055389285087585, + 897.3684692382812, + 369.12109375, + 0.09328684210777283 + ], + "scale": [ + 3.793750047683716, + 5.058333396911621 + ], + "score": 0.7274552881717682 + }, + { + "category_id": 1, + "center": [ + 619.5, + 228.0 + ], + "image_id": 21506510801, + "keypoints": [ + 560.80859375, + -2.8528645038604736, + 0.16103598475456238, + 537.33203125, + 12.798176765441895, + 0.0038513951003551483, + 545.1575317382812, + -2.8528645038604736, + 0.09733602404594421, + 709.4934692382812, + 255.3893280029297, + 0.005045395810157061, + 459.0768127441406, + -2.8528645038604736, + 0.37002190947532654, + 466.90234375, + 28.44921875, + 0.722557008266449, + 451.2513122558594, + 153.6575469970703, + 0.7221266031265259, + 599.9362182617188, + 36.27473831176758, + 0.8469392657279968, + 592.1106567382812, + 388.4231872558594, + 0.846103847026825, + 772.09765625, + 20.62369728088379, + 0.8560614585876465, + 795.57421875, + 404.07421875, + 0.9191712141036987, + 599.9362182617188, + 224.0872344970703, + 0.8266320824623108, + 599.9362182617188, + 325.8190002441406, + 0.8097898960113525, + 779.9231567382812, + 208.4362030029297, + 0.8460211753845215, + 850.3528442382812, + 310.16796875, + 0.8647083044052124, + 858.1784057617188, + 317.9934997558594, + 0.5859142541885376, + 897.3059692382812, + 396.2486877441406, + 0.0906895250082016 + ], + "scale": [ + 3.7562501430511475, + 5.008333206176758 + ], + "score": 0.7680039182305336 + }, + { + "category_id": 1, + "center": [ + 620.0, + 217.5 + ], + "image_id": 21506513500, + "keypoints": [ + 615.9765625, + 12.3046875, + 0.014376070350408554, + 471.1328125, + 44.4921875, + 0.0029323347844183445, + 970.0390625, + 575.5859375, + 0.002500670263543725, + 430.8984375, + 4.2578125, + 0.0027268065605312586, + 446.9921875, + -19.8828125, + 0.019580379128456116, + 455.0390625, + 36.4453125, + 0.6699885129928589, + 446.9921875, + 157.1484375, + 0.7138334512710571, + 543.5546875, + 157.1484375, + 0.5982615947723389, + 575.7421875, + 390.5078125, + 0.9189931154251099, + 656.2109375, + 189.3359375, + 0.9613009691238403, + 720.5859375, + 318.0859375, + 0.9595838189125061, + 591.8359375, + 221.5234375, + 0.7369943857192993, + 599.8828125, + 318.0859375, + 0.7569878101348877, + 760.8203125, + 189.3359375, + 0.8012202978134155, + 849.3359375, + 318.0859375, + 0.8661323189735413, + 849.3359375, + 301.9921875, + 0.5138451457023621, + 881.5234375, + 390.5078125, + 0.06471681594848633 + ], + "scale": [ + 3.862499952316284, + 5.149999618530273 + ], + "score": 0.7724674018946561 + }, + { + "category_id": 1, + "center": [ + 616.5, + 217.5 + ], + "image_id": 21506514200, + "keypoints": [ + 568.8502807617188, + 8.574200630187988, + 0.052488066256046295, + 865.7448120117188, + 672.0052490234375, + 0.002242861082777381, + 561.51953125, + -13.417988777160645, + 0.015677539631724358, + 473.55078125, + -28.079448699951172, + 0.002722693607211113, + 473.55078125, + 23.235660552978516, + 0.06985644996166229, + 466.22003173828125, + 37.89712142944336, + 0.688031017780304, + 451.55859375, + 169.85025024414062, + 0.7078055143356323, + 598.1731567382812, + 103.87368774414062, + 0.8909002542495728, + 576.1809692382812, + 389.77215576171875, + 0.9325050115585327, + 730.1262817382812, + 59.88930892944336, + 0.9045113325119019, + 708.1340942382812, + 316.46484375, + 0.9583960771560669, + 590.8424682617188, + 228.49609375, + 0.7555887699127197, + 590.8424682617188, + 323.79559326171875, + 0.7336692810058594, + 752.1185302734375, + 199.1731719970703, + 0.8146710395812988, + 840.0872802734375, + 316.46484375, + 0.7168904542922974, + 840.0872802734375, + 301.80340576171875, + 0.3640105128288269, + 884.0716552734375, + 353.1184997558594, + 0.08470995724201202 + ], + "scale": [ + 3.5187501907348633, + 4.691666603088379 + ], + "score": 0.7697253877466376 + }, + { + "category_id": 1, + "center": [ + 615.0, + 206.5 + ], + "image_id": 21506514801, + "keypoints": [ + 567.4348754882812, + 5.263038158416748, + 0.415172815322876, + 545.4817504882812, + -24.007793426513672, + 0.009970451705157757, + 545.4817504882812, + -2.0546693801879883, + 0.30408626794815063, + 450.3515625, + -53.278621673583984, + 0.003566944971680641, + 450.3515625, + 12.580745697021484, + 0.6268553137779236, + 494.2578125, + 34.533870697021484, + 0.6684654951095581, + 457.6692810058594, + 166.2526092529297, + 0.7475957274436951, + 611.3411254882812, + 85.75782012939453, + 0.9043214321136475, + 567.4348754882812, + 371.1484375, + 0.8924401998519897, + 765.0130004882812, + 122.34635925292969, + 0.8786990642547607, + 721.1067504882812, + 297.9713439941406, + 0.8913682699203491, + 589.3880004882812, + 217.4765625, + 0.7325100898742676, + 589.3880004882812, + 312.60675048828125, + 0.7472167015075684, + 757.6953125, + 217.4765625, + 0.6377567052841187, + 838.1900634765625, + 312.60675048828125, + 0.9267783761024475, + 830.8723754882812, + 297.9713439941406, + 0.38276541233062744, + 874.7786254882812, + 378.46612548828125, + 0.06206607073545456 + ], + "scale": [ + 3.5124998092651367, + 4.683333396911621 + ], + "score": 0.6968594193458557 + }, + { + "category_id": 1, + "center": [ + 622.0, + 206.5 + ], + "image_id": 21506515100, + "keypoints": [ + 625.7630004882812, + 7.059878826141357, + 0.04623108729720116, + 670.9192504882812, + -143.46096801757812, + 0.002582116285338998, + 610.7109375, + -143.46096801757812, + 0.0037453952245414257, + 685.9713745117188, + 180.1588592529297, + 0.006752925459295511, + 475.2421875, + -23.04429054260254, + 0.03375857323408127, + 475.2421875, + 29.63800621032715, + 0.5457513332366943, + 460.1900939941406, + 142.5286407470703, + 0.7254104018211365, + 573.0807495117188, + 165.1067657470703, + 0.06093577295541763, + 603.1848754882812, + 338.20574951171875, + 0.8719107508659363, + 723.6015625, + 172.6328125, + 0.031071636825799942, + 768.7578125, + 240.3671875, + 0.8400783538818359, + 595.6588745117188, + 217.7890625, + 0.7896995544433594, + 603.1848754882812, + 308.1015625, + 0.7109521627426147, + 783.8099365234375, + 195.2109375, + 0.8941671848297119, + 851.5443115234375, + 308.1015625, + 0.9132675528526306, + 844.0182495117188, + 300.5755310058594, + 0.33831706643104553, + 874.1224365234375, + 375.8359375, + 0.044430822134017944 + ], + "scale": [ + 3.6125001907348633, + 4.816666603088379 + ], + "score": 0.736617151233885 + }, + { + "category_id": 1, + "center": [ + 613.0, + 202.5 + ], + "image_id": 21506516300, + "keypoints": [ + 595.4869995117188, + 16.861961364746094, + 0.18567019701004028, + 826.6588745117188, + 374.12762451171875, + 0.00826387107372284, + 560.4609375, + -4.153664588928223, + 0.039806198328733444, + 700.5651245117188, + 177.9817657470703, + 0.004160077311098576, + 511.4244689941406, + -4.153664588928223, + 0.029438108205795288, + 469.3932189941406, + 30.872379302978516, + 0.4956792891025543, + 455.3828125, + 149.9609375, + 0.5950138568878174, + 553.4557495117188, + 128.9453125, + 0.024695659056305885, + 588.4817504882812, + 346.1067810058594, + 0.843936562538147, + 714.5755004882812, + 170.9765625, + 0.019852420315146446, + 742.5963745117188, + 248.0338592529297, + 0.9101654291152954, + 595.4869995117188, + 213.0078125, + 0.7164051532745361, + 602.4921875, + 311.08074951171875, + 0.7547721862792969, + 763.6119995117188, + 191.9921875, + 0.8959989547729492, + 854.6796875, + 311.08074951171875, + 0.8554180860519409, + 861.6849365234375, + 304.0755310058594, + 0.34587162733078003, + 935.2396240234375, + 384.63543701171875, + 0.04735611379146576 + ], + "scale": [ + 3.3625001907348633, + 4.483333110809326 + ], + "score": 0.7125845717059242 + }, + { + "category_id": 1, + "center": [ + 647.5, + 195.0 + ], + "image_id": 21506516600, + "keypoints": [ + 577.2200317382812, + 8.96484375, + 0.24111127853393555, + 560.68359375, + 8.96484375, + 0.0038177943788468838, + 527.6106567382812, + 17.23307228088379, + 0.04683751240372658, + 478.0013122558594, + -15.83984375, + 0.002992660505697131, + 469.7330627441406, + -15.83984375, + 0.08190064132213593, + 469.7330627441406, + 17.23307228088379, + 0.5473682880401611, + 453.1966247558594, + 124.72005462646484, + 0.7131039500236511, + 519.3424682617188, + 108.18359375, + 0.04364413768053055, + 585.48828125, + 347.9622497558594, + 0.863588809967041, + 709.51171875, + 199.1341094970703, + 0.08441350609064102, + 750.8528442382812, + 240.4752655029297, + 0.963341236114502, + 593.7565307617188, + 215.6705780029297, + 0.7434436082839966, + 602.0247192382812, + 306.62109375, + 0.7688244581222534, + 767.3893432617188, + 182.59765625, + 0.7697204351425171, + 858.33984375, + 314.8893127441406, + 0.924235999584198, + 858.33984375, + 306.62109375, + 0.4327801465988159, + 907.94921875, + 389.3033752441406, + 0.12847666442394257 + ], + "scale": [ + 3.96875, + 5.291666507720947 + ], + "score": 0.6967518210411072 + }, + { + "category_id": 1, + "center": [ + 636.0, + 233.5 + ], + "image_id": 21506526001, + "keypoints": [ + 531.5078125, + 11.976579666137695, + 0.00865789595991373, + 882.6015625, + 371.4296875, + 0.0025961098726838827, + 740.4921875, + 187.5234375, + 0.004089271184056997, + 698.6953125, + 195.8828125, + 0.007387390360236168, + 447.9140625, + 11.976579666137695, + 0.04463175684213638, + 464.6328125, + 20.335952758789062, + 0.6219521760940552, + 447.9140625, + 145.7265625, + 0.6994616985321045, + 564.9453125, + 11.976579666137695, + 0.7040512561798096, + 564.9453125, + 396.5078125, + 0.874194860458374, + 707.0546875, + 11.976579666137695, + 0.8919343948364258, + 773.9296875, + 404.8671875, + 0.8773036003112793, + 598.3828125, + 229.3203125, + 0.8273009061813354, + 598.3828125, + 329.6328125, + 0.7451421618461609, + 773.9296875, + 212.6015625, + 0.8287373185157776, + 840.8046875, + 312.9140625, + 0.817975640296936, + 840.8046875, + 312.9140625, + 0.5880423784255981, + 882.6015625, + 404.8671875, + 0.10700879991054535 + ], + "scale": [ + 4.012499809265137, + 5.350000381469727 + ], + "score": 0.7705542174252596 + }, + { + "category_id": 1, + "center": [ + 639.0, + 218.0 + ], + "image_id": 21506527201, + "keypoints": [ + 527.90625, + 8.15625, + 0.020380709320306778, + 807.6979370117188, + 287.9479064941406, + 0.0016380995512008667, + 544.3645629882812, + -16.53125, + 0.004757508635520935, + 700.71875, + 180.96875, + 0.003165162168443203, + 445.6145935058594, + -0.0729166641831398, + 0.07321503013372421, + 470.3020935058594, + 8.15625, + 0.5936425924301147, + 437.3854064941406, + 148.0520782470703, + 0.7358067035675049, + 569.0520629882812, + 8.15625, + 0.4492573142051697, + 585.5104370117188, + 386.6979064941406, + 0.8532971143722534, + 700.71875, + 8.15625, + 0.8725612163543701, + 791.2395629882812, + 370.2395935058594, + 0.9056905508041382, + 593.7395629882812, + 222.1145782470703, + 0.8244138360023499, + 601.96875, + 320.8645935058594, + 0.7676652073860168, + 774.78125, + 230.34375, + 0.7433907985687256, + 840.6145629882812, + 296.1770935058594, + 0.6370331048965454, + 865.3020629882812, + 320.8645935058594, + 0.4866865277290344, + 881.7604370117188, + 411.3854064941406, + 0.1316283643245697 + ], + "scale": [ + 3.950000047683716, + 5.266666412353516 + ], + "score": 0.7154040878469293 + }, + { + "category_id": 1, + "center": [ + 623.0, + 209.0 + ], + "image_id": 21506532801, + "keypoints": [ + 565.578125, + -16.859394073486328, + 0.05946585163474083, + 841.203125, + 327.671875, + 0.002365480875596404, + 557.921875, + 6.109358310699463, + 0.022127550095319748, + 626.828125, + 44.39060974121094, + 0.007218930870294571, + 466.046875, + 6.109358310699463, + 0.1292465478181839, + 466.046875, + 13.765608787536621, + 0.6269866228103638, + 450.734375, + 159.234375, + 0.7463417053222656, + 580.890625, + 13.765608787536621, + 0.8064422607421875, + 588.546875, + 373.609375, + 0.8896342515945435, + 695.734375, + 36.73435974121094, + 0.950228214263916, + 787.609375, + 304.703125, + 0.8919472098350525, + 580.890625, + 212.828125, + 0.7669649124145508, + 588.546875, + 304.703125, + 0.7169938683509827, + 749.328125, + 174.546875, + 0.6181473731994629, + 810.578125, + 235.796875, + 0.44757625460624695, + 810.578125, + 212.828125, + 0.25487178564071655, + 910.109375, + 289.390625, + 0.032534077763557434 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.7014667689800262 + }, + { + "category_id": 1, + "center": [ + 641.5, + 230.0 + ], + "image_id": 21506535100, + "keypoints": [ + 537.96484375, + 26.76432228088379, + 0.189473956823349, + 514.95703125, + 19.09505271911621, + 0.0040485854260623455, + 530.2955932617188, + 19.09505271911621, + 0.06773501634597778, + 699.01953125, + 203.1575469970703, + 0.003479574341326952, + 415.2565002441406, + 3.7565104961395264, + 0.4878461956977844, + 491.94921875, + 26.76432228088379, + 0.7358962297439575, + 453.6028747558594, + 157.1419219970703, + 0.7626551985740662, + 622.3268432617188, + 57.44140625, + 0.8834471702575684, + 545.6340942382812, + 402.55859375, + 0.8954603672027588, + 775.7122192382812, + 42.10286331176758, + 0.9327414035797119, + 768.04296875, + 371.8815002441406, + 0.9239205121994019, + 591.6497192382812, + 233.8346405029297, + 0.8086340427398682, + 599.3190307617188, + 333.53515625, + 0.6989665031433105, + 768.04296875, + 203.1575469970703, + 0.8531687259674072, + 829.3971557617188, + 318.1966247558594, + 0.6512802839279175, + 852.4049682617188, + 318.1966247558594, + 0.5803871154785156, + 875.4127807617188, + 402.55859375, + 0.08330005407333374 + ], + "scale": [ + 3.6812498569488525, + 4.9083333015441895 + ], + "score": 0.767866979042689 + }, + { + "category_id": 1, + "center": [ + 619.0, + 226.0 + ], + "image_id": 21506535601, + "keypoints": [ + 561.96875, + 16.88541603088379, + 0.5084202289581299, + 508.7395935058594, + -21.13541603088379, + 0.006325790658593178, + 546.7604370117188, + 1.6770833730697632, + 0.32102125883102417, + 447.90625, + -43.94791793823242, + 0.004484892822802067, + 440.3020935058594, + 9.28125, + 0.6619009971618652, + 463.1145935058594, + 39.69791793823242, + 0.6940348148345947, + 455.5104064941406, + 161.3645782470703, + 0.8202482461929321, + 577.1770629882812, + 100.53125, + 0.835081160068512, + 546.7604370117188, + 397.09375, + 0.8948812484741211, + 676.03125, + 161.3645782470703, + 0.9431063532829285, + 767.28125, + 366.6770935058594, + 0.9606266617774963, + 599.9895629882812, + 214.59375, + 0.7388871908187866, + 592.3854370117188, + 313.4479064941406, + 0.7875683307647705, + 774.8854370117188, + 206.9895782470703, + 0.7450363636016846, + 812.90625, + 336.2604064941406, + 0.5858261585235596, + 858.53125, + 321.0520935058594, + 0.5225822925567627, + 881.34375, + 427.5104064941406, + 0.17819492518901825 + ], + "scale": [ + 3.6500000953674316, + 4.866666793823242 + ], + "score": 0.7156586647033691 + }, + { + "category_id": 1, + "center": [ + 654.5, + 228.5 + ], + "image_id": 21506535900, + "keypoints": [ + 570.14453125, + 15.602864265441895, + 0.19759507477283478, + 746.8893432617188, + 304.8216247558594, + 0.005497999954968691, + 586.2122192382812, + 15.602864265441895, + 0.05116277188062668, + 650.4830932617188, + 168.24609375, + 0.007463531568646431, + 473.73828125, + 7.569010257720947, + 0.24177569150924683, + 465.7044372558594, + 39.70442581176758, + 0.7318837642669678, + 457.6705627441406, + 160.2122344970703, + 0.7765790224075317, + 570.14453125, + 95.94140625, + 0.9127198457717896, + 546.04296875, + 401.2278747558594, + 0.8945406675338745, + 698.6862182617188, + 103.97525787353516, + 0.9025932550430298, + 770.9909057617188, + 369.0924377441406, + 0.9507679343223572, + 594.24609375, + 232.5169219970703, + 0.8390740752220154, + 586.2122192382812, + 320.8893127441406, + 0.7256078720092773, + 762.95703125, + 200.3815155029297, + 0.8877139687538147, + 819.1940307617188, + 336.95703125, + 0.5509583353996277, + 843.2955932617188, + 304.8216247558594, + 0.524590253829956, + 867.3971557617188, + 401.2278747558594, + 0.31271058320999146 + ], + "scale": [ + 3.856250047683716, + 5.141666412353516 + ], + "score": 0.7116550207138062 + }, + { + "category_id": 1, + "center": [ + 611.5, + 229.5 + ], + "image_id": 21506536401, + "keypoints": [ + 546.55859375, + -6.33984375, + 0.021454470232129097, + 840.50390625, + 328.62109375, + 0.0029610595665872097, + 696.94921875, + 185.06640625, + 0.005107337608933449, + 696.94921875, + 253.42578125, + 0.006623316090553999, + 450.85546875, + -6.33984375, + 0.02336561307311058, + 464.52734375, + 41.51171875, + 0.6286517381668091, + 450.85546875, + 150.88671875, + 0.7159073352813721, + 580.73828125, + 96.19921875, + 0.9064024686813354, + 546.55859375, + 410.65234375, + 0.912704586982727, + 731.12890625, + 48.34765625, + 0.9360419511795044, + 765.30859375, + 383.30859375, + 0.8712589740753174, + 580.73828125, + 232.91796875, + 0.7257622480392456, + 587.57421875, + 321.78515625, + 0.7982305288314819, + 765.30859375, + 205.57421875, + 0.8391773104667664, + 813.16015625, + 328.62109375, + 0.6190522909164429, + 847.33984375, + 335.45703125, + 0.5270345211029053, + 908.86328125, + 431.16015625, + 0.202131986618042 + ], + "scale": [ + 3.28125, + 4.375 + ], + "score": 0.7235296616951624 + }, + { + "category_id": 1, + "center": [ + 604.5, + 216.5 + ], + "image_id": 21506536801, + "keypoints": [ + 578.2044067382812, + 24.91796875, + 0.023660074919462204, + 668.3606567382812, + 54.97005081176758, + 0.005985460709780455, + 533.1262817382812, + 24.91796875, + 0.009392712265253067, + 457.99609375, + -35.18619918823242, + 0.0036274425219744444, + 495.5611877441406, + 17.40494728088379, + 0.05847164988517761, + 465.5091247558594, + 32.43098831176758, + 0.6673374772071838, + 450.4830627441406, + 152.6393280029297, + 0.7369423508644104, + 600.7434692382812, + 85.02213287353516, + 0.9095132350921631, + 563.1784057617188, + 393.0559997558594, + 0.852627158164978, + 743.4909057617188, + 39.94401168823242, + 0.9119570255279541, + 698.4127807617188, + 332.9518127441406, + 0.9025916457176208, + 578.2044067382812, + 220.2565155029297, + 0.7317368388175964, + 578.2044067382812, + 310.4127502441406, + 0.7186620235443115, + 758.5169067382812, + 197.7174530029297, + 0.8675926923751831, + 841.16015625, + 317.92578125, + 0.7908329963684082, + 833.6471557617188, + 302.8997497558594, + 0.49403077363967896, + 901.2643432617188, + 347.9778747558594, + 0.14875590801239014 + ], + "scale": [ + 3.606250047683716, + 4.808333396911621 + ], + "score": 0.7803476561199535 + }, + { + "category_id": 1, + "center": [ + 625.5, + 235.0 + ], + "image_id": 21506504001, + "keypoints": [ + 534.9075317382812, + 34.12109375, + 0.013457032851874828, + 621.5612182617188, + 57.75390625, + 0.002741175703704357, + 534.9075317382812, + 26.24349021911621, + 0.0070746885612607, + 716.0924682617188, + 262.5716247558594, + 0.007249332964420319, + 503.3971252441406, + 26.24349021911621, + 0.07781452685594559, + 456.1315002441406, + 18.36588478088379, + 0.531851053237915, + 464.0091247558594, + 160.1627655029297, + 0.7088145017623901, + 566.41796875, + 2.6106770038604736, + 0.28119996190071106, + 558.5403442382812, + 396.4908752441406, + 0.8625500202178955, + 700.3372192382812, + 10.48828125, + 0.896912693977356, + 771.2356567382812, + 420.1236877441406, + 0.8803564310073853, + 590.05078125, + 231.0612030029297, + 0.803905189037323, + 590.05078125, + 325.5924377441406, + 0.7802461385726929, + 779.11328125, + 215.3059844970703, + 0.8433090448379517, + 842.1340942382812, + 317.71484375, + 0.790367603302002, + 857.8893432617188, + 325.5924377441406, + 0.5892735719680786, + 897.27734375, + 412.24609375, + 0.09695024788379669 + ], + "scale": [ + 3.78125, + 5.041666507720947 + ], + "score": 0.724435109983791 + }, + { + "category_id": 1, + "center": [ + 621.5, + 217.5 + ], + "image_id": 21506541100, + "keypoints": [ + 603.23828125, + 389.16015625, + 0.007987762801349163, + 654.37109375, + 67.75390625, + 0.001017003203742206, + 712.80859375, + 177.32421875, + 0.006347015034407377, + 617.84765625, + 126.19140625, + 0.005230587907135487, + 471.75390625, + 23.92578125, + 0.018869396299123764, + 464.44921875, + 38.53515625, + 0.6733553409576416, + 457.14453125, + 162.71484375, + 0.6339472532272339, + 588.62890625, + 89.66796875, + 0.8700879812240601, + 566.71484375, + 396.46484375, + 0.8775781393051147, + 734.72265625, + 45.83984375, + 0.8983529210090637, + 712.80859375, + 330.72265625, + 0.9461762309074402, + 581.32421875, + 221.15234375, + 0.7619093656539917, + 588.62890625, + 316.11328125, + 0.7445735335350037, + 756.63671875, + 191.93359375, + 0.7373474836349487, + 844.29296875, + 323.41796875, + 0.7075216770172119, + 844.29296875, + 308.80859375, + 0.4814528226852417, + 880.81640625, + 345.33203125, + 0.12603387236595154 + ], + "scale": [ + 3.5062501430511475, + 4.675000190734863 + ], + "score": 0.7574820681051775 + }, + { + "category_id": 1, + "center": [ + 613.0, + 227.5 + ], + "image_id": 21506541601, + "keypoints": [ + 639.4323120117188, + 155.7552032470703, + 0.009284615516662598, + 692.296875, + -2.8385417461395264, + 0.001769827795214951, + 707.4010620117188, + 185.9635467529297, + 0.005688721314072609, + 699.8489379882812, + 253.9322967529297, + 0.004279714077711105, + 541.2551879882812, + 27.36979103088379, + 0.01646588183939457, + 458.1822814941406, + 34.921875, + 0.658014178276062, + 465.734375, + 163.3072967529297, + 0.7380001544952393, + 579.015625, + 95.33853912353516, + 0.8901445269584656, + 563.9114379882812, + 397.421875, + 0.8788028359413147, + 730.0573120117188, + 57.578125, + 0.869045615196228, + 707.4010620117188, + 329.453125, + 0.9173501133918762, + 586.5676879882812, + 223.7239532470703, + 0.7628679275512695, + 586.5676879882812, + 314.3489685058594, + 0.7464041709899902, + 760.265625, + 201.0677032470703, + 0.8239384889602661, + 843.3385620117188, + 314.3489685058594, + 0.7158318758010864, + 843.3385620117188, + 306.796875, + 0.47046029567718506, + 896.203125, + 337.0052185058594, + 0.08458621799945831 + ], + "scale": [ + 3.625, + 4.8333330154418945 + ], + "score": 0.7700781984762712 + }, + { + "category_id": 1, + "center": [ + 616.5, + 221.0 + ], + "image_id": 21506542000, + "keypoints": [ + 551.5325317382812, + 18.454444885253906, + 0.020294085144996643, + 952.8020629882812, + 561.1236572265625, + 0.002153834095224738, + 712.0403442382812, + 178.96224975585938, + 0.005619443021714687, + 673.82421875, + 186.60546875, + 0.005654074717313051, + 452.17059326171875, + 10.8112154006958, + 0.072721466422081, + 452.17059326171875, + 33.740901947021484, + 0.7171413898468018, + 459.8138122558594, + 163.67578125, + 0.7509427666664124, + 574.4622192382812, + 102.52996063232422, + 0.880226731300354, + 566.8190307617188, + 400.6158752441406, + 0.8970770835876465, + 712.0403442382812, + 71.95704650878906, + 0.9182237982749939, + 712.0403442382812, + 324.18359375, + 0.927865743637085, + 589.7487182617188, + 224.8216094970703, + 0.7628339529037476, + 589.7487182617188, + 324.18359375, + 0.7449885606765747, + 757.8997192382812, + 194.2487030029297, + 0.7929344773292542, + 857.26171875, + 308.8971252441406, + 0.8293936848640442, + 849.6184692382812, + 301.25390625, + 0.5410088300704956, + 887.8345947265625, + 354.7565002441406, + 0.05126049369573593 + ], + "scale": [ + 3.6687498092651367, + 4.891666889190674 + ], + "score": 0.7966033653779463 + }, + { + "category_id": 1, + "center": [ + 619.5, + 222.0 + ], + "image_id": 21506542300, + "keypoints": [ + 563.34765625, + 23.59505271911621, + 0.018044427037239075, + 948.9270629882812, + 555.1705932617188, + 0.002603013999760151, + 563.34765625, + 23.59505271911621, + 0.005708691198378801, + 653.19140625, + 120.92578125, + 0.004744607489556074, + 503.4518127441406, + 23.59505271911621, + 0.1031838208436966, + 458.5299377441406, + 38.56901168823242, + 0.668347954750061, + 473.50390625, + 173.3346405029297, + 0.7165830135345459, + 593.2955932617188, + 90.97786712646484, + 0.8816165924072266, + 570.8346557617188, + 397.9440002441406, + 0.931373119354248, + 728.0612182617188, + 46.05598831176758, + 0.9053200483322144, + 713.0872192382812, + 330.5611877441406, + 0.9711893796920776, + 593.2955932617188, + 225.7434844970703, + 0.7159487009048462, + 593.2955932617188, + 323.07421875, + 0.7396061420440674, + 772.9830932617188, + 203.2825469970703, + 0.8359148502349854, + 855.33984375, + 308.1002502441406, + 0.85345059633255, + 862.8268432617188, + 293.1263122558594, + 0.4435250759124756, + 765.49609375, + 203.2825469970703, + 0.04699898138642311 + ], + "scale": [ + 3.59375, + 4.791666507720947 + ], + "score": 0.7875341339544817 + }, + { + "category_id": 1, + "center": [ + 620.0, + 222.5 + ], + "image_id": 21506542600, + "keypoints": [ + 557.3567504882812, + 27.20052146911621, + 0.021549981087446213, + 944.2708129882812, + 550.4557495117188, + 0.0021676283795386553, + 712.1223754882812, + 174.5963592529297, + 0.00628625089302659, + 653.1640625, + 123.0078125, + 0.00479227676987648, + 446.8099060058594, + 27.20052146911621, + 0.038477011024951935, + 461.5494689941406, + 34.5703125, + 0.6579431295394897, + 468.9192810058594, + 174.5963592529297, + 0.7214388847351074, + 586.8359375, + 93.52864837646484, + 0.8763150572776794, + 572.0963745117188, + 395.6900939941406, + 0.9446374773979187, + 726.8619995117188, + 56.6796875, + 0.8866156339645386, + 712.1223754882812, + 329.3619689941406, + 0.938413679599762, + 594.2057495117188, + 226.1848907470703, + 0.731293797492981, + 594.2057495117188, + 321.9921875, + 0.7074772119522095, + 763.7109375, + 204.0755157470703, + 0.8423752784729004, + 852.1484375, + 307.2525939941406, + 0.894122838973999, + 859.5182495117188, + 292.5130310058594, + 0.44361937046051025, + 763.7109375, + 204.0755157470703, + 0.048187173902988434 + ], + "scale": [ + 3.5374999046325684, + 4.7166666984558105 + ], + "score": 0.7858411236242815 + }, + { + "category_id": 1, + "center": [ + 651.5, + 220.0 + ], + "image_id": 21506543600, + "keypoints": [ + 590.66015625, + -19.30338478088379, + 0.011763596907258034, + 797.515625, + 722.9426879882812, + 0.00227514561265707, + 623.1080932617188, + -3.0794270038604736, + 0.0033104526810348034, + 744.7877807617188, + 256.50390625, + 0.004056923091411591, + 477.0924377441406, + 5.032552242279053, + 0.05641769990324974, + 460.8684997558594, + 21.25650978088379, + 0.6565936803817749, + 460.8684997558594, + 167.2721405029297, + 0.7360254526138306, + 566.32421875, + 13.14453125, + 0.5689753293991089, + 566.32421875, + 394.4075622558594, + 0.8980247974395752, + 696.1159057617188, + 21.25650978088379, + 0.931360125541687, + 712.33984375, + 329.51171875, + 0.9352741241455078, + 590.66015625, + 224.0559844970703, + 0.8639137744903564, + 590.66015625, + 313.2877502441406, + 0.6846708059310913, + 761.01171875, + 207.83203125, + 0.7897138595581055, + 850.2434692382812, + 305.17578125, + 0.801321804523468, + 858.35546875, + 288.9518127441406, + 0.6766744256019592, + 890.8034057617188, + 353.84765625, + 0.12792140245437622 + ], + "scale": [ + 3.893749952316284, + 5.191666603088379 + ], + "score": 0.7765952890569513 + }, + { + "category_id": 1, + "center": [ + 631.5, + 231.0 + ], + "image_id": 21506544401, + "keypoints": [ + 635.5559692382812, + -0.19140625, + 0.06928624957799911, + 651.7799682617188, + 429.7434997558594, + 0.0028629929292947054, + 586.8840942382812, + 16.03255271911621, + 0.012052634730935097, + 692.33984375, + 194.49609375, + 0.005521851591765881, + 497.65234375, + 16.03255271911621, + 0.06489620357751846, + 465.2044372558594, + 24.14453125, + 0.5862408876419067, + 457.0924377441406, + 153.9362030029297, + 0.7491900324821472, + 521.98828125, + 24.14453125, + 0.018876124173402786, + 562.5481567382812, + 405.4075622558594, + 0.8797872066497803, + 611.2200317382812, + 7.920572757720947, + 0.03704290837049484, + 765.34765625, + 389.18359375, + 0.9307416677474976, + 603.1080932617188, + 235.0559844970703, + 0.8130057454109192, + 603.1080932617188, + 332.3997497558594, + 0.7500929832458496, + 789.68359375, + 218.83203125, + 0.7831345200538635, + 838.35546875, + 308.0638122558594, + 0.5581989884376526, + 887.02734375, + 299.9518127441406, + 0.47548264265060425, + 919.4752807617188, + 389.18359375, + 0.10863576829433441 + ], + "scale": [ + 3.893749952316284, + 5.191666603088379 + ], + "score": 0.7250971860355802 + }, + { + "category_id": 1, + "center": [ + 637.0, + 223.5 + ], + "image_id": 21506544801, + "keypoints": [ + 577.625, + 13.708333015441895, + 0.1979236602783203, + 561.7916870117188, + -25.875, + 0.0030833242926746607, + 569.7083129882812, + 13.708333015441895, + 0.0374436154961586, + 696.375, + 187.875, + 0.006657787598669529, + 474.7083435058594, + 13.708333015441895, + 0.048733219504356384, + 474.7083435058594, + 29.54166603088379, + 0.5785005688667297, + 450.9583435058594, + 156.2083282470703, + 0.7650573253631592, + 514.2916870117188, + 140.375, + 0.036921463906764984, + 577.625, + 393.7083435058594, + 0.8814207315444946, + 815.125, + 346.2083435058594, + 0.031421974301338196, + 783.4583129882812, + 385.7916564941406, + 0.9468153119087219, + 601.375, + 235.375, + 0.7974522113800049, + 601.375, + 330.375, + 0.8059703707695007, + 775.5416870117188, + 219.5416717529297, + 0.7471691370010376, + 838.875, + 306.625, + 0.6347261667251587, + 870.5416870117188, + 314.5416564941406, + 0.49218249320983887, + 910.125, + 393.7083435058594, + 0.08479507267475128 + ], + "scale": [ + 3.799999952316284, + 5.066666603088379 + ], + "score": 0.7388104796409607 + }, + { + "category_id": 1, + "center": [ + 625.0, + 227.0 + ], + "image_id": 21506550401, + "keypoints": [ + 567.578125, + 8.796856880187988, + 0.2506903111934662, + 575.234375, + -14.171895027160645, + 0.005329262465238571, + 552.265625, + -14.171895027160645, + 0.2398020625114441, + 713.046875, + 253.796875, + 0.005988500081002712, + 498.671875, + 8.796856880187988, + 0.8483322858810425, + 475.703125, + 31.765609741210938, + 0.6826968193054199, + 460.390625, + 169.578125, + 0.7133537530899048, + 605.859375, + 47.07810974121094, + 0.8941812515258789, + 575.234375, + 399.265625, + 0.8633841276168823, + 758.984375, + 24.109357833862305, + 0.867833137512207, + 781.953125, + 399.265625, + 0.9862281680107117, + 590.546875, + 230.828125, + 0.7543545961380005, + 598.203125, + 330.359375, + 0.8346790075302124, + 774.296875, + 207.859375, + 0.8631787300109863, + 835.546875, + 315.046875, + 0.830945611000061, + 850.859375, + 315.046875, + 0.7057077288627625, + 896.796875, + 391.609375, + 0.12411969900131226 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.7382405421563557 + }, + { + "category_id": 1, + "center": [ + 629.5, + 224.5 + ], + "image_id": 21506551100, + "keypoints": [ + 561.43359375, + 12.29296875, + 0.048269666731357574, + 617.48828125, + 20.30078125, + 0.0016956402687355876, + 561.43359375, + 12.29296875, + 0.00917423889040947, + 689.55859375, + 188.46484375, + 0.006218935362994671, + 481.35546875, + 4.28515625, + 0.09023676812648773, + 465.33984375, + 36.31640625, + 0.7668481469154358, + 457.33203125, + 156.43359375, + 0.666900634765625, + 585.45703125, + 108.38671875, + 0.9383341073989868, + 577.44921875, + 396.66796875, + 0.8446114659309387, + 705.57421875, + 92.37109375, + 0.9256019592285156, + 793.66015625, + 388.66015625, + 0.9096900224685669, + 593.46484375, + 236.51171875, + 0.810090959072113, + 593.46484375, + 332.60546875, + 0.8275620937347412, + 761.62890625, + 196.47265625, + 0.8457469940185547, + 825.69140625, + 332.60546875, + 0.6257069110870361, + 857.72265625, + 324.59765625, + 0.5951173305511475, + 889.75390625, + 388.66015625, + 0.14119073748588562 + ], + "scale": [ + 3.84375, + 5.125 + ], + "score": 0.7960191477428783 + }, + { + "category_id": 1, + "center": [ + 638.0, + 233.0 + ], + "image_id": 21506551500, + "keypoints": [ + 561.3073120117188, + 19.06770896911621, + 0.047607336193323135, + 658.1823120117188, + 430.7864685058594, + 0.005756700411438942, + 569.3801879882812, + 19.06770896911621, + 0.009740483947098255, + 698.546875, + 196.671875, + 0.005896855145692825, + 456.359375, + 19.06770896911621, + 0.05148477107286453, + 456.359375, + 35.21354293823242, + 0.6898618340492249, + 456.359375, + 156.3072967529297, + 0.6906015872955322, + 577.453125, + 107.86978912353516, + 0.9264458417892456, + 545.1614379882812, + 406.5677185058594, + 0.932868242263794, + 714.6926879882812, + 83.65103912353516, + 0.9667800664901733, + 763.1301879882812, + 414.640625, + 0.898984432220459, + 593.5989379882812, + 237.0364532470703, + 0.8171255588531494, + 593.5989379882812, + 325.8385314941406, + 0.7508283257484436, + 771.203125, + 212.8177032470703, + 0.8166474103927612, + 835.7864379882812, + 309.6927185058594, + 0.7228541374206543, + 860.0051879882812, + 309.6927185058594, + 0.5334306955337524, + 868.078125, + 414.640625, + 0.15426693856716156 + ], + "scale": [ + 3.875, + 5.166666507720947 + ], + "score": 0.7951298301870172 + }, + { + "category_id": 1, + "center": [ + 636.0, + 229.5 + ], + "image_id": 21506506401, + "keypoints": [ + 537.0416870117188, + 19.70833396911621, + 0.010339858941733837, + 639.9583129882812, + 90.95833587646484, + 0.0033348160795867443, + 568.7083129882812, + -4.041666507720947, + 0.00584700983017683, + 695.375, + 193.875, + 0.0064672003500163555, + 481.625, + 27.625, + 0.08414776623249054, + 457.875, + 11.791666984558105, + 0.5660063028335571, + 473.7083435058594, + 178.0416717529297, + 0.6952210664749146, + 560.7916870117188, + 11.791666984558105, + 0.4060559868812561, + 592.4583129882812, + 391.7916564941406, + 0.8571627140045166, + 695.375, + 3.875, + 0.9380612373352051, + 798.2916870117188, + 399.7083435058594, + 0.9415911436080933, + 600.375, + 225.5416717529297, + 0.79595547914505, + 600.375, + 328.4583435058594, + 0.8219975829124451, + 774.5416870117188, + 193.875, + 0.8831373453140259, + 861.625, + 304.7083435058594, + 0.8459032773971558, + 861.625, + 312.625, + 0.6111215353012085, + 917.0416870117188, + 383.875, + 0.07522685825824738 + ], + "scale": [ + 3.799999952316284, + 5.066666603088379 + ], + "score": 0.7602012428370389 + }, + { + "category_id": 1, + "center": [ + 638.0, + 206.5 + ], + "image_id": 21506566401, + "keypoints": [ + 572.0364379882812, + 8.609375, + 0.02903425134718418, + 719.484375, + 396.6302185058594, + 0.002139456570148468, + 579.796875, + 0.8489583134651184, + 0.010523634031414986, + 696.203125, + 171.578125, + 0.0046971580013632774, + 494.4322814941406, + 39.65104293823242, + 0.08433392643928528, + 463.390625, + 16.36979103088379, + 0.6069031357765198, + 471.1510314941406, + 179.3385467529297, + 0.7438586354255676, + 579.796875, + 8.609375, + 0.6697152256965637, + 610.8385620117188, + 388.8697814941406, + 0.8784774541854858, + 696.203125, + 39.65104293823242, + 0.9245064854621887, + 828.1301879882812, + 350.0677185058594, + 0.9130560159683228, + 595.3176879882812, + 218.140625, + 0.7972337007522583, + 595.3176879882812, + 319.0260314941406, + 0.7882680296897888, + 773.8073120117188, + 218.140625, + 0.8057836294174194, + 851.4114379882812, + 319.0260314941406, + 0.548909068107605, + 859.171875, + 319.0260314941406, + 0.37106531858444214, + 994.9791870117188, + 408.2708435058594, + 0.06863490492105484 + ], + "scale": [ + 3.7249999046325684, + 4.9666666984558105 + ], + "score": 0.7316160635514692 + }, + { + "category_id": 1, + "center": [ + 628.0, + 237.0 + ], + "image_id": 21506568801, + "keypoints": [ + 545.1484375, + 27.8984375, + 0.018675804138183594, + 647.7265625, + 430.3203125, + 0.0020337277092039585, + 521.4765625, + 27.8984375, + 0.007985576055943966, + 631.9453125, + 59.4609375, + 0.010029833763837814, + 466.2421875, + 35.7890625, + 0.06557466834783554, + 450.4609375, + 20.0078125, + 0.6068629026412964, + 458.3515625, + 169.9296875, + 0.7657068967819214, + 568.8203125, + 12.1171875, + 0.7418593168258667, + 560.9296875, + 406.6484375, + 0.896484375, + 687.1796875, + 35.7890625, + 0.9472205638885498, + 781.8671875, + 414.5390625, + 0.8657459020614624, + 600.3828125, + 233.0546875, + 0.8331277370452881, + 592.4921875, + 327.7421875, + 0.7755910158157349, + 773.9765625, + 209.3828125, + 0.8399263620376587, + 837.1015625, + 311.9609375, + 0.7695615291595459, + 844.9921875, + 319.8515625, + 0.5244828462600708, + 860.7734375, + 414.5390625, + 0.06845579296350479 + ], + "scale": [ + 3.7874999046325684, + 5.050000190734863 + ], + "score": 0.7787790406833995 + }, + { + "category_id": 1, + "center": [ + 626.5, + 221.5 + ], + "image_id": 21506574401, + "keypoints": [ + 544.87890625, + -0.04295063018798828, + 0.02304818481206894, + 848.04296875, + 341.98828125, + 0.002691845642402768, + 537.10546875, + -7.81638765335083, + 0.009930338710546494, + 614.83984375, + 31.050796508789062, + 0.007825374603271484, + 467.14453125, + 15.503923416137695, + 0.07106723636388779, + 451.59765625, + 15.503923416137695, + 0.5887464284896851, + 459.37109375, + 163.19921875, + 0.7585361003875732, + 560.42578125, + 15.503923416137695, + 0.8024216890335083, + 568.19921875, + 396.40234375, + 0.920818030834198, + 692.57421875, + 31.050796508789062, + 0.9119738340377808, + 778.08203125, + 357.53515625, + 0.8985302448272705, + 583.74609375, + 217.61328125, + 0.8014025688171387, + 591.51953125, + 318.66796875, + 0.7450587749481201, + 762.53515625, + 194.29296875, + 0.7811497449874878, + 832.49609375, + 326.44140625, + 0.5697457790374756, + 855.81640625, + 310.89453125, + 0.43820762634277344, + 871.36328125, + 427.4960632324219, + 0.28275394439697266 + ], + "scale": [ + 3.7312498092651367, + 4.974999904632568 + ], + "score": 0.7082787305116653 + }, + { + "category_id": 1, + "center": [ + 627.0, + 235.0 + ], + "image_id": 21506508000, + "keypoints": [ + 555.5026245117188, + 43.08592224121094, + 0.020037008449435234, + 645.8151245117188, + 43.08592224121094, + 0.002194617409259081, + 721.0755004882812, + 186.08071899414062, + 0.006287416908890009, + 713.5494995117188, + 261.3411560058594, + 0.006331091746687889, + 450.13800048828125, + 12.981752395629883, + 0.01042679138481617, + 465.1900939941406, + 43.08592224121094, + 0.6841590404510498, + 457.6640625, + 163.50259399414062, + 0.6615123748779297, + 578.0807495117188, + 95.76821899414062, + 0.9113829135894775, + 593.1328125, + 389.28387451171875, + 0.8279072046279907, + 721.0755004882812, + 65.66404724121094, + 0.9074198007583618, + 788.8099365234375, + 396.8099060058594, + 0.9459942579269409, + 600.6588745117188, + 231.2369842529297, + 0.7662920951843262, + 600.6588745117188, + 329.0755310058594, + 0.8008643984794617, + 773.7578125, + 201.1328125, + 0.8309330940246582, + 849.0182495117188, + 314.0234375, + 0.8298795223236084, + 864.0703125, + 314.0234375, + 0.6694985628128052, + 901.7005615234375, + 389.28387451171875, + 0.09985154867172241 + ], + "scale": [ + 3.6125001907348633, + 4.816666603088379 + ], + "score": 0.80325847864151 + }, + { + "category_id": 1, + "center": [ + 624.0, + 226.0 + ], + "image_id": 21506585201, + "keypoints": [ + 549.78125, + 18.96875, + 0.05424472689628601, + 674.78125, + -4.46875, + 0.0038732029497623444, + 549.78125, + 18.96875, + 0.015641750767827034, + 471.65625, + -35.71875, + 0.003048403188586235, + 479.46875, + 3.34375, + 0.06129743158817291, + 471.65625, + 26.78125, + 0.6945287585258484, + 456.03125, + 167.40625, + 0.7121675610542297, + 604.46875, + 65.84375, + 0.9091199636459351, + 581.03125, + 393.96875, + 0.8778647780418396, + 745.09375, + 26.78125, + 0.9437259435653687, + 791.96875, + 347.09375, + 0.9580650329589844, + 596.65625, + 229.90625, + 0.775160014629364, + 588.84375, + 323.65625, + 0.7983400821685791, + 784.15625, + 222.09375, + 0.727615237236023, + 815.40625, + 276.78125, + 0.37477242946624756, + 854.46875, + 284.59375, + 0.2957659363746643, + 854.46875, + 409.59375, + 0.08247049152851105 + ], + "scale": [ + 3.75, + 5.0 + ], + "score": 0.7333750670606439 + }, + { + "category_id": 1, + "center": [ + 649.0, + 225.5 + ], + "image_id": 21506585601, + "keypoints": [ + 581.0442504882812, + 13.638020515441895, + 0.013482218608260155, + 812.8932495117188, + 285.4609375, + 0.0016464069485664368, + 637.0078125, + 85.59114837646484, + 0.005172718781977892, + 645.0026245117188, + 157.5442657470703, + 0.007815005257725716, + 485.1067810058594, + 13.638020515441895, + 0.0298015009611845, + 469.1171875, + 29.62760353088379, + 0.7243194580078125, + 461.1224060058594, + 149.5494842529297, + 0.7366183996200562, + 573.0494995117188, + 117.5703125, + 0.9102616906166077, + 557.0598754882812, + 397.3880310058594, + 0.9365634918212891, + 684.9765625, + 165.5390625, + 0.9210231304168701, + 716.9557495117188, + 325.4349060058594, + 0.9496522545814514, + 597.0338745117188, + 213.5078125, + 0.7286330461502075, + 581.0442504882812, + 317.4400939941406, + 0.5135912299156189, + 764.9244995117188, + 205.5130157470703, + 0.6433501839637756, + 844.8723754882812, + 301.4505310058594, + 0.7598924040794373, + 860.8619995117188, + 293.4557189941406, + 0.534959077835083, + 876.8515625, + 365.4088439941406, + 0.14288046956062317 + ], + "scale": [ + 3.8374998569488525, + 5.116666793823242 + ], + "score": 0.75989676063711 + }, + { + "category_id": 1, + "center": [ + 610.0, + 219.5 + ], + "image_id": 21506589700, + "keypoints": [ + 672.8645629882812, + 60.48958206176758, + 0.004862440284341574, + 887.34375, + 334.1354064941406, + 0.001609120867215097, + 872.5520629882812, + 319.34375, + 0.005344982258975506, + 672.8645629882812, + 193.6145782470703, + 0.008373845368623734, + 450.9895935058594, + 1.3229166269302368, + 0.018638024106621742, + 450.9895935058594, + 38.30208206176758, + 0.6570248007774353, + 436.1979064941406, + 134.4479217529297, + 0.5904160737991333, + 554.53125, + 119.65625, + 0.8559261560440063, + 569.3229370117188, + 393.3020935058594, + 0.8769862651824951, + 687.65625, + 112.26041412353516, + 0.8655847311019897, + 709.84375, + 326.7395935058594, + 0.8820496797561646, + 584.1145629882812, + 223.1979217529297, + 0.7785010933876038, + 576.71875, + 311.9479064941406, + 0.7058895826339722, + 754.21875, + 201.0104217529297, + 0.7992628216743469, + 842.96875, + 311.9479064941406, + 0.7680160999298096, + 857.7604370117188, + 297.15625, + 0.4427888095378876, + 879.9479370117188, + 311.9479064941406, + 0.12040822207927704 + ], + "scale": [ + 3.549999952316284, + 4.733333110809326 + ], + "score": 0.7474951012568041 + }, + { + "category_id": 1, + "center": [ + 622.5, + 232.0 + ], + "image_id": 21506601000, + "keypoints": [ + 552.36328125, + 36.35546875, + 0.020645039156079292, + 840.29296875, + 405.49609375, + 0.0016627357108518481, + 655.72265625, + 132.33203125, + 0.00846333522349596, + 707.40234375, + 265.22265625, + 0.0038825171068310738, + 463.76953125, + 28.97265625, + 0.03475950285792351, + 456.38671875, + 43.73828125, + 0.7277684211730957, + 456.38671875, + 169.24609375, + 0.7400011420249939, + 574.51171875, + 117.56640625, + 0.9201607704162598, + 544.98046875, + 412.87890625, + 0.909842312335968, + 700.01953125, + 88.03515625, + 0.9081097841262817, + 773.84765625, + 383.34765625, + 0.9627895951271057, + 589.27734375, + 235.69140625, + 0.7582477927207947, + 581.89453125, + 331.66796875, + 0.758141279220581, + 766.46484375, + 206.16015625, + 0.7902376055717468, + 825.52734375, + 331.66796875, + 0.5774387717247009, + 869.82421875, + 302.13671875, + 0.3181636333465576, + 906.73828125, + 361.19921875, + 0.06306912750005722 + ], + "scale": [ + 3.543750047683716, + 4.724999904632568 + ], + "score": 0.7609910097989169 + }, + { + "category_id": 1, + "center": [ + 619.0, + 229.0 + ], + "image_id": 21506601700, + "keypoints": [ + 562.359375, + 6.213541507720947, + 0.18064582347869873, + 547.2551879882812, + -16.44270896911621, + 0.004692656919360161, + 554.8073120117188, + 28.86979103088379, + 0.021394824609160423, + 675.640625, + 225.2239532470703, + 0.003212739946320653, + 456.6302185058594, + 21.31770896911621, + 0.035790521651506424, + 486.8385314941406, + 36.421875, + 0.6860842108726501, + 449.078125, + 179.9114532470703, + 0.727677583694458, + 592.5676879882812, + 127.046875, + 0.9118974208831787, + 554.8073120117188, + 406.4739685058594, + 0.8704557418823242, + 698.296875, + 195.015625, + 0.917502760887146, + 773.8176879882812, + 383.8177185058594, + 0.8938764929771423, + 600.1198120117188, + 225.2239532470703, + 0.7833126783370972, + 592.5676879882812, + 315.8489685058594, + 0.7691265344619751, + 781.3698120117188, + 225.2239532470703, + 0.6484192609786987, + 826.6823120117188, + 315.8489685058594, + 0.7888087034225464, + 849.3385620117188, + 315.8489685058594, + 0.31402575969696045, + 939.9635620117188, + 451.7864685058594, + 0.14818313717842102 + ], + "scale": [ + 3.625, + 4.8333330154418945 + ], + "score": 0.7555624680085615 + }, + { + "category_id": 1, + "center": [ + 620.0, + 229.0 + ], + "image_id": 21506602300, + "keypoints": [ + 547.5130004882812, + 34.4296875, + 0.04373202845454216, + 623.8151245117188, + 11.5390625, + 0.001658027176745236, + 547.5130004882812, + 26.79947853088379, + 0.02105417475104332, + 440.6900939941406, + 26.79947853088379, + 0.0021010555792599916, + 486.4713439941406, + 11.5390625, + 0.07114223390817642, + 463.5807189941406, + 26.79947853088379, + 0.5812406539916992, + 455.9505310058594, + 164.1432342529297, + 0.7377923130989075, + 593.2942504882812, + 72.58072662353516, + 0.8882385492324829, + 547.5130004882812, + 400.6796875, + 0.8849256038665771, + 738.2682495117188, + 42.05989456176758, + 0.9614583253860474, + 768.7890625, + 377.7890625, + 0.9499267339706421, + 585.6640625, + 225.1848907470703, + 0.7757649421691895, + 585.6640625, + 324.3775939941406, + 0.7556750774383545, + 761.1588745117188, + 202.2942657470703, + 0.7842890620231628, + 822.2005004882812, + 324.3775939941406, + 0.5888527631759644, + 845.0911254882812, + 301.4869689941406, + 0.392230361700058, + 883.2421875, + 438.8307189941406, + 0.14248941838741302 + ], + "scale": [ + 3.6625001430511475, + 4.883333206176758 + ], + "score": 0.7545813078230078 + }, + { + "category_id": 1, + "center": [ + 620.0, + 228.0 + ], + "image_id": 21506602600, + "keypoints": [ + 541.796875, + 30.630226135253906, + 0.09745360910892487, + 571.5885620117188, + 8.286477088928223, + 0.002545055467635393, + 541.796875, + 23.182308197021484, + 0.03323286399245262, + 616.2760620117188, + 134.9010467529297, + 0.002351484028622508, + 467.3177185058594, + 23.182308197021484, + 0.04800834506750107, + 459.86981201171875, + 38.07814025878906, + 0.6775116920471191, + 444.9739685058594, + 164.69271850585938, + 0.5507184267044067, + 571.5885620117188, + 97.66146850585938, + 0.8973718881607056, + 549.2448120117188, + 403.0260314941406, + 0.8868219256401062, + 705.6510620117188, + 75.31771850585938, + 0.8764282464981079, + 765.234375, + 373.234375, + 0.9139134287834167, + 586.484375, + 224.2760467529297, + 0.7739658355712891, + 579.0364379882812, + 328.546875, + 0.7869735956192017, + 757.7864379882812, + 201.9322967529297, + 0.7947301864624023, + 824.8176879882812, + 328.546875, + 0.6342092752456665, + 847.1614379882812, + 313.6510314941406, + 0.5276856422424316, + 876.953125, + 432.81768798828125, + 0.10329566150903702 + ], + "scale": [ + 3.5749998092651367, + 4.766666412353516 + ], + "score": 0.7563936493613503 + }, + { + "category_id": 1, + "center": [ + 648.0, + 226.0 + ], + "image_id": 21506631200, + "keypoints": [ + 651.9192504882812, + 182.8880157470703, + 0.009728183969855309, + 667.5963745117188, + 418.0442810058594, + 0.0017465049168094993, + 855.7213745117188, + 402.3671875, + 0.005874416325241327, + 706.7890625, + 190.7265625, + 0.007919634692370892, + 518.6640625, + 18.27864646911621, + 0.027480464428663254, + 479.4713439941406, + 18.27864646911621, + 0.4723776578903198, + 487.3099060058594, + 151.5338592529297, + 0.6656758785247803, + 581.3723754882812, + 26.1171875, + 0.1966208666563034, + 581.3723754882812, + 386.6900939941406, + 0.860988974571228, + 698.9505004882812, + 2.6015625, + 0.772042989730835, + 793.0130004882812, + 394.5286560058594, + 0.9281333684921265, + 597.0494995117188, + 229.9192657470703, + 0.8378267288208008, + 597.0494995117188, + 323.9817810058594, + 0.7447102069854736, + 769.4973754882812, + 222.0807342529297, + 0.8368492126464844, + 847.8828125, + 308.3046875, + 0.7681542634963989, + 863.5598754882812, + 323.9817810058594, + 0.6838110089302063, + 887.0755004882812, + 402.3671875, + 0.1311991810798645 + ], + "scale": [ + 3.762500047683716, + 5.016666412353516 + ], + "score": 0.7570570290088654 + }, + { + "category_id": 1, + "center": [ + 609.0, + 227.5 + ], + "image_id": 21506603201, + "keypoints": [ + 555.09375, + 15.46875, + 0.017046401277184486, + 806.65625, + 396.40625, + 0.00271561648696661, + 698.84375, + 180.78125, + 0.006738636642694473, + 425.71875, + -13.28125, + 0.002648441819474101, + 454.46875, + 15.46875, + 0.04252879321575165, + 461.65625, + 44.21875, + 0.6931307315826416, + 447.28125, + 152.03125, + 0.7210254073143005, + 583.84375, + 87.34375, + 0.8669142723083496, + 555.09375, + 403.59375, + 0.8371176719665527, + 727.59375, + 58.59375, + 0.8851215243339539, + 763.53125, + 374.84375, + 0.9423079490661621, + 591.03125, + 231.09375, + 0.7169345617294312, + 583.84375, + 324.53125, + 0.7811868190765381, + 770.71875, + 202.34375, + 0.8424678444862366, + 821.03125, + 324.53125, + 0.6871790885925293, + 835.40625, + 331.71875, + 0.3549560010433197, + 921.65625, + 432.34375, + 0.17985236644744873 + ], + "scale": [ + 3.450000047683716, + 4.599999904632568 + ], + "score": 0.7571219883181832 + }, + { + "category_id": 1, + "center": [ + 610.0, + 229.5 + ], + "image_id": 21506603600, + "keypoints": [ + 645.859375, + 153.796875, + 0.011680840514600277, + 845.078125, + 353.015625, + 0.0023892612662166357, + 709.609375, + 177.703125, + 0.004349213093519211, + 414.7656555175781, + 18.328142166137695, + 0.003370624268427491, + 422.734375, + 26.296890258789062, + 0.0288642980158329, + 446.640625, + 26.296890258789062, + 0.658602237701416, + 446.640625, + 153.796875, + 0.7167136073112488, + 582.109375, + 98.01563262939453, + 0.8301348686218262, + 550.234375, + 400.828125, + 0.8538780808448792, + 709.609375, + 66.14064025878906, + 0.873264729976654, + 773.359375, + 376.921875, + 0.9538364410400391, + 590.078125, + 225.515625, + 0.7953433990478516, + 582.109375, + 321.140625, + 0.8255730271339417, + 765.390625, + 201.609375, + 0.8806974291801453, + 829.140625, + 313.171875, + 0.7925969958305359, + 837.109375, + 313.171875, + 0.4032208323478699, + 948.671875, + 440.6718444824219, + 0.10435235500335693 + ], + "scale": [ + 3.8249998092651367, + 5.099999904632568 + ], + "score": 0.7803510590033098 + }, + { + "category_id": 1, + "center": [ + 609.0, + 227.5 + ], + "image_id": 21506604000, + "keypoints": [ + 541.9557495117188, + 47.5390625, + 0.02402983047068119, + 859.5338745117188, + 329.8307189941406, + 0.0020821839570999146, + 697.2161254882812, + 181.6276092529297, + 0.006564840208739042, + 697.2161254882812, + 252.2005157470703, + 0.0028268711175769567, + 443.1536560058594, + 40.48176956176758, + 0.013681517913937569, + 457.2682189941406, + 33.42448043823242, + 0.5849355459213257, + 450.2109375, + 146.3411407470703, + 0.635332465171814, + 570.1848754882812, + 89.8828125, + 0.8990944027900696, + 556.0703125, + 407.4609375, + 0.8418177366256714, + 725.4453125, + 61.65364456176758, + 0.955795407295227, + 767.7890625, + 372.1744689941406, + 0.8827155828475952, + 584.2994995117188, + 223.9713592529297, + 0.7434077858924866, + 584.2994995117188, + 315.7161560058594, + 0.7616439461708069, + 767.7890625, + 202.7994842529297, + 0.8427469730377197, + 817.1901245117188, + 322.7734375, + 0.6425541043281555, + 838.3619995117188, + 329.8307189941406, + 0.3488840162754059, + 915.9921875, + 435.6900939941406, + 0.23611384630203247 + ], + "scale": [ + 3.387500047683716, + 4.516666412353516 + ], + "score": 0.6979201510548592 + }, + { + "category_id": 1, + "center": [ + 611.0, + 209.0 + ], + "image_id": 21506651600, + "keypoints": [ + 577.3671875, + -33.90364456176758, + 0.01636051945388317, + 252.25, + 672.3854370117188, + 0.001524903578683734, + 554.9453125, + -18.95572853088379, + 0.0052047488279640675, + 532.5234375, + -41.37760543823242, + 0.001341424067504704, + 435.3619689941406, + -11.481770515441895, + 0.0153470104560256, + 472.7317810058594, + 25.88802146911621, + 0.3010486364364624, + 442.8359375, + 115.57552337646484, + 0.6080716848373413, + 599.7890625, + 115.57552337646484, + 0.08667796105146408, + 704.4244995117188, + 167.8932342529297, + 0.900073766708374, + 726.8463745117188, + 152.9453125, + 0.14472666382789612, + 809.0598754882812, + 40.8359375, + 0.8508914709091187, + 599.7890625, + 212.7369842529297, + 0.7261450290679932, + 592.3151245117188, + 309.8984375, + 0.6924418807029724, + 771.6901245117188, + 197.7890625, + 0.7749582529067993, + 838.9557495117188, + 309.8984375, + 0.9336698055267334, + 838.9557495117188, + 309.8984375, + 0.3533329963684082, + 876.3255004882812, + 422.0078125, + 0.08295053988695145 + ], + "scale": [ + 3.5874998569488525, + 4.7833333015441895 + ], + "score": 0.6822926137182448 + }, + { + "category_id": 1, + "center": [ + 636.0, + 200.5 + ], + "image_id": 21506652600, + "keypoints": [ + 569.8151245117188, + -5.841145992279053, + 0.04261399060487747, + 865.7005004882812, + 321.1900939941406, + 0.0029894604813307524, + 523.0963745117188, + 1.9453125, + 0.008471067994832993, + 499.7369689941406, + 40.87760543823242, + 0.002474959008395672, + 468.5911560058594, + -5.841145992279053, + 0.04453044384717941, + 468.5911560058594, + 17.51822853088379, + 0.7002532482147217, + 460.8046875, + 142.1015625, + 0.7281991243362427, + 593.1744995117188, + 40.87760543823242, + 0.8678983449935913, + 608.7473754882812, + 344.5494689941406, + 0.838826596736908, + 733.3307495117188, + 17.51822853088379, + 0.8982394337654114, + 764.4765625, + 235.5390625, + 0.8557592630386353, + 600.9609375, + 212.1796875, + 0.7784726619720459, + 608.7473754882812, + 305.6171875, + 0.70509934425354, + 780.0494995117188, + 212.1796875, + 0.807120144367218, + 850.1276245117188, + 297.8307189941406, + 0.9384230375289917, + 850.1276245117188, + 290.0442810058594, + 0.4225405156612396, + 873.4869995117188, + 375.6953125, + 0.08372893929481506 + ], + "scale": [ + 3.737499952316284, + 4.983333587646484 + ], + "score": 0.7764392468062314 + }, + { + "category_id": 1, + "center": [ + 617.5, + 234.5 + ], + "image_id": 21506653600, + "keypoints": [ + 546.62109375, + -0.51953125, + 0.18147796392440796, + 576.46484375, + 14.40234375, + 0.003121668705716729, + 539.16015625, + 14.40234375, + 0.0748191624879837, + 509.31640625, + 21.86328125, + 0.005657615140080452, + 419.78515625, + 14.40234375, + 0.28850436210632324, + 464.55078125, + 36.78515625, + 0.6032113432884216, + 457.08984375, + 171.08203125, + 0.6996201276779175, + 576.46484375, + 81.55078125, + 0.8676973581314087, + 531.69921875, + 409.83203125, + 0.8999874591827393, + 710.76171875, + 59.16796875, + 0.9185628890991211, + 748.06640625, + 394.91015625, + 0.9188358783721924, + 583.92578125, + 230.76953125, + 0.7665881514549255, + 591.38671875, + 327.76171875, + 0.7642556428909302, + 762.98828125, + 200.92578125, + 0.8113612532615662, + 830.13671875, + 320.30078125, + 0.6094392538070679, + 852.51953125, + 305.37890625, + 0.41978663206100464, + 889.82421875, + 387.44921875, + 0.11407692730426788 + ], + "scale": [ + 3.581249952316284, + 4.775000095367432 + ], + "score": 0.7139875292778015 + }, + { + "category_id": 1, + "center": [ + 641.0, + 231.5 + ], + "image_id": 21506654001, + "keypoints": [ + 576.5859375, + 0.3671875, + 0.1385410726070404, + 659.9453125, + 417.1640625, + 0.005683887749910355, + 523.5390625, + -14.7890625, + 0.013626761734485626, + 697.8359375, + 235.2890625, + 0.004485770128667355, + 447.7578125, + 7.9453125, + 0.2590652108192444, + 470.4921875, + 38.2578125, + 0.7043254375457764, + 455.3359375, + 144.3515625, + 0.7843116521835327, + 561.4296875, + 114.0390625, + 0.8959548473358154, + 531.1171875, + 402.0078125, + 0.921676754951477, + 682.6796875, + 167.0859375, + 0.9225587844848633, + 750.8828125, + 386.8515625, + 0.905829668045044, + 599.3203125, + 220.1328125, + 0.7552225589752197, + 591.7421875, + 318.6484375, + 0.7111424207687378, + 766.0390625, + 204.9765625, + 0.7079997062683105, + 819.0859375, + 318.6484375, + 0.6007547378540039, + 849.3984375, + 326.2265625, + 0.4878160357475281, + 872.1328125, + 417.1640625, + 0.3098711371421814 + ], + "scale": [ + 3.637500047683716, + 4.850000381469727 + ], + "score": 0.6897329963170565 + }, + { + "category_id": 1, + "center": [ + 625.0, + 233.0 + ], + "image_id": 21506654401, + "keypoints": [ + 558.3723754882812, + 25.27864646911621, + 0.028413347899913788, + 644.5963745117188, + 425.0442810058594, + 0.0040834504179656506, + 542.6953125, + 25.27864646911621, + 0.012396998703479767, + 715.1432495117188, + 260.4349060058594, + 0.004079294856637716, + 479.9869689941406, + 17.44010353088379, + 0.06650763005018234, + 479.9869689941406, + 25.27864646911621, + 0.6897901296615601, + 448.6328125, + 150.6953125, + 0.712430477142334, + 621.0807495117188, + 64.47135162353516, + 0.8558427691459656, + 534.8567504882812, + 409.3671875, + 0.9492484331130981, + 754.3359375, + 40.95573043823242, + 0.8963623642921448, + 754.3359375, + 393.6900939941406, + 0.9377534985542297, + 589.7265625, + 229.0807342529297, + 0.7593766450881958, + 589.7265625, + 330.9817810058594, + 0.7792552709579468, + 770.0130004882812, + 205.5651092529297, + 0.8253730535507202, + 832.7213745117188, + 315.3046875, + 0.6728820204734802, + 848.3984375, + 323.1432189941406, + 0.5736567974090576, + 864.0755004882812, + 417.2057189941406, + 0.15229293704032898 + ], + "scale": [ + 3.762500047683716, + 5.016666412353516 + ], + "score": 0.7865428599444303 + }, + { + "category_id": 1, + "center": [ + 631.5, + 231.0 + ], + "image_id": 21506654801, + "keypoints": [ + 553.43359375, + 33.97526168823242, + 0.017076648771762848, + 650.0872192382812, + 413.1549377441406, + 0.0019661663100123405, + 724.4362182617188, + 182.6731719970703, + 0.005978601519018412, + 627.7825317382812, + 138.0637969970703, + 0.004356445278972387, + 456.7799377441406, + 33.97526168823242, + 0.025536546483635902, + 456.7799377441406, + 41.41015625, + 0.6850632429122925, + 456.7799377441406, + 152.93359375, + 0.7291896939277649, + 575.73828125, + 100.88932037353516, + 0.941474199295044, + 545.9987182617188, + 405.7200622558594, + 0.9175993204116821, + 717.0012817382812, + 71.14974212646484, + 0.9148859977722168, + 754.17578125, + 413.1549377441406, + 0.8747560977935791, + 583.1731567382812, + 234.7174530029297, + 0.780106782913208, + 598.04296875, + 331.37109375, + 0.7854877710342407, + 761.6106567382812, + 197.54296875, + 0.8293049335479736, + 835.9596557617188, + 316.5013122558594, + 0.7793774008750916, + 850.8294067382812, + 316.5013122558594, + 0.679477334022522, + 858.2643432617188, + 405.7200622558594, + 0.16559377312660217 + ], + "scale": [ + 3.5687499046325684, + 4.758333206176758 + ], + "score": 0.8106111613186923 + }, + { + "category_id": 1, + "center": [ + 610.5, + 232.5 + ], + "image_id": 21506658900, + "keypoints": [ + 545.0637817382812, + 1.7513021230697632, + 0.08592665195465088, + 765.48046875, + 497.6888122558594, + 0.0019154225010424852, + 538.17578125, + -5.13671875, + 0.010645915754139423, + 696.6002807617188, + 242.83203125, + 0.005063382443040609, + 434.85546875, + -5.13671875, + 0.1343032717704773, + 455.51953125, + 43.07942581176758, + 0.6209154725074768, + 448.6315002441406, + 153.2877655029297, + 0.6996206045150757, + 565.7278442382812, + 91.29557037353516, + 0.904830276966095, + 545.0637817382812, + 408.14453125, + 0.9296715259552002, + 717.2643432617188, + 70.63150787353516, + 0.9595663547515869, + 751.7044067382812, + 415.0325622558594, + 0.9253313541412354, + 593.2799682617188, + 229.0559844970703, + 0.7489758729934692, + 586.3919067382812, + 325.48828125, + 0.7649606466293335, + 765.48046875, + 201.50390625, + 0.8586488366127014, + 827.47265625, + 311.7122497558594, + 0.7287043929100037, + 855.0247192382812, + 318.6002502441406, + 0.6138296723365784, + 896.3528442382812, + 408.14453125, + 0.10249574482440948 + ], + "scale": [ + 3.3062500953674316, + 4.4083333015441895 + ], + "score": 0.7959140918471597 + }, + { + "category_id": 1, + "center": [ + 628.5, + 232.0 + ], + "image_id": 21506660800, + "keypoints": [ + 558.6106567382812, + 44.40234375, + 0.006828222423791885, + 646.8919067382812, + 44.40234375, + 0.002767816884443164, + 720.4596557617188, + 191.5377655029297, + 0.007068298757076263, + 713.1028442382812, + 265.10546875, + 0.007006720174103975, + 462.97265625, + 14.975260734558105, + 0.010639450512826443, + 455.6158752441406, + 37.04557418823242, + 0.6912896633148193, + 448.2591247558594, + 154.75390625, + 0.6208740472793579, + 573.32421875, + 95.89974212646484, + 0.9155282974243164, + 543.8971557617188, + 412.2408752441406, + 0.9110766649246216, + 720.4596557617188, + 73.82942962646484, + 0.9026979207992554, + 757.2434692382812, + 412.2408752441406, + 0.8865070343017578, + 588.0377807617188, + 228.3216094970703, + 0.7525635957717896, + 588.0377807617188, + 331.31640625, + 0.7742067575454712, + 764.6002807617188, + 198.89453125, + 0.8436201810836792, + 838.16796875, + 316.6028747558594, + 0.786003828048706, + 845.5247192382812, + 316.6028747558594, + 0.6255730390548706, + 860.23828125, + 426.9544372558594, + 0.10875140875577927 + ], + "scale": [ + 3.53125, + 4.708333492279053 + ], + "score": 0.7918128208680586 + }, + { + "category_id": 1, + "center": [ + 622.0, + 232.5 + ], + "image_id": 21506662800, + "keypoints": [ + 548.7708129882812, + 12.8125, + 0.03646456077694893, + 664.3958129882812, + 59.0625, + 0.002565746894106269, + 548.7708129882812, + 28.22916603088379, + 0.007955197244882584, + 710.6458129882812, + 259.4791564941406, + 0.00501271802932024, + 448.5625, + 12.8125, + 0.0666889026761055, + 463.9791564941406, + 35.9375, + 0.6463513374328613, + 456.2708435058594, + 166.9791717529297, + 0.6983366012573242, + 579.6041870117188, + 97.60416412353516, + 0.8709225654602051, + 541.0625, + 405.9375, + 0.9202648401260376, + 718.3541870117188, + 74.47916412353516, + 0.8872222304344177, + 756.8958129882812, + 413.6458435058594, + 0.9300868511199951, + 595.0208129882812, + 228.6458282470703, + 0.7760472297668457, + 595.0208129882812, + 321.1458435058594, + 0.8050913214683533, + 764.6041870117188, + 197.8125, + 0.8580003976821899, + 833.9791870117188, + 313.4375, + 0.7832431197166443, + 841.6875, + 313.4375, + 0.5605859756469727, + 849.3958129882812, + 405.9375, + 0.13261109590530396 + ], + "scale": [ + 3.700000047683716, + 4.933333396911621 + ], + "score": 0.794195679101077 + }, + { + "category_id": 1, + "center": [ + 628.5, + 237.0 + ], + "image_id": 21506663200, + "keypoints": [ + 570.19921875, + 23.230485916137695, + 0.030067117884755135, + 647.93359375, + 427.4491882324219, + 0.005089237820357084, + 663.48046875, + 124.28516387939453, + 0.007414998020976782, + 624.61328125, + 139.83204650878906, + 0.006401366088539362, + 453.59765625, + 31.003923416137695, + 0.07946355640888214, + 445.82421875, + 46.55079650878906, + 0.6267062425613403, + 461.37109375, + 170.92578125, + 0.6296863555908203, + 577.97265625, + 100.96485137939453, + 0.9071602821350098, + 546.87890625, + 411.90234375, + 0.9056070446968079, + 717.89453125, + 77.64454650878906, + 0.8869867324829102, + 756.76171875, + 411.90234375, + 0.876848578453064, + 585.74609375, + 233.11328125, + 0.7481964826583862, + 593.51953125, + 326.39453125, + 0.7602553367614746, + 764.53515625, + 202.01953125, + 0.8224498629570007, + 842.26953125, + 318.62109375, + 0.7551238536834717, + 842.26953125, + 310.84765625, + 0.5436267852783203, + 857.81640625, + 404.12890625, + 0.11072537302970886 + ], + "scale": [ + 3.7312498092651367, + 4.974999904632568 + ], + "score": 0.7693315961144187 + }, + { + "category_id": 1, + "center": [ + 620.5, + 232.5 + ], + "image_id": 21506664800, + "keypoints": [ + 542.94140625, + 16.15234375, + 0.029470428824424744, + 869.50390625, + 359.04296875, + 0.0036665196530520916, + 542.94140625, + 16.15234375, + 0.009732555598020554, + 714.38671875, + 261.07421875, + 0.008948740549385548, + 461.30078125, + -0.17578125, + 0.1096743643283844, + 453.13671875, + 32.48046875, + 0.6929669380187988, + 453.13671875, + 163.10546875, + 0.7725423574447632, + 583.76171875, + 97.79296875, + 0.9040507078170776, + 567.43359375, + 399.86328125, + 0.8775860071182251, + 714.38671875, + 73.30078125, + 0.9467887878417969, + 787.86328125, + 416.19140625, + 0.9237963557243347, + 600.08984375, + 228.41796875, + 0.8136888742446899, + 591.92578125, + 326.38671875, + 0.8016794919967651, + 771.53515625, + 195.76171875, + 0.8944261074066162, + 853.17578125, + 310.05859375, + 0.8321273922920227, + 861.33984375, + 301.89453125, + 0.649520218372345, + 902.16015625, + 383.53515625, + 0.11314049363136292 + ], + "scale": [ + 3.918750047683716, + 5.224999904632568 + ], + "score": 0.8281066580252214 + }, + { + "category_id": 1, + "center": [ + 642.0, + 235.5 + ], + "image_id": 21506665100, + "keypoints": [ + 563.5755004882812, + 16.73697853088379, + 0.022682633250951767, + 662.6380004882812, + 437.7525939941406, + 0.005674703512340784, + 745.1901245117188, + 181.8411407470703, + 0.004842956550419331, + 712.1692504882812, + 165.3307342529297, + 0.006914464291185141, + 456.2578125, + 16.73697853088379, + 0.06344004720449448, + 456.2578125, + 33.24739456176758, + 0.7300091981887817, + 456.2578125, + 148.8203125, + 0.7395344972610474, + 580.0859375, + 99.2890625, + 0.9191433787345886, + 571.8307495117188, + 396.4765625, + 0.8767160773277283, + 712.1692504882812, + 74.5234375, + 0.8940982818603516, + 786.4661254882812, + 412.9869689941406, + 0.8775423765182495, + 596.5963745117188, + 231.3723907470703, + 0.8034508228302002, + 596.5963745117188, + 330.4349060058594, + 0.7949973344802856, + 761.7005004882812, + 206.6067657470703, + 0.90911865234375, + 844.2526245117188, + 305.6692810058594, + 0.831898033618927, + 860.7630004882812, + 305.6692810058594, + 0.6402083039283752, + 885.5286254882812, + 388.2213439941406, + 0.16665393114089966 + ], + "scale": [ + 3.9625000953674316, + 5.283332824707031 + ], + "score": 0.8197015415538441 + }, + { + "category_id": 1, + "center": [ + 638.0, + 230.5 + ], + "image_id": 21506667201, + "keypoints": [ + 612.296875, + 13.859375, + 0.12785467505455017, + 626.984375, + 13.859375, + 0.019311709329485893, + 604.953125, + 21.203125, + 0.11666214466094971, + 634.328125, + 21.203125, + 0.01286005787551403, + 568.234375, + 28.546875, + 0.5000950694084167, + 487.453125, + 21.203125, + 0.5181407332420349, + 502.140625, + 182.765625, + 0.6601494550704956, + 604.953125, + 21.203125, + 0.5719496011734009, + 568.234375, + 403.078125, + 0.9215030670166016, + 700.421875, + 50.578125, + 0.9270860552787781, + 781.203125, + 417.765625, + 0.9452541470527649, + 604.953125, + 234.171875, + 0.7759943604469299, + 604.953125, + 329.640625, + 0.8008567094802856, + 766.515625, + 204.796875, + 0.8574080467224121, + 847.296875, + 314.953125, + 0.8703108429908752, + 847.296875, + 307.609375, + 0.5962568521499634, + 891.359375, + 403.078125, + 0.13933631777763367 + ], + "scale": [ + 3.5249998569488525, + 4.699999809265137 + ], + "score": 0.74541707833608 + }, + { + "category_id": 1, + "center": [ + 647.0, + 235.5 + ], + "image_id": 21506667600, + "keypoints": [ + 657.7421875, + 9.9140625, + 0.11134328693151474, + 657.7421875, + 24.23697853088379, + 0.011103429831564426, + 657.7421875, + 2.7526042461395264, + 0.1541617214679718, + 586.1276245117188, + 2.7526042461395264, + 0.021694855764508247, + 564.6432495117188, + 24.23697853088379, + 0.6472145915031433, + 493.0286560058594, + 24.23697853088379, + 0.4764367341995239, + 493.0286560058594, + 167.4661407470703, + 0.6859563589096069, + 600.4505004882812, + 17.07552146911621, + 0.48614782094955444, + 571.8046875, + 410.9557189941406, + 0.9450305104255676, + 707.8723754882812, + 31.3984375, + 0.9573624134063721, + 786.6484375, + 410.9557189941406, + 0.930116593837738, + 607.6119995117188, + 231.9192657470703, + 0.8416692018508911, + 607.6119995117188, + 325.0182189941406, + 0.7671236991882324, + 765.1640625, + 203.2734375, + 0.7958078384399414, + 843.9401245117188, + 310.6953125, + 0.87078458070755, + 858.2630004882812, + 303.5338439941406, + 0.6545066237449646, + 865.4244995117188, + 389.4713439941406, + 0.08113070577383041 + ], + "scale": [ + 3.4375, + 4.583333492279053 + ], + "score": 0.7548464139302572 + }, + { + "category_id": 1, + "center": [ + 648.0, + 233.5 + ], + "image_id": 21506668001, + "keypoints": [ + 685.5260620117188, + 4.932291507720947, + 0.6717842817306519, + 692.3489379882812, + -15.536458015441895, + 0.006434323266148567, + 665.0573120117188, + -8.713541984558105, + 0.4204350411891937, + 699.171875, + 202.796875, + 0.00863834097981453, + 596.828125, + 18.578125, + 0.960391640663147, + 508.1302185058594, + 18.578125, + 0.4518510103225708, + 521.7760620117188, + 175.5052032470703, + 0.7411807775497437, + 617.296875, + 52.69270706176758, + 0.05131873860955238, + 576.359375, + 407.484375, + 0.9522501230239868, + 671.8801879882812, + -8.713541984558105, + 0.024032680317759514, + 787.8698120117188, + 414.3072814941406, + 0.9760255813598633, + 610.4739379882812, + 236.9114532470703, + 0.7453677654266357, + 617.296875, + 325.609375, + 0.7272489070892334, + 767.4010620117188, + 209.6197967529297, + 0.7800954580307007, + 849.2760620117188, + 311.9635314941406, + 0.8743873834609985, + 856.0989379882812, + 311.9635314941406, + 0.6601094007492065, + 890.2135620117188, + 380.1927185058594, + 0.08157603442668915 + ], + "scale": [ + 3.2749998569488525, + 4.366666793823242 + ], + "score": 0.7467606142163277 + }, + { + "category_id": 1, + "center": [ + 632.0, + 218.0 + ], + "image_id": 21506600700, + "keypoints": [ + 564.9296875, + 8.8984375, + 0.009837934747338295, + 706.9609375, + 411.3203125, + 0.0018510805675759912, + 730.6328125, + 166.7109375, + 0.006116453558206558, + 635.9453125, + 72.0234375, + 0.00655185803771019, + 446.5703125, + 8.8984375, + 0.030219530686736107, + 454.4609375, + 32.5703125, + 0.6963772773742676, + 446.5703125, + 150.9296875, + 0.6972888708114624, + 572.8203125, + 111.4765625, + 0.8892030715942383, + 596.4921875, + 379.7578125, + 0.8185903429985046, + 699.0703125, + 87.8046875, + 0.9315516948699951, + 809.5390625, + 348.1953125, + 0.9549033641815186, + 588.6015625, + 221.9453125, + 0.8425788879394531, + 588.6015625, + 316.6328125, + 0.7832499742507935, + 762.1953125, + 206.1640625, + 0.7676910758018494, + 817.4296875, + 324.5234375, + 0.35410743951797485, + 841.1015625, + 292.9609375, + 0.3005277216434479, + 872.6640625, + 403.4296875, + 0.06483016908168793 + ], + "scale": [ + 3.7874999046325684, + 5.050000190734863 + ], + "score": 0.7305517928166823 + }, + { + "category_id": 1, + "center": [ + 632.5, + 226.0 + ], + "image_id": 21506682401, + "keypoints": [ + 613.06640625, + -3.316387414932251, + 0.4757238030433655, + 589.74609375, + -57.730445861816406, + 0.006246086210012436, + 589.74609375, + -3.316387414932251, + 0.27535945177078247, + 690.80078125, + 198.79296875, + 0.00889299251139164, + 512.01171875, + 12.230485916137695, + 0.7099656462669373, + 488.69140625, + 35.55079650878906, + 0.5955384373664856, + 465.37109375, + 159.92578125, + 0.7458904981613159, + 566.42578125, + 20.003923416137695, + 0.05267193913459778, + 581.97265625, + 393.12890625, + 0.8664519190788269, + 605.29296875, + 4.457049369812012, + 0.11371207237243652, + 791.85546875, + 385.35546875, + 0.9502865076065063, + 597.51953125, + 229.88671875, + 0.822919487953186, + 597.51953125, + 323.16796875, + 0.7990635633468628, + 768.53515625, + 214.33984375, + 0.7913063764572144, + 830.72265625, + 330.94140625, + 0.6205211877822876, + 854.04296875, + 307.62109375, + 0.48519593477249146, + 869.58984375, + 408.67578125, + 0.10852918028831482 + ], + "scale": [ + 3.7312498092651367, + 4.974999904632568 + ], + "score": 0.6781852344671885 + }, + { + "category_id": 1, + "center": [ + 647.5, + 232.0 + ], + "image_id": 21506701100, + "keypoints": [ + 578.9909057617188, + 18.41275978088379, + 0.14746278524398804, + 667.6497192382812, + 429.4674377441406, + 0.004619237966835499, + 578.9909057617188, + 18.41275978088379, + 0.08698862791061401, + 716.0090942382812, + 260.2096252441406, + 0.008236589841544628, + 490.33203125, + 2.29296875, + 0.48845431208610535, + 466.15234375, + 42.59244918823242, + 0.724539577960968, + 458.0924377441406, + 163.4908905029297, + 0.6620308756828308, + 546.7512817382812, + 131.2512969970703, + 0.7813130617141724, + 578.9909057617188, + 397.2278747558594, + 0.8653954267501831, + 651.5299682617188, + 147.37109375, + 0.8887354731559753, + 788.5481567382812, + 397.2278747558594, + 0.8786954879760742, + 595.1106567382812, + 236.0299530029297, + 0.8304087519645691, + 595.1106567382812, + 332.7486877441406, + 0.817761242389679, + 756.30859375, + 211.8502655029297, + 0.9281224608421326, + 836.9075317382812, + 316.62890625, + 0.7323226928710938, + 844.9674682617188, + 308.5690002441406, + 0.7037590146064758, + 885.2669067382812, + 405.2877502441406, + 0.15071025490760803 + ], + "scale": [ + 3.8687500953674316, + 5.1583333015441895 + ], + "score": 0.7751281981666883 + }, + { + "category_id": 1, + "center": [ + 628.0, + 227.5 + ], + "image_id": 21506711200, + "keypoints": [ + 554.5234375, + -8.3984375, + 0.07503186166286469, + 848.4296875, + 401.5234375, + 0.0015744877746328712, + 554.5234375, + 22.5390625, + 0.018703486770391464, + 716.9453125, + 262.3046875, + 0.008441906422376633, + 469.4453125, + 7.0703125, + 0.07512225210666656, + 453.9765625, + 38.0078125, + 0.7104463577270508, + 469.4453125, + 169.4921875, + 0.6751275062561035, + 577.7265625, + 115.3515625, + 0.9114288091659546, + 585.4609375, + 393.7890625, + 0.8347141742706299, + 701.4765625, + 92.1484375, + 0.9557832479476929, + 794.2890625, + 409.2578125, + 0.9144279956817627, + 593.1953125, + 231.3671875, + 0.7593923807144165, + 600.9296875, + 324.1796875, + 0.8293190002441406, + 771.0859375, + 200.4296875, + 0.8781512975692749, + 848.4296875, + 316.4453125, + 0.8324331045150757, + 863.8984375, + 316.4453125, + 0.6944308280944824, + 894.8359375, + 386.0546875, + 0.1417737603187561 + ], + "scale": [ + 3.7125000953674316, + 4.949999809265137 + ], + "score": 0.8177867911078713 + }, + { + "category_id": 1, + "center": [ + 629.0, + 231.5 + ], + "image_id": 21506712001, + "keypoints": [ + 570.40625, + 24.46875, + 0.06739314645528793, + 711.03125, + 422.90625, + 0.0032848429400473833, + 570.40625, + 24.46875, + 0.021317850798368454, + 617.28125, + 94.78125, + 0.013862612657248974, + 500.09375, + 16.65625, + 0.13434796035289764, + 461.03125, + 40.09375, + 0.6546863913536072, + 468.84375, + 165.09375, + 0.7470408082008362, + 570.40625, + 126.03125, + 0.8981769680976868, + 586.03125, + 391.65625, + 0.8513519763946533, + 695.40625, + 110.40625, + 0.931592583656311, + 796.96875, + 407.28125, + 0.9025346636772156, + 601.65625, + 227.59375, + 0.8026149272918701, + 601.65625, + 321.34375, + 0.8215792179107666, + 773.53125, + 204.15625, + 0.8566527366638184, + 851.65625, + 305.71875, + 0.8602263927459717, + 859.46875, + 313.53125, + 0.6050383448600769, + 898.53125, + 376.03125, + 0.0995815247297287 + ], + "scale": [ + 3.75, + 5.0 + ], + "score": 0.8119540918957103 + }, + { + "category_id": 1, + "center": [ + 624.0, + 228.5 + ], + "image_id": 21506714000, + "keypoints": [ + 556.0442504882812, + -7.346354007720947, + 0.02301209233701229, + 787.8932495117188, + 272.4713439941406, + 0.004422083497047424, + 620.0026245117188, + 0.6484375, + 0.009760461747646332, + 683.9609375, + 192.5234375, + 0.009087675251066685, + 460.1067810058594, + 16.63802146911621, + 0.15675994753837585, + 460.1067810058594, + 24.6328125, + 0.6351571679115295, + 468.1015625, + 192.5234375, + 0.6794506907463074, + 580.0286254882812, + 8.643229484558105, + 0.6817203760147095, + 588.0234375, + 392.3932189941406, + 0.8500978946685791, + 675.9661254882812, + 64.60677337646484, + 0.9037305116653442, + 803.8828125, + 408.3828125, + 0.8499196767807007, + 604.0130004882812, + 224.5026092529297, + 0.8364537358283997, + 596.0182495117188, + 320.4400939941406, + 0.820284366607666, + 771.9036254882812, + 192.5234375, + 0.8849486112594604, + 851.8515625, + 304.4505310058594, + 0.8824472427368164, + 851.8515625, + 312.4453125, + 0.6234927177429199, + 875.8359375, + 392.3932189941406, + 0.1055237352848053 + ], + "scale": [ + 3.8374998569488525, + 5.116666793823242 + ], + "score": 0.7861548174511303 + }, + { + "category_id": 1, + "center": [ + 638.5, + 233.0 + ], + "image_id": 21506701500, + "keypoints": [ + 570.8762817382812, + 22.17317771911621, + 0.25231802463531494, + 562.9205932617188, + -25.56119728088379, + 0.007759059313684702, + 562.9205932617188, + 6.26171875, + 0.09890977293252945, + 698.16796875, + 205.1549530029297, + 0.007637958973646164, + 475.4075622558594, + -1.6940103769302368, + 0.1020902544260025, + 459.49609375, + 38.08463668823242, + 0.734917402267456, + 451.5403747558594, + 149.46484375, + 0.7050447463989258, + 539.0534057617188, + 125.59765625, + 0.811864972114563, + 547.0090942382812, + 412.00390625, + 0.9434016942977905, + 658.3893432617188, + 125.59765625, + 0.913510799407959, + 761.8137817382812, + 412.00390625, + 0.9085342884063721, + 594.7434692382812, + 229.0221405029297, + 0.7887692451477051, + 594.7434692382812, + 324.4908752441406, + 0.7491689920425415, + 785.6809692382812, + 213.1106719970703, + 0.7840576767921448, + 841.37109375, + 316.53515625, + 0.6986712217330933, + 857.2825317382812, + 316.53515625, + 0.4690703749656677, + 912.97265625, + 419.9596252441406, + 0.0861031711101532 + ], + "scale": [ + 3.8187501430511475, + 5.0916666984558105 + ], + "score": 0.7299441198507944 + }, + { + "category_id": 1, + "center": [ + 630.0, + 234.5 + ], + "image_id": 21506716401, + "keypoints": [ + 578.8801879882812, + 26.08854103088379, + 0.2744315564632416, + 618.203125, + 2.4947917461395264, + 0.025745796039700508, + 563.1510620117188, + 10.359375, + 0.2064770758152008, + 696.8489379882812, + 199.109375, + 0.008878128603100777, + 500.234375, + 26.08854103088379, + 0.19315072894096375, + 468.7760314941406, + 18.22395896911621, + 0.5591047406196594, + 460.9114685058594, + 167.6510467529297, + 0.6633564233779907, + 578.8801879882812, + 10.359375, + 0.5945543050765991, + 578.8801879882812, + 403.5885314941406, + 0.8489527702331543, + 681.1198120117188, + 57.546875, + 0.8993626832962036, + 799.0885620117188, + 395.7239685058594, + 0.8864127397537231, + 594.609375, + 230.5677032470703, + 0.7815977931022644, + 594.609375, + 332.8072814941406, + 0.8126252889633179, + 767.6301879882812, + 199.109375, + 0.824368417263031, + 838.4114379882812, + 317.078125, + 0.7039577960968018, + 854.140625, + 309.2135314941406, + 0.4566618502140045, + 972.109375, + 395.7239685058594, + 0.07251038402318954 + ], + "scale": [ + 3.7750000953674316, + 5.0333333015441895 + ], + "score": 0.6547587261750147 + }, + { + "category_id": 1, + "center": [ + 641.5, + 211.5 + ], + "image_id": 21506701900, + "keypoints": [ + 584.37109375, + 9.64453125, + 0.037190452218055725, + 721.48046875, + -13.20703125, + 0.001822664518840611, + 584.37109375, + 9.64453125, + 0.014960302039980888, + 630.07421875, + 78.19921875, + 0.015618858858942986, + 508.19921875, + 2.02734375, + 0.06078645586967468, + 454.87890625, + 32.49609375, + 0.6329222917556763, + 485.34765625, + 154.37109375, + 0.6446200609207153, + 576.75390625, + 108.66796875, + 0.9001761674880981, + 675.77734375, + 321.94921875, + 1.0036084651947021, + 706.24609375, + 85.81640625, + 0.9299790263175964, + 850.97265625, + 230.54296875, + 0.937533438205719, + 584.37109375, + 222.92578125, + 0.5711730718612671, + 607.22265625, + 321.94921875, + 0.6089972257614136, + 721.48046875, + 200.07421875, + 0.9428634643554688, + 843.35546875, + 306.71484375, + 0.607376754283905, + 828.12109375, + 222.92578125, + 0.18546733260154724, + 744.33203125, + 200.07421875, + 0.045426856726408005 + ], + "scale": [ + 3.65625, + 4.875 + ], + "score": 0.7779249966144561 + }, + { + "category_id": 1, + "center": [ + 641.0, + 233.5 + ], + "image_id": 21506722801, + "keypoints": [ + 604.671875, + 19.56770896911621, + 0.0335782952606678, + 806.4948120117188, + 310.1927185058594, + 0.003944371361285448, + 580.453125, + 11.494791984558105, + 0.013490203768014908, + 532.015625, + 3.421875, + 0.007150477729737759, + 507.796875, + 19.56770896911621, + 0.1991731822490692, + 475.5052185058594, + 19.56770896911621, + 0.5650524497032166, + 467.4322814941406, + 156.8072967529297, + 0.6568307876586914, + 556.234375, + 19.56770896911621, + 0.47966432571411133, + 564.3073120117188, + 407.0677185058594, + 0.8727686405181885, + 693.4739379882812, + 19.56770896911621, + 0.9382033944129944, + 774.203125, + 382.8489685058594, + 0.9233167171478271, + 596.5989379882812, + 229.4635467529297, + 0.8370571136474609, + 596.5989379882812, + 326.3385314941406, + 0.7034814357757568, + 782.2760620117188, + 221.390625, + 0.6916124820709229, + 830.7135620117188, + 318.265625, + 0.4665181040763855, + 838.7864379882812, + 302.1197814941406, + 0.32432878017425537, + 879.1510620117188, + 415.140625, + 0.08337876200675964 + ], + "scale": [ + 3.875, + 5.166666507720947 + ], + "score": 0.6780758391727101 + }, + { + "category_id": 1, + "center": [ + 647.5, + 237.5 + ], + "image_id": 21506726800, + "keypoints": [ + 591.7252807617188, + 10.110676765441895, + 0.10445718467235565, + 634.62890625, + 70.17578125, + 0.010783997364342213, + 591.7252807617188, + 18.69140625, + 0.05528772994875908, + 445.8528747558594, + 10.110676765441895, + 0.0051296851597726345, + 471.5950622558594, + 10.110676765441895, + 0.4132392108440399, + 463.0143127441406, + 18.69140625, + 0.693678617477417, + 463.0143127441406, + 173.14453125, + 0.8052307367324829, + 574.5637817382812, + 18.69140625, + 0.7095626592636108, + 565.9830932617188, + 404.82421875, + 0.9025940895080566, + 694.6940307617188, + 53.01432418823242, + 0.9324100613594055, + 789.08203125, + 421.9856872558594, + 0.8552755117416382, + 600.3059692382812, + 233.2096405029297, + 0.8199691772460938, + 600.3059692382812, + 327.59765625, + 0.8077328205108643, + 771.9205932617188, + 207.4674530029297, + 0.906234860420227, + 840.56640625, + 310.4361877441406, + 0.802409291267395, + 857.7278442382812, + 319.0169372558594, + 0.6416774988174438, + 900.6315307617188, + 396.2434997558594, + 0.28956156969070435 + ], + "scale": [ + 4.118750095367432, + 5.491666793823242 + ], + "score": 0.736890469606106 + }, + { + "category_id": 1, + "center": [ + 654.5, + 231.5 + ], + "image_id": 21506727201, + "keypoints": [ + 600.92578125, + 13.08203125, + 0.08819512277841568, + 675.10546875, + 433.43359375, + 0.006514869164675474, + 592.68359375, + 13.08203125, + 0.061792366206645966, + 534.98828125, + -3.40234375, + 0.007647243328392506, + 493.77734375, + 4.83984375, + 0.4810217618942261, + 469.05078125, + 21.32421875, + 0.6476255655288696, + 477.29296875, + 169.68359375, + 0.7308125495910645, + 576.19921875, + 13.08203125, + 0.7051539421081543, + 567.95703125, + 400.46484375, + 0.885988175868988, + 691.58984375, + 29.56640625, + 0.9123343229293823, + 798.73828125, + 425.19140625, + 0.8233312368392944, + 600.92578125, + 235.62109375, + 0.820939838886261, + 600.92578125, + 326.28515625, + 0.7593234777450562, + 765.76953125, + 210.89453125, + 0.8965812921524048, + 848.19140625, + 309.80078125, + 0.7681671977043152, + 856.43359375, + 309.80078125, + 0.7571963667869568, + 897.64453125, + 400.46484375, + 0.34498411417007446 + ], + "scale": [ + 3.956249952316284, + 5.274999618530273 + ], + "score": 0.7333430647850037 + }, + { + "category_id": 1, + "center": [ + 654.0, + 236.0 + ], + "image_id": 21506727601, + "keypoints": [ + 614.859375, + 14.203141212463379, + 0.04451339691877365, + 675.7448120117188, + 449.09893798828125, + 0.0045601739548146725, + 597.4635620117188, + 40.29689025878906, + 0.01146065816283226, + 553.9739379882812, + 5.50522518157959, + 0.01204590406268835, + 493.08856201171875, + 5.50522518157959, + 0.17275039851665497, + 466.99481201171875, + 22.901058197021484, + 0.632392168045044, + 466.99481201171875, + 170.765625, + 0.7405062913894653, + 571.3698120117188, + 5.50522518157959, + 0.47937870025634766, + 562.671875, + 405.609375, + 0.9192676544189453, + 701.8385620117188, + 22.901058197021484, + 0.8921627998352051, + 780.1198120117188, + 423.00518798828125, + 0.915142834186554, + 597.4635620117188, + 240.3489532470703, + 0.8437510132789612, + 597.4635620117188, + 327.328125, + 0.747086763381958, + 771.421875, + 205.5572967529297, + 0.9133474826812744, + 849.703125, + 318.63018798828125, + 0.6878286600112915, + 867.0989379882812, + 318.63018798828125, + 0.7660515904426575, + 901.890625, + 396.91143798828125, + 0.32716232538223267 + ], + "scale": [ + 4.174999713897705, + 5.566666603088379 + ], + "score": 0.738673190275828 + }, + { + "category_id": 1, + "center": [ + 643.5, + 230.0 + ], + "image_id": 21506728001, + "keypoints": [ + 555.00390625, + 33.76953125, + 0.016071675345301628, + 647.34765625, + 10.68359375, + 0.002799245063215494, + 555.00390625, + 18.37890625, + 0.00630215322598815, + 539.61328125, + 10.68359375, + 0.005706849042326212, + 485.74609375, + 33.76953125, + 0.06431065499782562, + 470.35546875, + 18.37890625, + 0.5606327056884766, + 462.66015625, + 164.58984375, + 0.6387808322906494, + 570.39453125, + 26.07421875, + 0.2837756276130676, + 578.08984375, + 410.83984375, + 0.8637070655822754, + 693.51953125, + 18.37890625, + 0.9462125301361084, + 801.25390625, + 380.05859375, + 0.9595629572868347, + 593.48046875, + 233.84765625, + 0.8258181214332581, + 601.17578125, + 333.88671875, + 0.7725268602371216, + 762.77734375, + 210.76171875, + 0.7317381501197815, + 832.03515625, + 333.88671875, + 0.5059342384338379, + 862.81640625, + 310.80078125, + 0.529682993888855, + 901.29296875, + 387.75390625, + 0.09685434401035309 + ], + "scale": [ + 3.6937499046325684, + 4.925000190734863 + ], + "score": 0.6925792802463878 + }, + { + "category_id": 1, + "center": [ + 627.5, + 235.0 + ], + "image_id": 21506728401, + "keypoints": [ + 706.11328125, + 328.5872497558594, + 0.005212253425270319, + 533.9127807617188, + 373.5091247558594, + 0.001528484863229096, + 818.41796875, + 313.61328125, + 0.010999773629009724, + 713.6002807617188, + 201.30859375, + 0.008919820189476013, + 511.4518127441406, + 36.59505081176758, + 0.06128167361021042, + 459.04296875, + 21.62109375, + 0.5316903591156006, + 466.5299377441406, + 163.8737030029297, + 0.6867423057556152, + 563.8606567382812, + 14.134114265441895, + 0.3944259583950043, + 548.88671875, + 410.9440002441406, + 0.9287497997283936, + 691.1393432617188, + 14.134114265441895, + 0.8969627618789673, + 773.49609375, + 373.5091247558594, + 0.9234697818756104, + 586.3215942382812, + 231.2565155029297, + 0.7851042151451111, + 586.3215942382812, + 321.1002502441406, + 0.6678275465965271, + 766.0090942382812, + 201.30859375, + 0.7717053890228271, + 833.3919067382812, + 336.07421875, + 0.7394586801528931, + 840.87890625, + 313.61328125, + 0.5168312191963196, + 870.8268432617188, + 433.4049377441406, + 0.1359882950782776 + ], + "scale": [ + 3.59375, + 4.791666507720947 + ], + "score": 0.712997092442079 + }, + { + "category_id": 1, + "center": [ + 634.0, + 218.0 + ], + "image_id": 21506703000, + "keypoints": [ + 577.1640625, + 17.1796875, + 0.020588289946317673, + 675.6796875, + 92.9609375, + 0.0027280941139906645, + 834.8203125, + 297.5703125, + 0.010335924103856087, + 690.8359375, + 244.5234375, + 0.006245937664061785, + 486.2265625, + -5.5546875, + 0.01915396936237812, + 463.4921875, + 39.9140625, + 0.6444824934005737, + 455.9140625, + 153.5859375, + 0.7047437429428101, + 554.4296875, + 130.8515625, + 0.8136117458343506, + 592.3203125, + 388.5078125, + 0.8956142663955688, + 683.2578125, + 161.1640625, + 0.9393783807754517, + 736.3046875, + 327.8828125, + 0.9426531791687012, + 592.3203125, + 221.7890625, + 0.7148311734199524, + 599.8984375, + 320.3046875, + 0.773965060710907, + 751.4609375, + 199.0546875, + 0.8161275386810303, + 842.3984375, + 320.3046875, + 0.5535451173782349, + 849.9765625, + 305.1484375, + 0.6073154807090759, + 865.1328125, + 297.5703125, + 0.21868649125099182 + ], + "scale": [ + 3.637500047683716, + 4.850000381469727 + ], + "score": 0.7187462225556374 + }, + { + "category_id": 1, + "center": [ + 634.5, + 223.5 + ], + "image_id": 21506730401, + "keypoints": [ + 630.6262817382812, + -5.048177242279053, + 0.0066309706307947636, + 878.54296875, + 320.3424377441406, + 0.0033735118340700865, + 619.0051879882812, + -132.8802032470703, + 0.0027685503009706736, + 692.60546875, + 188.63671875, + 0.006154773291200399, + 506.66796875, + 18.19400978088379, + 0.04382868856191635, + 460.18359375, + 18.19400978088379, + 0.5608305931091309, + 467.9309997558594, + 173.1419219970703, + 0.6920682787895203, + 568.6471557617188, + 18.19400978088379, + 0.34035494923591614, + 599.63671875, + 390.0690002441406, + 0.8487380743026733, + 692.60546875, + 18.19400978088379, + 0.8977094888687134, + 816.5637817382812, + 374.57421875, + 0.9319466352462769, + 591.8893432617188, + 227.3737030029297, + 0.7890993356704712, + 599.63671875, + 328.08984375, + 0.7609540224075317, + 777.8268432617188, + 211.87890625, + 0.7625807523727417, + 832.05859375, + 304.84765625, + 0.6134215593338013, + 855.30078125, + 328.08984375, + 0.43911707401275635, + 932.7747192382812, + 382.3216247558594, + 0.06085742264986038 + ], + "scale": [ + 3.71875, + 4.958333492279053 + ], + "score": 0.6942564330317758 + }, + { + "category_id": 1, + "center": [ + 637.0, + 217.0 + ], + "image_id": 21506703300, + "keypoints": [ + 577.234375, + 13.796891212463379, + 0.028570421040058136, + 864.109375, + 308.640625, + 0.0037508616223931313, + 680.828125, + -153.54684448242188, + 0.003586683189496398, + 696.765625, + 220.984375, + 0.008208249695599079, + 505.515625, + -2.1406075954437256, + 0.05285097658634186, + 465.671875, + 37.70314025878906, + 0.7087638974189758, + 457.703125, + 157.234375, + 0.7639342546463013, + 561.296875, + 133.328125, + 0.8624976873397827, + 593.171875, + 396.296875, + 0.9132789373397827, + 680.828125, + 141.296875, + 0.9272097945213318, + 736.609375, + 324.578125, + 0.9768058061599731, + 585.203125, + 228.953125, + 0.7517914772033691, + 601.140625, + 324.578125, + 0.7892493009567261, + 752.546875, + 197.078125, + 0.9304904937744141, + 832.234375, + 324.578125, + 0.5140925645828247, + 848.171875, + 308.640625, + 0.6155115962028503, + 872.078125, + 356.453125, + 0.22802522778511047 + ], + "scale": [ + 3.8249998092651367, + 5.099999904632568 + ], + "score": 0.7484709198276202 + }, + { + "category_id": 1, + "center": [ + 683.0, + 231.5 + ], + "image_id": 21506733601, + "keypoints": [ + 724.25, + 25.25, + 0.32893162965774536, + 724.25, + -34.75, + 0.006366848014295101, + 694.25, + 10.25, + 0.25323614478111267, + 619.25, + -4.75, + 0.01122442726045847, + 611.75, + 10.25, + 0.7692466974258423, + 544.25, + 10.25, + 0.4350167214870453, + 566.75, + 160.25, + 0.728964626789093, + 619.25, + 32.75, + 0.3177552819252014, + 596.75, + 400.25, + 0.939976692199707, + 716.75, + 40.25, + 0.845221996307373, + 806.75, + 385.25, + 0.9625349044799805, + 604.25, + 220.25, + 0.6412031650543213, + 596.75, + 317.75, + 0.595248818397522, + 761.75, + 205.25, + 0.9367213249206543, + 829.25, + 310.25, + 0.6760343909263611, + 851.75, + 310.25, + 0.6351280212402344, + 904.25, + 370.25, + 0.12573258578777313 + ], + "scale": [ + 3.6000001430511475, + 4.799999713897705 + ], + "score": 0.647515743970871 + }, + { + "category_id": 1, + "center": [ + 669.5, + 230.5 + ], + "image_id": 21506734001, + "keypoints": [ + 786.58984375, + 14.061198234558105, + 0.6488356590270996, + 772.3971557617188, + -28.51692771911621, + 0.01345859095454216, + 772.3971557617188, + -7.227864742279053, + 0.21855482459068298, + 765.30078125, + -0.1315104216337204, + 0.002242166781798005, + 673.0481567382812, + -0.1315104216337204, + 0.8356114625930786, + 587.8919067382812, + 6.96484375, + 0.3592408299446106, + 630.4700317382812, + 148.8919219970703, + 0.727567195892334, + 722.72265625, + 56.63932418823242, + 0.014702385291457176, + 594.98828125, + 397.2643127441406, + 0.9230385422706604, + 843.3606567382812, + 333.3971252441406, + 0.12079103291034698, + 793.6862182617188, + 383.0716247558594, + 0.9320864677429199, + 673.0481567382812, + 219.85546875, + 0.36322879791259766, + 637.56640625, + 326.30078125, + 0.3811497092247009, + 779.4934692382812, + 205.6627655029297, + 0.5824618339538574, + 843.3606567382812, + 326.30078125, + 0.6092265844345093, + 843.3606567382812, + 333.3971252441406, + 0.3316877782344818, + 914.32421875, + 446.9388122558594, + 0.043488506227731705 + ], + "scale": [ + 3.40625, + 4.5416669845581055 + ], + "score": 0.5760574738184611 + }, + { + "category_id": 1, + "center": [ + 657.5, + 223.0 + ], + "image_id": 21506734401, + "keypoints": [ + 623.33984375, + 21.83463478088379, + 0.05562010034918785, + 676.4778442382812, + 408.9830627441406, + 0.004286793060600758, + 600.56640625, + 6.65234375, + 0.01665852777659893, + 562.6106567382812, + -0.9388020634651184, + 0.010288148187100887, + 532.24609375, + 21.83463478088379, + 0.09933549910783768, + 486.69921875, + 6.65234375, + 0.5080946683883667, + 494.2903747558594, + 158.4752655029297, + 0.7151046395301819, + 577.79296875, + 21.83463478088379, + 0.5420284271240234, + 585.3840942382812, + 393.80078125, + 0.8810967206954956, + 699.2512817382812, + 14.243489265441895, + 0.9285451173782349, + 805.52734375, + 378.6184997558594, + 0.8450576663017273, + 600.56640625, + 219.2044219970703, + 0.8038434982299805, + 600.56640625, + 317.8893127441406, + 0.7300132513046265, + 759.98046875, + 204.0221405029297, + 0.8769794702529907, + 828.30078125, + 317.8893127441406, + 0.6838901042938232, + 851.07421875, + 317.8893127441406, + 0.6009975671768188, + 873.84765625, + 378.6184997558594, + 0.15231885015964508 + ], + "scale": [ + 3.643749952316284, + 4.858333587646484 + ], + "score": 0.7377864664251154 + }, + { + "category_id": 1, + "center": [ + 641.0, + 223.5 + ], + "image_id": 21506742801, + "keypoints": [ + 565.296875, + 4.3593926429748535, + 0.0989585742354393, + 884.046875, + 347.015625, + 0.002336302539333701, + 557.328125, + 12.328142166137695, + 0.03638521209359169, + 477.640625, + -43.453102111816406, + 0.0033590300008654594, + 469.671875, + 12.328142166137695, + 0.26088184118270874, + 485.609375, + 28.265640258789062, + 0.7276802659034729, + 461.703125, + 155.765625, + 0.7480602264404297, + 613.109375, + 60.1406364440918, + 0.8783652782440186, + 589.203125, + 394.828125, + 0.8549785614013672, + 772.484375, + 44.20314025878906, + 0.9084467887878418, + 804.359375, + 394.828125, + 0.8913989067077637, + 597.171875, + 235.453125, + 0.7439196109771729, + 597.171875, + 331.078125, + 0.8282737135887146, + 764.515625, + 195.609375, + 0.8856723308563232, + 836.234375, + 307.171875, + 0.8491724729537964, + 844.203125, + 315.140625, + 0.6642049551010132, + 899.984375, + 386.859375, + 0.12415367364883423 + ], + "scale": [ + 3.8249998092651367, + 5.099999904632568 + ], + "score": 0.7700879126787186 + }, + { + "category_id": 1, + "center": [ + 641.5, + 218.0 + ], + "image_id": 21506743201, + "keypoints": [ + 554.2018432617188, + 24.42578125, + 0.15625222027301788, + 554.2018432617188, + 16.83463478088379, + 0.005256843287497759, + 561.79296875, + 9.243489265441895, + 0.06687189638614655, + 455.5169372558594, + -28.71224021911621, + 0.0025677650701254606, + 470.69921875, + 16.83463478088379, + 0.13448075950145721, + 493.47265625, + 32.01692581176758, + 0.6720988750457764, + 463.1080627441406, + 145.8841094970703, + 0.7109254598617554, + 614.9309692382812, + 69.97265625, + 0.8404799699783325, + 584.56640625, + 388.80078125, + 0.8987866640090942, + 766.75390625, + 92.74609375, + 0.8484985828399658, + 774.3450317382812, + 320.48046875, + 0.924494743347168, + 592.1575317382812, + 229.38671875, + 0.7946869134902954, + 592.1575317382812, + 320.48046875, + 0.7143723964691162, + 751.5715942382812, + 199.0221405029297, + 0.8089802861213684, + 804.7096557617188, + 350.8450622558594, + 0.21024183928966522, + 819.8919067382812, + 328.0716247558594, + 0.15416516363620758, + 850.2565307617188, + 388.80078125, + 0.057793889194726944 + ], + "scale": [ + 3.643749952316284, + 4.858333587646484 + ], + "score": 0.7423565730452537 + }, + { + "category_id": 1, + "center": [ + 636.5, + 214.0 + ], + "image_id": 21506744801, + "keypoints": [ + 663.5247192382812, + 109.76171875, + 0.0031318983528763056, + 810.23046875, + 302.7955627441406, + 0.003254626877605915, + 833.39453125, + 295.07421875, + 0.01329295989125967, + 632.6393432617188, + 148.3684844970703, + 0.007774997502565384, + 632.6393432617188, + 86.59765625, + 0.015164738520979881, + 470.4908752441406, + 32.54817581176758, + 0.6785572171211243, + 455.0481872558594, + 148.3684844970703, + 0.7472357153892517, + 563.1471557617188, + 132.92578125, + 0.8617031574249268, + 570.8684692382812, + 387.73046875, + 0.8754191398620605, + 686.6887817382812, + 117.48307037353516, + 0.8913798332214355, + 725.2955932617188, + 310.5169372558594, + 0.9261956214904785, + 586.3112182617188, + 225.58203125, + 0.7431520223617554, + 594.0325317382812, + 318.23828125, + 0.7045973539352417, + 756.1809692382812, + 194.6966094970703, + 0.8134424686431885, + 848.8372192382812, + 318.23828125, + 0.8162720203399658, + 848.8372192382812, + 302.7955627441406, + 0.5934798717498779, + 879.72265625, + 387.73046875, + 0.1076352447271347 + ], + "scale": [ + 3.706249952316284, + 4.941666603088379 + ], + "score": 0.7864940383217551 + }, + { + "category_id": 1, + "center": [ + 616.0, + 218.0 + ], + "image_id": 21506745700, + "keypoints": [ + 605.140625, + -125.88021087646484, + 0.0018793151248246431, + 720.9739379882812, + 134.7447967529297, + 0.002529798075556755, + 706.4948120117188, + -24.52604103088379, + 0.003909817431122065, + 706.4948120117188, + 185.421875, + 0.007130604237318039, + 445.8697814941406, + 26.15104103088379, + 0.014067119918763638, + 467.5885314941406, + 40.63020706176758, + 0.5578441619873047, + 445.8697814941406, + 156.4635467529297, + 0.6520700454711914, + 554.4635620117188, + 149.2239532470703, + 0.5123380422592163, + 576.1823120117188, + 395.3697814941406, + 0.9030678868293762, + 663.0573120117188, + 185.421875, + 0.885688841342926, + 713.734375, + 330.2135314941406, + 0.9239673614501953, + 597.9010620117188, + 221.6197967529297, + 0.7930560111999512, + 597.9010620117188, + 308.4947814941406, + 0.7138203978538513, + 771.6510620117188, + 199.9010467529297, + 0.7920224666595459, + 858.5260620117188, + 322.9739685058594, + 0.7752780914306641, + 865.765625, + 308.4947814941406, + 0.4277709722518921, + 909.203125, + 351.9322814941406, + 0.11713694036006927 + ], + "scale": [ + 3.4749999046325684, + 4.633333206176758 + ], + "score": 0.7215385707941923 + }, + { + "category_id": 1, + "center": [ + 665.0, + 226.0 + ], + "image_id": 21506746801, + "keypoints": [ + 590.2864379882812, + 1.859375, + 0.10381508618593216, + 684.6614379882812, + 418.6822814941406, + 0.006241536699235439, + 590.2864379882812, + -6.005208492279053, + 0.03122013434767723, + 739.7135620117188, + 347.9010314941406, + 0.009182034060359001, + 495.9114685058594, + 17.58854103088379, + 0.059194713830947876, + 488.046875, + 33.31770706176758, + 0.7187906503677368, + 464.453125, + 174.8802032470703, + 0.766434907913208, + 621.7448120117188, + 72.640625, + 0.8070629835128784, + 574.5573120117188, + 402.953125, + 0.906934380531311, + 763.3073120117188, + 33.31770706176758, + 0.8940802812576294, + 794.765625, + 363.6302185058594, + 0.9011386036872864, + 598.1510620117188, + 229.9322967529297, + 0.8605859875679016, + 598.1510620117188, + 324.3072814941406, + 0.7360572814941406, + 763.3073120117188, + 198.4739532470703, + 0.8254928588867188, + 826.2239379882812, + 308.578125, + 0.34262949228286743, + 857.6823120117188, + 292.8489685058594, + 0.5586425065994263, + 873.4114379882812, + 316.4427185058594, + 0.12140121310949326 + ], + "scale": [ + 3.7750000953674316, + 5.0333333015441895 + ], + "score": 0.7561681758273732 + }, + { + "category_id": 1, + "center": [ + 625.0, + 226.5 + ], + "image_id": 21506748401, + "keypoints": [ + 575.9114379882812, + 3.7135417461395264, + 0.5506260395050049, + 553.2551879882812, + -11.390625, + 0.00877431407570839, + 560.8073120117188, + -11.390625, + 0.31892114877700806, + 424.8697814941406, + -49.15104293823242, + 0.003098901826888323, + 447.5260314941406, + 3.7135417461395264, + 0.7338573932647705, + 500.390625, + 41.47395706176758, + 0.711147665977478, + 455.078125, + 169.859375, + 0.7513149380683899, + 628.7760620117188, + 101.890625, + 0.8848837614059448, + 591.015625, + 403.9739685058594, + 0.8702365159988403, + 779.8176879882812, + 132.0989532470703, + 0.8436570763587952, + 802.4739379882812, + 388.8697814941406, + 0.8952610492706299, + 591.015625, + 237.828125, + 0.7029607892036438, + 591.015625, + 328.453125, + 0.8223279714584351, + 764.7135620117188, + 200.0677032470703, + 0.8087809085845947, + 825.1301879882812, + 313.3489685058594, + 0.7129061222076416, + 847.7864379882812, + 320.9010314941406, + 0.5150249004364014, + 870.4426879882812, + 396.421875, + 0.09296470880508423 + ], + "scale": [ + 3.625, + 4.8333330154418945 + ], + "score": 0.7229933057512555 + }, + { + "category_id": 1, + "center": [ + 629.5, + 228.0 + ], + "image_id": 21506749100, + "keypoints": [ + 564.3112182617188, + 24.76432228088379, + 0.021035240963101387, + 855.7434692382812, + 415.8971252441406, + 0.0021026127506047487, + 564.3112182617188, + 24.76432228088379, + 0.005688684992492199, + 717.6965942382812, + 170.48046875, + 0.004464047495275736, + 464.6106872558594, + 9.42578125, + 0.06856310367584229, + 495.2877502441406, + 32.43359375, + 0.6075316667556763, + 456.94140625, + 162.8112030029297, + 0.722341775894165, + 617.99609375, + 93.78775787353516, + 0.8088452816009521, + 587.3190307617188, + 400.55859375, + 0.8659837245941162, + 763.7122192382812, + 147.47265625, + 0.8056169748306274, + 802.05859375, + 392.8893127441406, + 0.9117897748947144, + 594.98828125, + 231.8346405029297, + 0.702034592628479, + 594.98828125, + 331.53515625, + 0.8082458972930908, + 771.3815307617188, + 201.1575469970703, + 0.6475557088851929, + 832.7356567382812, + 323.8658752441406, + 0.6722444295883179, + 848.07421875, + 331.53515625, + 0.4520699083805084, + 894.08984375, + 431.2356872558594, + 0.1045496016740799 + ], + "scale": [ + 3.6812498569488525, + 4.9083333015441895 + ], + "score": 0.727659975940531 + }, + { + "category_id": 1, + "center": [ + 628.5, + 227.0 + ], + "image_id": 21506750100, + "keypoints": [ + 573.91015625, + 34.11588668823242, + 0.03488653153181076, + 875.9739379882812, + 678.2760620117188, + 0.0022804569453001022, + 573.91015625, + 41.39453125, + 0.007999767549335957, + 712.2044067382812, + 252.4752655029297, + 0.00345201650634408, + 450.1731872558594, + 34.11588668823242, + 0.03730739653110504, + 479.2877502441406, + 41.39453125, + 0.668677568435669, + 457.4518127441406, + 172.41015625, + 0.7581840753555298, + 566.6315307617188, + 150.57421875, + 0.8194896578788757, + 588.4674682617188, + 398.0481872558594, + 0.8671106100082397, + 675.8112182617188, + 179.6887969970703, + 0.881237268447876, + 806.8268432617188, + 390.76953125, + 0.90510094165802, + 610.3034057617188, + 230.6393280029297, + 0.8007961511611938, + 603.0247192382812, + 317.9830627441406, + 0.8444958925247192, + 784.9909057617188, + 208.8033905029297, + 0.7170504331588745, + 835.94140625, + 317.9830627441406, + 0.7044446468353271, + 857.77734375, + 317.9830627441406, + 0.48701179027557373, + 963.3176879882812, + 416.2447814941406, + 0.09464524686336517 + ], + "scale": [ + 3.4937500953674316, + 4.6583333015441895 + ], + "score": 0.7685090032490817 + }, + { + "category_id": 1, + "center": [ + 629.5, + 230.0 + ], + "image_id": 21506751201, + "keypoints": [ + 566.08203125, + 32.28515625, + 0.32523244619369507, + 558.62109375, + -12.48046875, + 0.007194885052740574, + 566.08203125, + 9.90234375, + 0.18927748501300812, + 685.45703125, + 226.26953125, + 0.006113498006016016, + 476.55078125, + 17.36328125, + 0.22974145412445068, + 461.62890625, + 39.74609375, + 0.6710537672042847, + 461.62890625, + 166.58203125, + 0.739995539188385, + 558.62109375, + 129.27734375, + 0.8171250224113464, + 581.00390625, + 397.87109375, + 0.8484988212585449, + 670.53515625, + 144.19921875, + 0.8943240642547607, + 797.37109375, + 397.87109375, + 0.9076848030090332, + 588.46484375, + 218.80859375, + 0.7569318413734436, + 595.92578125, + 323.26171875, + 0.849409818649292, + 760.06640625, + 203.88671875, + 0.7638199329376221, + 834.67578125, + 315.80078125, + 0.736969530582428, + 849.59765625, + 315.80078125, + 0.5794180631637573, + 901.82421875, + 382.94921875, + 0.07368835806846619 + ], + "scale": [ + 3.581249952316284, + 4.775000095367432 + ], + "score": 0.7015542387962341 + }, + { + "category_id": 1, + "center": [ + 657.5, + 228.5 + ], + "image_id": 21506755201, + "keypoints": [ + 576.97265625, + 9.92578125, + 0.07465066760778427, + 676.6731567382812, + 416.3971252441406, + 0.00483405776321888, + 561.6340942382812, + 9.92578125, + 0.050890397280454636, + 515.6184692382812, + 40.60286331176758, + 0.004334196913987398, + 461.93359375, + 25.26432228088379, + 0.21232613921165466, + 477.2721252441406, + 32.93359375, + 0.5645760297775269, + 477.2721252441406, + 170.98046875, + 0.7817572355270386, + 584.6419067382812, + 25.26432228088379, + 0.396992564201355, + 584.6419067382812, + 385.7200622558594, + 0.8430314660072327, + 707.3502807617188, + 2.2565104961395264, + 0.7084066867828369, + 799.3815307617188, + 408.7278747558594, + 0.9051278829574585, + 599.98046875, + 232.3346405029297, + 0.8395757079124451, + 599.98046875, + 324.3658752441406, + 0.8042042851448059, + 761.03515625, + 209.3268280029297, + 0.9096960425376892, + 845.3971557617188, + 309.02734375, + 0.8475027084350586, + 845.3971557617188, + 309.02734375, + 0.5914747714996338, + 876.07421875, + 385.7200622558594, + 0.12606485188007355 + ], + "scale": [ + 3.6812498569488525, + 4.9083333015441895 + ], + "score": 0.7003892933328947 + }, + { + "category_id": 1, + "center": [ + 631.5, + 231.5 + ], + "image_id": 21506755601, + "keypoints": [ + 579.7877807617188, + 4.76171875, + 0.48775041103363037, + 563.8762817382812, + -27.06119728088379, + 0.006415426265448332, + 563.8762817382812, + -3.1940104961395264, + 0.38581258058547974, + 492.2747497558594, + -50.92838668823242, + 0.0025386768393218517, + 468.4075622558594, + 12.717448234558105, + 0.49959641695022583, + 500.23046875, + 36.58463668823242, + 0.6384224891662598, + 468.4075622558594, + 171.83203125, + 0.7400209307670593, + 627.5221557617188, + 84.31900787353516, + 0.8516517281532288, + 587.7434692382812, + 394.5924377441406, + 0.86856609582901, + 786.63671875, + 100.23046875, + 0.8441652059555054, + 802.5481567382812, + 402.5481872558594, + 0.9361127018928528, + 595.69921875, + 235.4778594970703, + 0.7665788531303406, + 595.69921875, + 330.9466247558594, + 0.8327630758285522, + 770.7252807617188, + 203.6549530029297, + 0.7330307960510254, + 850.2825317382812, + 315.03515625, + 0.7721918821334839, + 850.2825317382812, + 322.9908752441406, + 0.6212868690490723, + 882.10546875, + 394.5924377441406, + 0.11365100741386414 + ], + "scale": [ + 3.8187501430511475, + 5.0916666984558105 + ], + "score": 0.7127107168946948 + }, + { + "category_id": 1, + "center": [ + 617.5, + 231.0 + ], + "image_id": 21506756800, + "keypoints": [ + 541.62109375, + 46.72265625, + 0.035514410585165024, + 830.68359375, + 328.55859375, + 0.002577538136392832, + 534.39453125, + 46.72265625, + 0.009049452841281891, + 715.05859375, + 61.17578125, + 0.001864750636741519, + 447.67578125, + 39.49609375, + 0.02694394439458847, + 498.26171875, + 32.26953125, + 0.5910482406616211, + 447.67578125, + 147.89453125, + 0.7195450663566589, + 621.11328125, + 82.85546875, + 0.8810103535652161, + 548.84765625, + 408.05078125, + 0.8754336833953857, + 780.09765625, + 111.76171875, + 0.8598370552062988, + 772.87109375, + 386.37109375, + 0.8873285055160522, + 592.20703125, + 227.38671875, + 0.7369194626808167, + 584.98046875, + 328.55859375, + 0.7496415376663208, + 772.87109375, + 198.48046875, + 0.7865649461746216, + 830.68359375, + 328.55859375, + 0.7550128102302551, + 837.91015625, + 321.33203125, + 0.36058560013771057, + 939.08203125, + 444.18359375, + 0.15373077988624573 + ], + "scale": [ + 3.46875, + 4.625 + ], + "score": 0.7457206601446326 + }, + { + "category_id": 1, + "center": [ + 617.5, + 227.5 + ], + "image_id": 21506757600, + "keypoints": [ + 532.2981567382812, + 38.57421875, + 0.0078048668801784515, + 821.2434692382812, + 394.19921875, + 0.0014651919482275844, + 710.1106567382812, + 179.3424530029297, + 0.0053536370396614075, + 687.8840942382812, + 75.61849212646484, + 0.002314673736691475, + 443.3919372558594, + 31.16536521911621, + 0.018299829214811325, + 495.25390625, + 31.16536521911621, + 0.6640403270721436, + 443.3919372558594, + 134.8893280029297, + 0.7046260833740234, + 613.7955932617188, + 75.61849212646484, + 0.9027472734451294, + 547.1159057617188, + 409.0169372558594, + 0.8680521249771118, + 769.3815307617188, + 90.43619537353516, + 0.8869704008102417, + 769.3815307617188, + 386.7903747558594, + 0.9282588958740234, + 584.16015625, + 231.2044219970703, + 0.7210493087768555, + 584.16015625, + 334.9283752441406, + 0.773790180683136, + 769.3815307617188, + 201.5690155029297, + 0.8500394821166992, + 828.65234375, + 320.1106872558594, + 0.8440771102905273, + 843.4700317382812, + 320.1106872558594, + 0.46977609395980835, + 947.1940307617188, + 446.0611877441406, + 0.11504612118005753 + ], + "scale": [ + 3.5562500953674316, + 4.741666793823242 + ], + "score": 0.7830388437617909 + }, + { + "category_id": 1, + "center": [ + 642.0, + 233.0 + ], + "image_id": 21506759601, + "keypoints": [ + 559.1484375, + 39.6796875, + 0.015010178089141846, + 661.7265625, + 31.7890625, + 0.0028133245650678873, + 574.9296875, + 8.1171875, + 0.0038402341306209564, + 732.7421875, + 268.5078125, + 0.005499256309121847, + 480.2421875, + 23.8984375, + 0.01195458322763443, + 464.4609375, + 31.7890625, + 0.7097293734550476, + 440.7890625, + 142.2578125, + 0.6924769282341003, + 598.6015625, + 71.2421875, + 0.8767855167388916, + 582.8203125, + 394.7578125, + 0.8537894487380981, + 748.5234375, + 39.6796875, + 0.9434328079223633, + 787.9765625, + 402.6484375, + 0.8774690628051758, + 590.7109375, + 236.9453125, + 0.800704300403595, + 598.6015625, + 331.6328125, + 0.8190022110939026, + 764.3046875, + 197.4921875, + 0.9538284540176392, + 843.2109375, + 307.9609375, + 0.8665502071380615, + 858.9921875, + 323.7421875, + 0.5660178661346436, + 914.2265625, + 386.8671875, + 0.17124608159065247 + ], + "scale": [ + 3.7874999046325684, + 5.050000190734863 + ], + "score": 0.8145260160619562 + }, + { + "category_id": 1, + "center": [ + 652.5, + 228.0 + ], + "image_id": 21506707200, + "keypoints": [ + 576.42578125, + 23.80078125, + 0.014030772261321545, + 672.51953125, + 424.19140625, + 0.003347882302477956, + 688.53515625, + 175.94921875, + 0.0052979476749897, + 648.49609375, + 167.94140625, + 0.01065872423350811, + 448.30078125, + 15.79296875, + 0.02092473953962326, + 464.31640625, + 31.80859375, + 0.6756836175918579, + 456.30859375, + 151.92578125, + 0.6984117031097412, + 568.41796875, + 127.90234375, + 0.8858934640884399, + 592.44140625, + 392.16015625, + 0.8615249395370483, + 696.54296875, + 103.87890625, + 0.905634343624115, + 800.64453125, + 400.16796875, + 0.7755500078201294, + 584.43359375, + 232.00390625, + 0.8757299184799194, + 600.44921875, + 328.09765625, + 0.8079195022583008, + 760.60546875, + 199.97265625, + 0.869452714920044, + 832.67578125, + 312.08203125, + 0.6659115552902222, + 856.69921875, + 320.08984375, + 0.7070940732955933, + 880.72265625, + 376.14453125, + 0.22251982986927032 + ], + "scale": [ + 3.84375, + 5.125 + ], + "score": 0.7459438058237234 + }, + { + "category_id": 1, + "center": [ + 651.0, + 228.0 + ], + "image_id": 21506773500, + "keypoints": [ + 546.234375, + 22.34895896911621, + 0.2998920679092407, + 585.0364379882812, + 22.34895896911621, + 0.005549529101699591, + 538.4739379882812, + -0.9322916865348816, + 0.12505319714546204, + 647.1198120117188, + 169.796875, + 0.00842649582773447, + 422.0677185058594, + 6.828125, + 0.5617257356643677, + 468.6302185058594, + 37.86979293823242, + 0.7390133142471313, + 453.109375, + 162.0364532470703, + 0.7512540817260742, + 569.515625, + 115.47396087646484, + 0.8449327349662781, + 553.9948120117188, + 402.609375, + 0.9141867160797119, + 685.921875, + 138.7552032470703, + 0.9071440696716309, + 771.2864379882812, + 379.328125, + 0.9300463199615479, + 592.796875, + 224.1197967529297, + 0.7850562334060669, + 592.796875, + 317.2447814941406, + 0.709343671798706, + 748.0051879882812, + 200.8385467529297, + 0.8419981002807617, + 841.1301879882812, + 309.484375, + 0.7850283980369568, + 841.1301879882812, + 309.484375, + 0.5557922124862671, + 887.6926879882812, + 410.3697814941406, + 0.143357053399086 + ], + "scale": [ + 3.7249999046325684, + 4.9666666984558105 + ], + "score": 0.7404164350949801 + }, + { + "category_id": 1, + "center": [ + 614.5, + 234.5 + ], + "image_id": 21506773800, + "keypoints": [ + 556.19921875, + -2.5898244380950928, + 0.11864849925041199, + 843.81640625, + 354.98828125, + 0.004384893458336592, + 525.10546875, + 5.18361234664917, + 0.030494794249534607, + 408.5039367675781, + -18.13669776916504, + 0.0031565274111926556, + 424.0508117675781, + 12.957049369812012, + 0.25176528096199036, + 494.01171875, + 20.730485916137695, + 0.6888669729232788, + 447.37109375, + 152.87890625, + 0.7754262685775757, + 618.38671875, + 59.59767150878906, + 0.907469630241394, + 556.19921875, + 393.85546875, + 0.866673469543457, + 781.62890625, + 82.91798400878906, + 0.859264612197876, + 773.85546875, + 370.53515625, + 0.8837024569511414, + 595.06640625, + 222.83984375, + 0.8194515705108643, + 587.29296875, + 323.89453125, + 0.7977268695831299, + 773.85546875, + 199.51953125, + 0.8457055687904358, + 836.04296875, + 316.12109375, + 0.8230971097946167, + 836.04296875, + 316.12109375, + 0.43348467350006104, + 929.32421875, + 448.2695007324219, + 0.14541488885879517 + ], + "scale": [ + 3.7312498092651367, + 4.974999904632568 + ], + "score": 0.7460528736313184 + }, + { + "category_id": 1, + "center": [ + 620.0, + 225.0 + ], + "image_id": 21506774201, + "keypoints": [ + 563.359375, + 17.31770896911621, + 0.4244365692138672, + 540.703125, + 32.421875, + 0.006139550358057022, + 548.2551879882812, + 9.765625, + 0.33992883563041687, + 714.4010620117188, + 251.4322967529297, + 0.006148661021143198, + 442.5260314941406, + 9.765625, + 0.5745311975479126, + 487.8385314941406, + 32.421875, + 0.674622118473053, + 450.078125, + 153.2552032470703, + 0.7876149415969849, + 608.671875, + 85.28646087646484, + 0.8845415115356445, + 548.2551879882812, + 394.921875, + 0.8749868869781494, + 752.1614379882812, + 160.8072967529297, + 0.8235558867454529, + 774.8176879882812, + 364.7135314941406, + 0.8661012649536133, + 593.5676879882812, + 221.2239532470703, + 0.712862491607666, + 586.015625, + 326.953125, + 0.7694998979568481, + 782.3698120117188, + 206.1197967529297, + 0.6638756990432739, + 827.6823120117188, + 311.8489685058594, + 0.7629517912864685, + 842.7864379882812, + 311.8489685058594, + 0.41588640213012695, + 888.0989379882812, + 440.234375, + 0.13272430002689362 + ], + "scale": [ + 3.625, + 4.8333330154418945 + ], + "score": 0.6839568210499627 + }, + { + "category_id": 1, + "center": [ + 629.0, + 225.5 + ], + "image_id": 21506776201, + "keypoints": [ + 539.7551879882812, + 27.609375, + 0.006751060485839844, + 850.171875, + 407.8697814941406, + 0.0018716793274506927, + 726.0051879882812, + 182.8177032470703, + 0.0073659373447299, + 687.203125, + 159.5364532470703, + 0.0037435865961015224, + 469.9114685058594, + 12.088541984558105, + 0.029433121904730797, + 469.9114685058594, + 35.36979293823242, + 0.7104504704475403, + 454.390625, + 167.296875, + 0.7311571836471558, + 594.078125, + 97.453125, + 0.9076985716819763, + 570.796875, + 400.109375, + 0.8578252792358398, + 733.765625, + 50.890625, + 0.9193862080574036, + 788.0885620117188, + 376.828125, + 0.9418193101882935, + 601.8385620117188, + 237.140625, + 0.8049560785293579, + 594.078125, + 338.0260314941406, + 0.8222284913063049, + 780.328125, + 213.859375, + 0.8162169456481934, + 834.6510620117188, + 338.0260314941406, + 0.5559492707252502, + 865.6926879882812, + 322.5052185058594, + 0.4210258722305298, + 873.453125, + 407.8697814941406, + 0.125997394323349 + ], + "scale": [ + 3.7249999046325684, + 4.9666666984558105 + ], + "score": 0.7717012437907133 + }, + { + "category_id": 1, + "center": [ + 642.0, + 223.5 + ], + "image_id": 21506777300, + "keypoints": [ + 567.2864379882812, + 22.953125, + 0.01468057930469513, + 724.578125, + 164.515625, + 0.001926887664012611, + 740.3073120117188, + 172.3802032470703, + 0.0072441305965185165, + 700.984375, + 156.6510467529297, + 0.009541514329612255, + 472.9114685058594, + -0.640625, + 0.02261219173669815, + 465.046875, + 38.68229293823242, + 0.6708501577377319, + 457.1822814941406, + 156.6510467529297, + 0.7544916868209839, + 590.8801879882812, + 101.59896087646484, + 0.9226607084274292, + 590.8801879882812, + 400.453125, + 0.8900835514068604, + 732.4426879882812, + 54.41145706176758, + 0.9052456617355347, + 803.2239379882812, + 392.5885314941406, + 0.9012991786003113, + 590.8801879882812, + 235.296875, + 0.8286799192428589, + 598.7448120117188, + 329.671875, + 0.8559541702270508, + 756.0364379882812, + 195.9739532470703, + 0.8224338293075562, + 834.6823120117188, + 313.9427185058594, + 0.8246991038322449, + 850.4114379882812, + 313.9427185058594, + 0.6618685126304626, + 866.140625, + 384.7239685058594, + 0.15240401029586792 + ], + "scale": [ + 3.7750000953674316, + 5.0333333015441895 + ], + "score": 0.8216605890880931 + }, + { + "category_id": 1, + "center": [ + 625.0, + 226.0 + ], + "image_id": 21506777800, + "keypoints": [ + 557.265625, + -1.1093568801879883, + 0.027711249887943268, + 708.671875, + 421.2343444824219, + 0.002546477597206831, + 724.609375, + 174.203125, + 0.007110681850463152, + 716.640625, + 261.859375, + 0.007837682031095028, + 453.671875, + -9.078105926513672, + 0.03692592307925224, + 469.609375, + 30.765640258789062, + 0.7305883169174194, + 445.703125, + 150.296875, + 0.6945568919181824, + 597.109375, + 102.48438262939453, + 0.9150779247283936, + 589.140625, + 397.328125, + 0.8608690500259399, + 740.546875, + 54.67189025878906, + 0.9146528244018555, + 804.296875, + 397.328125, + 0.9334498643875122, + 597.109375, + 237.953125, + 0.7744024991989136, + 597.109375, + 333.578125, + 0.7891092300415039, + 764.453125, + 198.109375, + 0.8852366805076599, + 836.171875, + 317.640625, + 0.8626047372817993, + 852.109375, + 325.609375, + 0.6177389621734619, + 899.921875, + 389.359375, + 0.12163521349430084 + ], + "scale": [ + 3.8249998092651367, + 5.099999904632568 + ], + "score": 0.8162079074166038 + }, + { + "category_id": 1, + "center": [ + 630.0, + 219.0 + ], + "image_id": 21506778400, + "keypoints": [ + 561.3801879882812, + 5.067708492279053, + 0.026359234005212784, + 714.765625, + 150.3802032470703, + 0.0020363745279610157, + 730.9114379882812, + 174.5989532470703, + 0.008009403012692928, + 690.546875, + 150.3802032470703, + 0.007061399985104799, + 440.2864685058594, + -3.0052082538604736, + 0.03908328711986542, + 472.578125, + 29.28645896911621, + 0.7211779356002808, + 448.359375, + 150.3802032470703, + 0.6710328459739685, + 593.671875, + 101.94271087646484, + 0.9367246031761169, + 593.671875, + 400.640625, + 0.8450773358345032, + 730.9114379882812, + 53.50520706176758, + 0.9113713502883911, + 803.5676879882812, + 392.5677185058594, + 0.9308406114578247, + 593.671875, + 231.109375, + 0.8299038410186768, + 593.671875, + 327.984375, + 0.8416969180107117, + 763.203125, + 198.8177032470703, + 0.8846524357795715, + 835.859375, + 319.9114685058594, + 0.83123779296875, + 852.0051879882812, + 327.984375, + 0.6655720472335815, + 884.296875, + 392.5677185058594, + 0.1784794181585312 + ], + "scale": [ + 3.875, + 5.166666507720947 + ], + "score": 0.8244807015765797 + }, + { + "category_id": 1, + "center": [ + 650.5, + 229.5 + ], + "image_id": 21506778700, + "keypoints": [ + 568.48828125, + 0.7304518818855286, + 0.01751042529940605, + 672.08203125, + 441.0039367675781, + 0.004022744484245777, + 758.41015625, + 173.38671875, + 0.006410366855561733, + 715.24609375, + 156.12109375, + 0.011658977717161179, + 456.26171875, + -7.9023613929748535, + 0.06508868932723999, + 473.52734375, + 35.26170349121094, + 0.7422429919242859, + 456.26171875, + 156.12109375, + 0.7243239879608154, + 594.38671875, + 95.69139862060547, + 0.9368098974227905, + 594.38671875, + 397.83984375, + 0.8606728315353394, + 732.51171875, + 52.5273323059082, + 0.9362536668777466, + 801.57421875, + 389.20703125, + 0.9526258111000061, + 594.38671875, + 242.44921875, + 0.8406424522399902, + 603.01953125, + 337.41015625, + 0.807675302028656, + 767.04296875, + 199.28515625, + 0.8433194160461426, + 836.10546875, + 311.51171875, + 0.6937942504882812, + 862.00390625, + 311.51171875, + 0.7284015417098999, + 896.53515625, + 389.20703125, + 0.23673193156719208 + ], + "scale": [ + 4.143750190734863, + 5.525000095367432 + ], + "score": 0.7752911734084288 + }, + { + "category_id": 1, + "center": [ + 643.5, + 224.0 + ], + "image_id": 21506779000, + "keypoints": [ + 567.42578125, + 11.79296875, + 0.10876689851284027, + 583.44140625, + 19.80078125, + 0.0017540385015308857, + 559.41796875, + 3.78515625, + 0.021465832367539406, + 703.55859375, + 155.93359375, + 0.008967889472842216, + 471.33203125, + 11.79296875, + 0.13434773683547974, + 471.33203125, + 43.82421875, + 0.6848136186599731, + 455.31640625, + 155.93359375, + 0.7125319242477417, + 599.45703125, + 99.87890625, + 0.9304554462432861, + 591.44921875, + 396.16796875, + 0.8781567811965942, + 735.58984375, + 51.83203125, + 0.9002840518951416, + 799.65234375, + 396.16796875, + 0.8534625768661499, + 599.45703125, + 236.01171875, + 0.8515551090240479, + 607.46484375, + 332.10546875, + 0.808959424495697, + 767.62109375, + 195.97265625, + 0.8669025897979736, + 831.68359375, + 316.08984375, + 0.829668402671814, + 847.69921875, + 324.09765625, + 0.697609543800354, + 895.74609375, + 380.15234375, + 0.19283434748649597 + ], + "scale": [ + 3.84375, + 5.125 + ], + "score": 0.8194908608089794 + }, + { + "category_id": 1, + "center": [ + 635.0, + 219.5 + ], + "image_id": 21506779800, + "keypoints": [ + 553.515625, + 21.609375, + 0.19529801607131958, + 553.515625, + 21.609375, + 0.005093610845506191, + 537.9948120117188, + 21.609375, + 0.09395963698625565, + 693.203125, + 153.5364532470703, + 0.00452388683333993, + 468.1510314941406, + 13.848958015441895, + 0.16302235424518585, + 468.1510314941406, + 37.13020706176758, + 0.6931614279747009, + 460.390625, + 176.8177032470703, + 0.7082351446151733, + 592.3176879882812, + 99.21353912353516, + 0.9110438823699951, + 592.3176879882812, + 401.8697814941406, + 0.8515313863754272, + 732.0051879882812, + 52.65104293823242, + 0.8962674140930176, + 801.8489379882812, + 394.109375, + 0.9306115508079529, + 592.3176879882812, + 231.140625, + 0.8088691830635071, + 600.078125, + 324.265625, + 0.8430302143096924, + 763.046875, + 200.0989532470703, + 0.8901596665382385, + 832.890625, + 316.5052185058594, + 0.835980236530304, + 856.171875, + 324.265625, + 0.7317554950714111, + 879.453125, + 386.3489685058594, + 0.16660843789577484 + ], + "scale": [ + 3.7249999046325684, + 4.9666666984558105 + ], + "score": 0.8273314183408563 + }, + { + "category_id": 1, + "center": [ + 643.0, + 229.5 + ], + "image_id": 21506780200, + "keypoints": [ + 575.265625, + 26.296890258789062, + 0.009395912289619446, + 878.078125, + 313.171875, + 0.0027921772561967373, + 742.609375, + 177.703125, + 0.007680531125515699, + 710.734375, + 161.765625, + 0.008548957295715809, + 511.515625, + 18.328142166137695, + 0.01254851184785366, + 463.703125, + 42.23439025878906, + 0.619636595249176, + 471.671875, + 161.765625, + 0.6642341017723083, + 591.203125, + 105.98438262939453, + 0.9098464846611023, + 591.203125, + 400.828125, + 0.8548281192779541, + 734.640625, + 58.17189025878906, + 0.8926270008087158, + 806.359375, + 400.828125, + 0.901129424571991, + 599.171875, + 233.484375, + 0.8010439872741699, + 607.140625, + 329.109375, + 0.8553356528282166, + 758.546875, + 201.609375, + 0.9162200093269348, + 846.203125, + 313.171875, + 0.81959068775177, + 846.203125, + 313.171875, + 0.7242567539215088, + 886.046875, + 384.890625, + 0.15645962953567505 + ], + "scale": [ + 3.8249998092651367, + 5.099999904632568 + ], + "score": 0.8144317106767134 + }, + { + "category_id": 1, + "center": [ + 653.5, + 228.0 + ], + "image_id": 21506700801, + "keypoints": [ + 520.51171875, + 14.412760734558105, + 0.028827685862779617, + 673.6497192382812, + 425.4674377441406, + 0.00871660653501749, + 601.1106567382812, + 22.47265625, + 0.015302199870347977, + 488.2721252441406, + 22.47265625, + 0.006814328487962484, + 488.2721252441406, + 22.47265625, + 0.2036329060792923, + 472.15234375, + 14.412760734558105, + 0.5624637603759766, + 464.0924377441406, + 175.6106719970703, + 0.757089376449585, + 584.9909057617188, + 14.412760734558105, + 0.7720614671707153, + 584.9909057617188, + 393.2278747558594, + 0.8535656929016113, + 673.6497192382812, + 86.95182037353516, + 0.9424504637718201, + 794.5481567382812, + 393.2278747558594, + 0.8753934502601624, + 593.05078125, + 223.9700469970703, + 0.8157481551170349, + 601.1106567382812, + 320.6888122558594, + 0.8131351470947266, + 754.2487182617188, + 199.7903594970703, + 0.8352970480918884, + 834.84765625, + 312.62890625, + 0.6472033858299255, + 859.02734375, + 320.6888122558594, + 0.7743529081344604, + 891.2669067382812, + 377.1080627441406, + 0.18144845962524414 + ], + "scale": [ + 3.8687500953674316, + 5.1583333015441895 + ], + "score": 0.7376994801064333 + }, + { + "category_id": 1, + "center": [ + 630.5, + 228.0 + ], + "image_id": 21506781200, + "keypoints": [ + 549.69921875, + 24.07421875, + 0.03222820162773132, + 857.51171875, + 347.27734375, + 0.0038251285441219807, + 557.39453125, + 24.07421875, + 0.00750786904245615, + 718.99609375, + 262.62890625, + 0.009023090824484825, + 480.44140625, + 8.68359375, + 0.24324151873588562, + 457.35546875, + 39.46484375, + 0.6952634453773499, + 465.05078125, + 162.58984375, + 0.7694163918495178, + 595.87109375, + 85.63671875, + 0.9207649230957031, + 588.17578125, + 393.44921875, + 0.8580380082130432, + 734.38671875, + 47.16015625, + 0.9365383982658386, + 788.25390625, + 408.83984375, + 0.9114909172058105, + 595.87109375, + 231.84765625, + 0.74819016456604, + 595.87109375, + 324.19140625, + 0.8240325450897217, + 772.86328125, + 193.37109375, + 0.8641985654830933, + 849.81640625, + 308.80078125, + 0.8527691960334778, + 849.81640625, + 308.80078125, + 0.6533284187316895, + 857.51171875, + 393.44921875, + 0.10189694911241531 + ], + "scale": [ + 3.6937499046325684, + 4.925000190734863 + ], + "score": 0.7731060410539309 + }, + { + "category_id": 1, + "center": [ + 632.5, + 229.5 + ], + "image_id": 21506708400, + "keypoints": [ + 556.6731567382812, + 25.964828491210938, + 0.011191369965672493, + 788.14453125, + 273.3997497558594, + 0.0030797666404396296, + 668.41796875, + 177.6184844970703, + 0.004379382357001305, + 700.3450317382812, + 193.58203125, + 0.009411906823515892, + 468.8736877441406, + 17.983055114746094, + 0.03496012091636658, + 468.8736877441406, + 33.946598052978516, + 0.7060801386833191, + 444.9283752441406, + 137.70962524414062, + 0.6702285408973694, + 564.6549682617188, + 121.74608612060547, + 0.8647083640098572, + 588.6002807617188, + 393.1263122558594, + 0.8260164260864258, + 692.36328125, + 105.78253936767578, + 0.9445869326591492, + 804.1080932617188, + 401.10809326171875, + 0.7897434234619141, + 588.6002807617188, + 233.4908905029297, + 0.8130494356155396, + 596.58203125, + 329.27215576171875, + 0.7973822355270386, + 756.2174682617188, + 201.5637969970703, + 0.8816174268722534, + 836.03515625, + 321.2903747558594, + 0.7216194868087769, + 851.9987182617188, + 321.2903747558594, + 0.7326020002365112, + 883.92578125, + 385.14453125, + 0.16688872873783112 + ], + "scale": [ + 3.8312501907348633, + 5.108333110809326 + ], + "score": 0.7952394918961958 + }, + { + "category_id": 1, + "center": [ + 643.5, + 221.5 + ], + "image_id": 21506708700, + "keypoints": [ + 578.08984375, + 25.26953125, + 0.009214390069246292, + 885.90234375, + 317.69140625, + 0.001317845657467842, + 678.12890625, + 171.48046875, + 0.00471924664452672, + 701.21484375, + 186.87109375, + 0.00847387220710516, + 478.05078125, + -5.51171875, + 0.01877284236252308, + 462.66015625, + 40.66015625, + 0.6569744348526001, + 454.96484375, + 163.78515625, + 0.6509770154953003, + 570.39453125, + 125.30859375, + 0.8754911422729492, + 585.78515625, + 394.64453125, + 0.8149561882019043, + 693.51953125, + 109.91796875, + 0.9013302326202393, + 801.25390625, + 402.33984375, + 0.8431386947631836, + 593.48046875, + 233.04296875, + 0.8416448831558228, + 601.17578125, + 325.38671875, + 0.8299010992050171, + 755.08203125, + 194.56640625, + 0.8154555559158325, + 839.73046875, + 317.69140625, + 0.7216591238975525, + 847.42578125, + 309.99609375, + 0.6577571034431458, + 870.51171875, + 386.94921875, + 0.15838392078876495 + ], + "scale": [ + 3.6937499046325684, + 4.925000190734863 + ], + "score": 0.7826623158021406 + }, + { + "category_id": 1, + "center": [ + 625.5, + 228.0 + ], + "image_id": 21506709300, + "keypoints": [ + 621.45703125, + 21.80859375, + 0.01782701164484024, + 783.17578125, + 272.47265625, + 0.002653443953022361, + 621.45703125, + 29.89453125, + 0.007443919777870178, + 629.54296875, + 78.41015625, + 0.01077774167060852, + 508.25390625, + 13.72265625, + 0.05729024484753609, + 459.73828125, + 37.98046875, + 0.6772716641426086, + 467.82421875, + 159.26953125, + 0.711230993270874, + 564.85546875, + 126.92578125, + 0.8796824216842651, + 589.11328125, + 393.76171875, + 0.8407422304153442, + 694.23046875, + 110.75390625, + 0.9336268305778503, + 799.34765625, + 393.76171875, + 0.8898354768753052, + 597.19921875, + 232.04296875, + 0.7794852256774902, + 597.19921875, + 329.07421875, + 0.7682949900627136, + 767.00390625, + 199.69921875, + 0.8398096561431885, + 839.77734375, + 312.90234375, + 0.7163916826248169, + 855.94921875, + 320.98828125, + 0.6859872937202454, + 888.29296875, + 385.67578125, + 0.1046990230679512 + ], + "scale": [ + 3.8812499046325684, + 5.174999713897705 + ], + "score": 0.7929416786540638 + }, + { + "category_id": 1, + "center": [ + 641.0, + 225.5 + ], + "image_id": 21506709800, + "keypoints": [ + 645.0885620117188, + 123.28645324707031, + 0.006647015921771526, + 710.5051879882812, + 188.703125, + 0.0015893607633188367, + 677.796875, + 172.3489532470703, + 0.008722839877009392, + 702.328125, + 188.703125, + 0.009260018356144428, + 555.140625, + 0.6301908493041992, + 0.0214479211717844, + 457.015625, + 33.33852767944336, + 0.6424264311790466, + 481.546875, + 164.171875, + 0.661394476890564, + 571.4948120117188, + 123.28645324707031, + 0.8227511644363403, + 596.0260620117188, + 401.30731201171875, + 0.828687310218811, + 702.328125, + 98.75519561767578, + 0.9060068726539612, + 808.6302490234375, + 401.30731201171875, + 0.8786362409591675, + 596.0260620117188, + 229.5885467529297, + 0.8121273517608643, + 604.203125, + 327.71356201171875, + 0.8017011880874634, + 759.5676879882812, + 196.8802032470703, + 0.8895827531814575, + 833.1614990234375, + 311.359375, + 0.675295352935791, + 849.515625, + 311.359375, + 0.7465163469314575, + 874.046875, + 376.77606201171875, + 0.18580518662929535 + ], + "scale": [ + 3.9250001907348633, + 5.233333110809326 + ], + "score": 0.7877386808395386 + }, + { + "category_id": 1, + "center": [ + 640.5, + 221.5 + ], + "image_id": 21506816001, + "keypoints": [ + 534.85546875, + 45.42578125, + 0.025526586920022964, + 722.66796875, + 413.2252502441406, + 0.0025874057319015265, + 573.9830932617188, + -1.52734375, + 0.010318789631128311, + 699.19140625, + 186.28515625, + 0.00668981671333313, + 480.0768127441406, + 14.123698234558105, + 0.0695403590798378, + 464.42578125, + 14.123698234558105, + 0.6166620850563049, + 472.2513122558594, + 178.4596405029297, + 0.7134215831756592, + 566.1575317382812, + 14.123698234558105, + 0.8118500709533691, + 620.9362182617188, + 381.9231872558594, + 0.8801478147506714, + 691.3659057617188, + 29.77474021911621, + 0.9395910501480103, + 840.05078125, + 358.4466247558594, + 0.898941695690155, + 589.6340942382812, + 225.4127655029297, + 0.8400317430496216, + 605.28515625, + 327.14453125, + 0.7045106887817383, + 769.62109375, + 209.76171875, + 0.7349895238876343, + 847.8762817382812, + 327.14453125, + 0.4116476774215698, + 855.7018432617188, + 295.8424377441406, + 0.37588101625442505, + 894.8294067382812, + 350.62109375, + 0.062202468514442444 + ], + "scale": [ + 3.7562501430511475, + 5.008333206176758 + ], + "score": 0.7206977226517417 + }, + { + "category_id": 1, + "center": [ + 641.0, + 231.0 + ], + "image_id": 21506817201, + "keypoints": [ + 572.3801879882812, + -7.151041507720947, + 0.024449141696095467, + 661.1823120117188, + 428.7864685058594, + 0.002637034747749567, + 572.3801879882812, + 0.921875, + 0.011278524063527584, + 701.546875, + 194.671875, + 0.007344957906752825, + 475.5052185058594, + 17.06770896911621, + 0.12017671763896942, + 459.359375, + 17.06770896911621, + 0.6298692226409912, + 467.4322814941406, + 170.453125, + 0.7341184616088867, + 564.3073120117188, + 17.06770896911621, + 0.7791292071342468, + 580.453125, + 396.4947814941406, + 0.8837258815765381, + 693.4739379882812, + 25.140625, + 0.9367300868034363, + 790.3489379882812, + 396.4947814941406, + 0.9020923376083374, + 596.5989379882812, + 226.9635467529297, + 0.8322756290435791, + 604.671875, + 323.8385314941406, + 0.7831712961196899, + 774.203125, + 210.8177032470703, + 0.7766143679618835, + 846.859375, + 315.765625, + 0.7074553966522217, + 838.7864379882812, + 315.765625, + 0.5544516444206238, + 863.0051879882812, + 396.4947814941406, + 0.06755825132131577 + ], + "scale": [ + 3.875, + 5.166666507720947 + ], + "score": 0.7745121392336759 + }, + { + "category_id": 1, + "center": [ + 641.0, + 220.5 + ], + "image_id": 21506818700, + "keypoints": [ + 573.7083129882812, + -13.041666984558105, + 0.01427738182246685, + 783.5, + 711.3333129882812, + 0.0012053563259541988, + 573.7083129882812, + -13.041666984558105, + 0.00430825212970376, + 700.375, + 184.875, + 0.008586556650698185, + 478.7083435058594, + 10.708333015441895, + 0.07123453170061111, + 462.875, + 18.625, + 0.591707170009613, + 470.7916564941406, + 169.0416717529297, + 0.7194046974182129, + 565.7916870117188, + 10.708333015441895, + 0.717757523059845, + 589.5416870117188, + 398.625, + 0.8778384923934937, + 692.4583129882812, + 26.54166603088379, + 0.9156560301780701, + 803.2916870117188, + 359.0416564941406, + 0.9582070112228394, + 589.5416870117188, + 224.4583282470703, + 0.8420066833496094, + 589.5416870117188, + 319.4583435058594, + 0.7644754648208618, + 763.7083129882812, + 208.625, + 0.7903492450714111, + 827.0416870117188, + 327.375, + 0.4507225751876831, + 866.625, + 295.7083435058594, + 0.4694948196411133, + 874.5416870117188, + 351.125, + 0.0882619097828865 + ], + "scale": [ + 3.799999952316284, + 5.066666603088379 + ], + "score": 0.736147246577523 + }, + { + "category_id": 1, + "center": [ + 640.5, + 226.0 + ], + "image_id": 21506819600, + "keypoints": [ + 588.6184692382812, + 14.48305606842041, + 0.08056281507015228, + 652.47265625, + -9.462258338928223, + 0.003136944957077503, + 580.63671875, + 14.48305606842041, + 0.026514871045947075, + 708.3450317382812, + 190.08203125, + 0.008039879612624645, + 428.9830627441406, + 6.501284599304199, + 0.49389249086380005, + 476.8736877441406, + 22.464828491210938, + 0.6347840428352356, + 444.94659423828125, + 190.08203125, + 0.7418237328529358, + 564.6731567382812, + 14.48305606842041, + 0.7238214015960693, + 588.6184692382812, + 397.60809326171875, + 0.8754527568817139, + 684.3997192382812, + 30.446598052978516, + 0.9456804990768433, + 804.1263427734375, + 381.64453125, + 0.9170498847961426, + 596.6002807617188, + 229.9908905029297, + 0.8503928184509277, + 596.6002807617188, + 325.77215576171875, + 0.8093244433403015, + 764.2174682617188, + 198.0637969970703, + 0.8139366507530212, + 828.0716552734375, + 333.75390625, + 0.6165885925292969, + 844.03515625, + 317.7903747558594, + 0.592159628868103, + 883.9440307617188, + 357.69921875, + 0.1650896519422531 + ], + "scale": [ + 3.8312501907348633, + 5.108333110809326 + ], + "score": 0.7512422452370325 + }, + { + "category_id": 1, + "center": [ + 612.0, + 207.5 + ], + "image_id": 21506820001, + "keypoints": [ + 569.890625, + -3.0468924045562744, + 0.09717252850532532, + 478.015625, + 35.23435974121094, + 0.004037565551698208, + 562.234375, + 12.265608787536621, + 0.038401391357183456, + 531.609375, + 19.921859741210938, + 0.0037653064355254173, + 424.4218444824219, + 12.265608787536621, + 0.7745237350463867, + 485.671875, + 19.921859741210938, + 0.4516555666923523, + 447.390625, + 173.046875, + 0.7984495162963867, + 592.859375, + 12.265608787536621, + 0.40240100026130676, + 600.515625, + 364.453125, + 0.8690860271453857, + 700.046875, + 42.89060974121094, + 0.6215479969978333, + 677.078125, + 173.046875, + 0.8925652503967285, + 600.515625, + 188.359375, + 0.7349238395690918, + 600.515625, + 303.203125, + 0.7280000448226929, + 784.265625, + 203.671875, + 0.8244485855102539, + 837.859375, + 310.859375, + 0.9074811935424805, + 845.515625, + 310.859375, + 0.39133256673812866, + 883.796875, + 418.0469055175781, + 0.0685361921787262 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.6997012769182523 + }, + { + "category_id": 1, + "center": [ + 615.0, + 212.5 + ], + "image_id": 21506820401, + "keypoints": [ + 553.0208129882812, + -2.6041667461395264, + 0.022984784096479416, + 881.1458129882812, + 310.9375, + 0.003088910598307848, + 553.0208129882812, + 4.6875, + 0.008683801628649235, + 516.5625, + 4.6875, + 0.008170448243618011, + 501.9791564941406, + 19.27083396911621, + 0.11209826171398163, + 465.5208435058594, + 26.5625, + 0.5946399569511414, + 450.9375, + 165.1041717529297, + 0.7841397523880005, + 560.3125, + 11.979166984558105, + 0.6888206601142883, + 574.8958129882812, + 369.2708435058594, + 0.8696444630622864, + 684.2708129882812, + 19.27083396911621, + 0.9400749802589417, + 669.6875, + 194.2708282470703, + 0.8516042232513428, + 589.4791870117188, + 201.5625, + 0.7227803468704224, + 596.7708129882812, + 303.6458435058594, + 0.736903190612793, + 771.7708129882812, + 201.5625, + 0.8121217489242554, + 844.6875, + 310.9375, + 0.8686476349830627, + 859.2708129882812, + 318.2291564941406, + 0.4131653308868408, + 888.4375, + 376.5625, + 0.05663248896598816 + ], + "scale": [ + 3.5, + 4.666666507720947 + ], + "score": 0.7529583898457614 + }, + { + "category_id": 1, + "center": [ + 643.0, + 230.5 + ], + "image_id": 21506826200, + "keypoints": [ + 573.0520629882812, + 12.427083015441895, + 0.012800433672964573, + 893.9895629882812, + 283.9895935058594, + 0.002331687603145838, + 745.8645629882812, + 177.0104217529297, + 0.005085902754217386, + 704.71875, + 160.5520782470703, + 0.007638509850949049, + 466.0729064941406, + -4.03125, + 0.04512236267328262, + 466.0729064941406, + 37.11458206176758, + 0.736492395401001, + 457.84375, + 160.5520782470703, + 0.7140775918960571, + 581.28125, + 94.71875, + 0.9105222821235657, + 581.28125, + 390.96875, + 0.8490047454833984, + 712.9479370117188, + 70.03125, + 0.9210197329521179, + 795.2395629882812, + 390.96875, + 0.931106448173523, + 597.7395629882812, + 242.84375, + 0.828345537185669, + 597.7395629882812, + 333.3645935058594, + 0.8436309099197388, + 762.3229370117188, + 201.6979217529297, + 0.8859549760818481, + 828.15625, + 308.6770935058594, + 0.7219383716583252, + 861.0729370117188, + 325.1354064941406, + 0.6763674020767212, + 877.53125, + 382.7395935058594, + 0.2501392066478729 + ], + "scale": [ + 3.950000047683716, + 5.266666412353516 + ], + "score": 0.7723832999666532 + }, + { + "category_id": 1, + "center": [ + 628.5, + 223.5 + ], + "image_id": 21506828401, + "keypoints": [ + 554.8997192382812, + 10.446614265441895, + 0.10034874826669693, + 678.8580932617188, + -5.048177242279053, + 0.0029789735563099384, + 547.15234375, + 10.446614265441895, + 0.03239915147423744, + 717.5950317382812, + 258.36328125, + 0.008635791949927807, + 446.4361877441406, + 10.446614265441895, + 0.3725314736366272, + 477.42578125, + 33.68880081176758, + 0.7516580820083618, + 461.9309997558594, + 157.6471405029297, + 0.757820188999176, + 601.3840942382812, + 64.67838287353516, + 0.8366265296936035, + 578.1419067382812, + 390.0690002441406, + 0.8694602251052856, + 748.5846557617188, + 33.68880081176758, + 0.9302783012390137, + 795.0690307617188, + 390.0690002441406, + 0.9470057487487793, + 609.1315307617188, + 235.12109375, + 0.7181313037872314, + 601.3840942382812, + 328.08984375, + 0.8127278089523315, + 779.57421875, + 204.1315155029297, + 0.8418967723846436, + 841.5534057617188, + 312.5950622558594, + 0.8706842660903931, + 849.30078125, + 328.08984375, + 0.6892553567886353, + 895.78515625, + 382.3216247558594, + 0.12100008130073547 + ], + "scale": [ + 3.71875, + 4.958333492279053 + ], + "score": 0.7831730047861735 + }, + { + "category_id": 1, + "center": [ + 638.5, + 221.5 + ], + "image_id": 21506829201, + "keypoints": [ + 563.6627807617188, + 4.865885257720947, + 0.09963208436965942, + 705.4596557617188, + 44.25390625, + 0.0026384599041193724, + 555.78515625, + 12.743489265441895, + 0.029728922992944717, + 484.88671875, + -42.39973831176758, + 0.002498073037713766, + 461.25390625, + 4.865885257720947, + 0.11068974435329437, + 492.7643127441406, + 28.49869728088379, + 0.7267532348632812, + 453.3763122558594, + 154.5403594970703, + 0.7497180700302124, + 626.68359375, + 60.00911331176758, + 0.9115045666694641, + 587.2955932617188, + 375.11328125, + 0.8606992363929749, + 784.2356567382812, + 36.37630081176758, + 0.86503666639328, + 792.11328125, + 390.8684997558594, + 0.9308621883392334, + 595.1731567382812, + 233.31640625, + 0.7388437986373901, + 595.1731567382812, + 327.84765625, + 0.8015035390853882, + 760.6028442382812, + 201.8059844970703, + 0.7570223808288574, + 847.2565307617188, + 319.9700622558594, + 0.7567116022109985, + 863.01171875, + 327.84765625, + 0.6560894846916199, + 878.7669067382812, + 406.6236877441406, + 0.10603974759578705 + ], + "scale": [ + 3.78125, + 5.041666507720947 + ], + "score": 0.7958858880129728 + }, + { + "category_id": 1, + "center": [ + 616.5, + 205.5 + ], + "image_id": 21506830401, + "keypoints": [ + 560.15234375, + 13.91796875, + 0.020811285823583603, + 635.2825317382812, + 43.97005081176758, + 0.0027399547398090363, + 620.2565307617188, + 21.43099021911621, + 0.004252855200320482, + 612.7434692382812, + 66.50911712646484, + 0.007904714904725552, + 462.4830627441406, + -16.13411521911621, + 0.035973429679870605, + 462.4830627441406, + 43.97005081176758, + 0.6422750949859619, + 454.9700622558594, + 156.6653594970703, + 0.7468959093093872, + 567.6653442382812, + 119.10025787353516, + 0.8595304489135742, + 590.2044067382812, + 367.0299377441406, + 0.8861603140830994, + 687.8737182617188, + 81.53515625, + 0.924978494644165, + 740.46484375, + 254.3346405029297, + 0.9124475121498108, + 590.2044067382812, + 224.2825469970703, + 0.7786728739738464, + 597.7174682617188, + 314.4388122558594, + 0.77100670337677, + 770.5169067382812, + 194.23046875, + 0.8174550533294678, + 845.6471557617188, + 314.4388122558594, + 0.9025424122810364, + 845.6471557617188, + 314.4388122558594, + 0.4137827157974243, + 890.7252807617188, + 382.0559997558594, + 0.07003875821828842 + ], + "scale": [ + 3.606250047683716, + 4.808333396911621 + ], + "score": 0.7868861393495039 + }, + { + "category_id": 1, + "center": [ + 660.0, + 223.5 + ], + "image_id": 21506831400, + "keypoints": [ + 603.1640625, + 83.3046875, + 0.004720883909612894, + 565.2734375, + 378.8515625, + 0.0035526715219020844, + 641.0546875, + -128.8828125, + 0.002056954661384225, + 656.2109375, + 227.2890625, + 0.01675018109381199, + 512.2265625, + -30.3671875, + 0.0055374205112457275, + 459.1796875, + 45.4140625, + 0.5982131361961365, + 444.0234375, + 166.6640625, + 0.6398314237594604, + 550.1171875, + 143.9296875, + 0.7382081747055054, + 572.8515625, + 394.0078125, + 0.8834609389305115, + 678.9453125, + 143.9296875, + 0.9090397357940674, + 724.4140625, + 318.2265625, + 0.9532073736190796, + 580.4296875, + 227.2890625, + 0.7786933183670044, + 595.5859375, + 318.2265625, + 0.6012533903121948, + 754.7265625, + 196.9765625, + 0.8368297815322876, + 845.6640625, + 318.2265625, + 0.6404165029525757, + 860.8203125, + 310.6484375, + 0.5992182493209839, + 898.7109375, + 363.6953125, + 0.2455458641052246 + ], + "scale": [ + 3.637500047683716, + 4.850000381469727 + ], + "score": 0.7019931574662527 + }, + { + "category_id": 1, + "center": [ + 648.5, + 229.0 + ], + "image_id": 21506831800, + "keypoints": [ + 566.87890625, + 23.003923416137695, + 0.012721778824925423, + 990.53125, + 574.91796875, + 0.0011474306229501963, + 846.72265625, + 333.94140625, + 0.0027053169906139374, + 745.66796875, + 256.20703125, + 0.004667081870138645, + 473.59765625, + 23.003923416137695, + 0.06873511523008347, + 458.0508117675781, + 46.32423400878906, + 0.6554892659187317, + 458.0508117675781, + 170.69921875, + 0.7459596395492554, + 559.10546875, + 124.05860137939453, + 0.8114891648292542, + 590.19921875, + 396.12890625, + 0.8410999774932861, + 683.48046875, + 124.05860137939453, + 0.89931321144104, + 815.62890625, + 380.58203125, + 0.9137080907821655, + 597.97265625, + 232.88671875, + 0.8339725732803345, + 605.74609375, + 326.16796875, + 0.8230990171432495, + 768.98828125, + 209.56640625, + 0.7809455394744873, + 846.72265625, + 310.62109375, + 0.42981767654418945, + 862.26953125, + 310.62109375, + 0.37834686040878296, + 916.68359375, + 372.80859375, + 0.08044469356536865 + ], + "scale": [ + 3.7312498092651367, + 4.974999904632568 + ], + "score": 0.7375673651695251 + }, + { + "category_id": 1, + "center": [ + 629.5, + 219.0 + ], + "image_id": 21506833201, + "keypoints": [ + 564.75390625, + 1.91015625, + 0.29860666394233704, + 557.13671875, + -28.55859375, + 0.007304087281227112, + 549.51953125, + 1.91015625, + 0.14602741599082947, + 694.24609375, + 116.16796875, + 0.0037354908417910337, + 442.87890625, + 9.52734375, + 0.6135381460189819, + 503.81640625, + 39.99609375, + 0.729785680770874, + 465.73046875, + 169.48828125, + 0.7830937504768372, + 633.30859375, + 85.69921875, + 0.9228254556655884, + 579.98828125, + 405.62109375, + 0.8835790157318115, + 778.03515625, + 100.93359375, + 0.8480252623558044, + 793.26953125, + 398.00390625, + 0.950912594795227, + 595.22265625, + 230.42578125, + 0.742925763130188, + 595.22265625, + 329.44921875, + 0.8508608937263489, + 770.41796875, + 199.95703125, + 0.8172485828399658, + 831.35546875, + 298.98046875, + 0.8017268180847168, + 854.20703125, + 314.21484375, + 0.584808886051178, + 892.29296875, + 398.00390625, + 0.10273907333612442 + ], + "scale": [ + 3.65625, + 4.875 + ], + "score": 0.7559951933530661 + }, + { + "category_id": 1, + "center": [ + 661.0, + 228.5 + ], + "image_id": 21506833601, + "keypoints": [ + 585.7916870117188, + 10.791666984558105, + 0.043812334537506104, + 680.7916870117188, + 422.4583435058594, + 0.006002997513860464, + 577.875, + 18.70833396911621, + 0.010430758818984032, + 720.375, + 161.2083282470703, + 0.005906239617615938, + 482.875, + 18.70833396911621, + 0.037643298506736755, + 498.7083435058594, + 34.54166793823242, + 0.6671375036239624, + 467.0416564941406, + 153.2916717529297, + 0.7468684315681458, + 633.2916870117188, + 82.04166412353516, + 0.9504714012145996, + 585.7916870117188, + 398.7083435058594, + 0.9146589040756226, + 783.7083129882812, + 82.04166412353516, + 0.8573769330978394, + 791.625, + 390.7916564941406, + 0.8783048391342163, + 609.5416870117188, + 240.375, + 0.8272649049758911, + 609.5416870117188, + 335.375, + 0.774538516998291, + 775.7916870117188, + 208.7083282470703, + 0.8907743692398071, + 839.125, + 303.7083435058594, + 0.7969314455986023, + 862.875, + 319.5416564941406, + 0.5226488709449768, + 902.4583129882812, + 414.5416564941406, + 0.13117758929729462 + ], + "scale": [ + 3.799999952316284, + 5.066666603088379 + ], + "score": 0.8024523745883595 + }, + { + "category_id": 1, + "center": [ + 642.5, + 229.5 + ], + "image_id": 21506835000, + "keypoints": [ + 646.4518432617188, + 12.149739265441895, + 0.008276126347482204, + 796.62109375, + 304.5846252441406, + 0.0024278778582811356, + 741.2955932617188, + 178.1262969970703, + 0.004208184313029051, + 701.77734375, + 193.93359375, + 0.006925147492438555, + 512.08984375, + 20.05338478088379, + 0.028784312307834625, + 480.4752502441406, + 27.95703125, + 0.5660243630409241, + 464.66796875, + 170.22265625, + 0.7792490720748901, + 519.9934692382812, + 154.4153594970703, + 0.03703857585787773, + 583.22265625, + 383.62109375, + 0.842054009437561, + 749.19921875, + 178.1262969970703, + 0.04234754666686058, + 796.62109375, + 383.62109375, + 0.9186949729919434, + 599.0299682617188, + 233.4518280029297, + 0.8256133198738098, + 599.0299682617188, + 336.19921875, + 0.7747151851654053, + 757.1028442382812, + 201.8372344970703, + 0.8847934007644653, + 836.1393432617188, + 304.5846252441406, + 0.6917077302932739, + 859.8502807617188, + 304.5846252441406, + 0.4847569763660431, + 875.6575317382812, + 407.33203125, + 0.07956120371818542 + ], + "scale": [ + 3.793750047683716, + 5.058333396911621 + ], + "score": 0.7519565588898129 + }, + { + "category_id": 1, + "center": [ + 628.0, + 226.5 + ], + "image_id": 21506839700, + "keypoints": [ + 616.4375, + 22.22916603088379, + 0.06546958535909653, + 870.8125, + 322.8541564941406, + 0.0038750169333070517, + 616.4375, + 22.22916603088379, + 0.014969121664762497, + 685.8125, + 199.5208282470703, + 0.005222527775913477, + 516.2291870117188, + -0.8958333134651184, + 0.03614494577050209, + 477.6875, + 29.9375, + 0.5191165208816528, + 462.2708435058594, + 160.9791717529297, + 0.727324366569519, + 500.8125, + 122.4375, + 0.011592465452849865, + 593.3125, + 399.9375, + 0.8457523584365845, + 847.6875, + 307.4375, + 0.0425158254802227, + 809.1458129882812, + 376.8125, + 0.9436883926391602, + 601.0208129882812, + 230.3541717529297, + 0.782909631729126, + 601.0208129882812, + 322.8541564941406, + 0.7893513441085815, + 770.6041870117188, + 207.2291717529297, + 0.823263943195343, + 839.9791870117188, + 307.4375, + 0.6031209230422974, + 847.6875, + 299.7291564941406, + 0.4358573853969574, + 917.0625, + 376.8125, + 0.07872135937213898 + ], + "scale": [ + 3.700000047683716, + 4.933333396911621 + ], + "score": 0.7189316517776914 + }, + { + "category_id": 1, + "center": [ + 656.0, + 221.0 + ], + "image_id": 21506841000, + "keypoints": [ + 651.8854370117188, + 200.4270782470703, + 0.012153671123087406, + 676.5729370117188, + 52.30208206176758, + 0.002690073335543275, + 865.84375, + 332.09375, + 0.005717833060771227, + 717.71875, + 118.13541412353516, + 0.003927290905267, + 528.4479370117188, + 2.9270832538604736, + 0.03949882462620735, + 479.0729064941406, + 19.38541603088379, + 0.6138641834259033, + 470.84375, + 175.7395782470703, + 0.7086735963821411, + 610.7395629882812, + 44.07291793823242, + 0.6722919940948486, + 602.5104370117188, + 397.9270935058594, + 0.8535164594650269, + 758.8645629882812, + 27.61458396911621, + 0.7990686893463135, + 808.2395629882812, + 373.2395935058594, + 0.9229542016983032, + 602.5104370117188, + 233.34375, + 0.8832117319107056, + 610.7395629882812, + 332.09375, + 0.7948129177093506, + 775.3229370117188, + 216.8854217529297, + 0.8071960210800171, + 824.6979370117188, + 299.1770935058594, + 0.515121340751648, + 857.6145629882812, + 299.1770935058594, + 0.44661206007003784, + 890.53125, + 373.2395935058594, + 0.14001041650772095 + ], + "scale": [ + 3.950000047683716, + 5.266666412353516 + ], + "score": 0.7288475632667542 + }, + { + "category_id": 1, + "center": [ + 645.0, + 220.0 + ], + "image_id": 21506841300, + "keypoints": [ + 565.4296875, + 26.7578125, + 0.11933105438947678, + 709.4140625, + 57.0703125, + 0.004023594316095114, + 565.4296875, + 11.6015625, + 0.0629020482301712, + 504.8046875, + 64.6484375, + 0.0029706736095249653, + 489.6484375, + 19.1796875, + 0.12030899524688721, + 489.6484375, + 34.3359375, + 0.6798334121704102, + 466.9140625, + 170.7421875, + 0.7021290063858032, + 626.0546875, + 72.2265625, + 0.8370521664619446, + 603.3203125, + 398.0859375, + 0.8869526386260986, + 785.1953125, + 57.0703125, + 0.86237633228302, + 807.9296875, + 375.3515625, + 0.9432244896888733, + 603.3203125, + 231.3671875, + 0.826734721660614, + 603.3203125, + 322.3046875, + 0.8658460378646851, + 762.4609375, + 193.4765625, + 0.7675727605819702, + 830.6640625, + 322.3046875, + 0.6228646636009216, + 853.3984375, + 322.3046875, + 0.5432204008102417, + 891.2890625, + 375.3515625, + 0.10467542707920074 + ], + "scale": [ + 3.637500047683716, + 4.850000381469727 + ], + "score": 0.7761642391031439 + }, + { + "category_id": 1, + "center": [ + 636.5, + 229.5 + ], + "image_id": 21506842801, + "keypoints": [ + 564.6705932617188, + -11.339825630187988, + 0.03443754091858864, + 657.6262817382812, + 436.5377502441406, + 0.0032921559177339077, + 547.76953125, + 5.561214923858643, + 0.008019791916012764, + 421.0117492675781, + -45.14190673828125, + 0.003335686167702079, + 446.36328125, + 14.011734962463379, + 0.16253726184368134, + 480.1653747558594, + 30.91277503967285, + 0.6919633746147156, + 454.8138122558594, + 166.12109375, + 0.7625826597213745, + 615.3737182617188, + 73.16537475585938, + 0.8517285585403442, + 556.2200317382812, + 411.1861877441406, + 0.8648527264595032, + 767.4830932617188, + 98.51693725585938, + 0.8794002532958984, + 775.93359375, + 368.93359375, + 0.9903900623321533, + 590.0221557617188, + 233.7252655029297, + 0.796134889125824, + 590.0221557617188, + 326.68096923828125, + 0.750484824180603, + 767.4830932617188, + 199.9231719970703, + 0.7351856231689453, + 818.1861572265625, + 318.23046875, + 0.6531906127929688, + 835.0872192382812, + 301.32940673828125, + 0.3799057602882385, + 835.0872192382812, + 411.1861877441406, + 0.06366068869829178 + ], + "scale": [ + 4.056249618530273, + 5.408333778381348 + ], + "score": 0.7596199404109608 + }, + { + "category_id": 1, + "center": [ + 622.5, + 227.5 + ], + "image_id": 21506843201, + "keypoints": [ + 566.73828125, + -6.69921875, + 0.039073504507541656, + 685.6965942382812, + 60.21484375, + 0.0025879433378577232, + 544.43359375, + 30.47525978088379, + 0.009569479152560234, + 708.0012817382812, + 253.5221405029297, + 0.004403579980134964, + 447.7799377441406, + 15.60546875, + 0.10849668085575104, + 477.51953125, + 37.91015625, + 0.70533287525177, + 455.21484375, + 164.3033905029297, + 0.7569208741188049, + 618.7825317382812, + 75.08463287353516, + 0.8536742925643921, + 551.8684692382812, + 409.6549377441406, + 0.8827760219573975, + 774.9153442382812, + 89.95442962646484, + 0.7815699577331543, + 782.3502807617188, + 372.48046875, + 0.9110904932022095, + 589.04296875, + 231.2174530029297, + 0.699233889579773, + 581.6080932617188, + 335.3059997558594, + 0.773132860660553, + 767.48046875, + 201.4778594970703, + 0.8645848035812378, + 826.9596557617188, + 327.87109375, + 0.7812846899032593, + 834.39453125, + 327.87109375, + 0.3562387526035309, + 945.91796875, + 446.8294372558594, + 0.12113096565008163 + ], + "scale": [ + 3.5687499046325684, + 4.758333206176758 + ], + "score": 0.760530864650553 + }, + { + "category_id": 1, + "center": [ + 619.0, + 235.5 + ], + "image_id": 21506843600, + "keypoints": [ + 562.1640625, + -3.2109375, + 0.04890817031264305, + 850.1328125, + 322.6484375, + 0.002713605761528015, + 539.4296875, + 34.6796875, + 0.011561371386051178, + 433.3359375, + -18.3671875, + 0.0022828278597444296, + 440.9140625, + 27.1015625, + 0.062343187630176544, + 493.9609375, + 34.6796875, + 0.6258893013000488, + 456.0703125, + 155.9296875, + 0.7468751668930054, + 622.7890625, + 80.1484375, + 0.8618969917297363, + 554.5859375, + 406.0078125, + 0.8702363967895508, + 781.9296875, + 80.1484375, + 0.8370752930641174, + 781.9296875, + 368.1171875, + 0.9245414733886719, + 592.4765625, + 224.1328125, + 0.7422157526016235, + 584.8984375, + 322.6484375, + 0.7803852558135986, + 774.3515625, + 193.8203125, + 0.7820172309875488, + 834.9765625, + 322.6484375, + 0.8039519786834717, + 842.5546875, + 322.6484375, + 0.4292781352996826, + 888.0234375, + 443.8984375, + 0.1386824995279312 + ], + "scale": [ + 3.637500047683716, + 4.850000381469727 + ], + "score": 0.7640329978682778 + }, + { + "category_id": 1, + "center": [ + 617.0, + 230.5 + ], + "image_id": 21506844000, + "keypoints": [ + 562.5078125, + -5.6328125, + 0.028524380177259445, + 671.4921875, + 23.4296875, + 0.002814701059833169, + 518.9140625, + 37.9609375, + 0.009508144110441208, + 686.0234375, + 81.5546875, + 0.0033493265509605408, + 438.9921875, + 37.9609375, + 0.059805914759635925, + 497.1171875, + 30.6953125, + 0.6361057758331299, + 446.2578125, + 154.2109375, + 0.6821721792221069, + 620.6328125, + 67.0234375, + 0.9024872779846191, + 562.5078125, + 408.5078125, + 0.8615830540657043, + 780.4765625, + 81.5546875, + 0.79941725730896, + 780.4765625, + 364.9140625, + 0.9174206256866455, + 591.5703125, + 226.8671875, + 0.7633299231529236, + 584.3046875, + 321.3203125, + 0.7865176200866699, + 773.2109375, + 190.5390625, + 0.8165022730827332, + 831.3359375, + 328.5859375, + 0.7578988671302795, + 838.6015625, + 321.3203125, + 0.31255030632019043, + 874.9296875, + 423.0390625, + 0.1289580762386322 + ], + "scale": [ + 3.487499952316284, + 4.650000095367432 + ], + "score": 0.7487259236249056 + }, + { + "category_id": 1, + "center": [ + 620.0, + 228.0 + ], + "image_id": 21506844400, + "keypoints": [ + 608.90625, + -19.76041603088379, + 0.005602538585662842, + 852.96875, + 320.4479064941406, + 0.005873796995729208, + 705.0520629882812, + 179.9270782470703, + 0.004248752724379301, + 712.4479370117188, + 253.8854217529297, + 0.003921812865883112, + 446.1979064941406, + 32.01041793823242, + 0.01627986691892147, + 483.1770935058594, + 32.01041793823242, + 0.649719774723053, + 438.8020935058594, + 157.7395782470703, + 0.760311484336853, + 616.3020629882812, + 68.98958587646484, + 0.8939504027366638, + 557.1354370117188, + 401.8020935058594, + 0.8548511862754822, + 771.6145629882812, + 76.38541412353516, + 0.8407297730445862, + 779.0104370117188, + 372.21875, + 0.9081357717514038, + 586.71875, + 231.6979217529297, + 0.679257869720459, + 586.71875, + 335.2395935058594, + 0.7652761936187744, + 779.0104370117188, + 202.1145782470703, + 0.8925557136535645, + 830.78125, + 327.84375, + 0.8033374547958374, + 838.1770629882812, + 320.4479064941406, + 0.3996124863624573, + 941.71875, + 446.1770935058594, + 0.12267366051673889 + ], + "scale": [ + 3.549999952316284, + 4.733333110809326 + ], + "score": 0.7679761919108304 + }, + { + "category_id": 1, + "center": [ + 611.5, + 235.0 + ], + "image_id": 21506844801, + "keypoints": [ + 600.07421875, + -20.17578125, + 0.005578531883656979, + 668.62890625, + 17.91015625, + 0.0021863204892724752, + 805.73828125, + 284.51171875, + 0.0035646273754537106, + 676.24609375, + 71.23046875, + 0.004028270486742258, + 379.17578125, + -20.17578125, + 0.009866246953606606, + 478.19921875, + 25.52734375, + 0.6532573699951172, + 432.49609375, + 147.40234375, + 0.6550922393798828, + 607.69140625, + 63.61328125, + 0.891613245010376, + 561.98828125, + 398.76953125, + 0.922265887260437, + 767.65234375, + 78.84765625, + 0.8606880903244019, + 760.03515625, + 314.98046875, + 0.9301730394363403, + 584.83984375, + 223.57421875, + 0.7976882457733154, + 577.22265625, + 322.59765625, + 0.677932858467102, + 775.26953125, + 193.10546875, + 0.7683799266815186, + 805.73828125, + 284.51171875, + 0.5559755563735962, + 836.20703125, + 284.51171875, + 0.1820661574602127, + 859.05859375, + 330.21484375, + 0.04932091385126114 + ], + "scale": [ + 3.65625, + 4.875 + ], + "score": 0.7713066458702087 + }, + { + "category_id": 1, + "center": [ + 675.0, + 236.0 + ], + "image_id": 21506846001, + "keypoints": [ + 566.2890625, + -14.507829666137695, + 0.011161263100802898, + 689.1796875, + 23.304672241210938, + 0.0033687232062220573, + 708.0859375, + 13.851547241210938, + 0.001307038590312004, + 670.2734375, + 117.83592987060547, + 0.009322485886514187, + 433.9452819824219, + -14.507829666137695, + 0.02884197235107422, + 471.7578125, + 32.75779724121094, + 0.7166914939880371, + 443.3984069824219, + 146.1953125, + 0.7087711095809937, + 594.6484375, + 61.1171760559082, + 0.8797084093093872, + 594.6484375, + 391.9765625, + 0.8622550964355469, + 745.8984375, + 42.2109260559082, + 0.9473843574523926, + 812.0703125, + 373.0703125, + 0.8869283199310303, + 594.6484375, + 231.2734375, + 0.8545152544975281, + 585.1953125, + 316.3515625, + 0.7622562646865845, + 774.2578125, + 212.3671875, + 0.836867094039917, + 830.9765625, + 287.9921875, + 0.5109114646911621, + 878.2421875, + 306.8984375, + 0.6461582183837891, + 916.0546875, + 382.5234375, + 0.3056061863899231 + ], + "scale": [ + 4.537500381469727, + 6.050000190734863 + ], + "score": 0.7431711057821909 + }, + { + "category_id": 1, + "center": [ + 641.0, + 196.5 + ], + "image_id": 21506852801, + "keypoints": [ + 569.7239379882812, + 16.21354103088379, + 0.018895771354436874, + 238.5, + 716.3958129882812, + 0.001386559335514903, + 871.5989379882812, + 351.6302185058594, + 0.0033195337746292353, + 469.0989685058594, + -17.328125, + 0.0021200478076934814, + 443.9427185058594, + -25.71354103088379, + 0.026425881311297417, + 460.7135314941406, + 32.984375, + 0.4578211307525635, + 469.0989685058594, + 108.453125, + 0.7658940553665161, + 603.265625, + 74.91146087646484, + 0.8035906553268433, + 745.8176879882812, + 133.609375, + 0.8980038166046143, + 729.046875, + 41.36979293823242, + 0.8659563064575195, + 863.2135620117188, + 24.59895896911621, + 0.7910038828849792, + 603.265625, + 209.078125, + 0.743625819683075, + 603.265625, + 318.0885314941406, + 0.7414615154266357, + 770.9739379882812, + 217.4635467529297, + 0.875436544418335, + 838.0573120117188, + 309.703125, + 0.8665810823440552, + 854.828125, + 301.3177185058594, + 0.4556383490562439, + 905.140625, + 393.5572814941406, + 0.08547668904066086 + ], + "scale": [ + 4.025000095367432, + 5.366666793823242 + ], + "score": 0.751364832574671 + }, + { + "category_id": 1, + "center": [ + 610.0, + 208.0 + ], + "image_id": 21506860801, + "keypoints": [ + 528.7890625, + 3.0390625, + 0.01766097918152809, + 845.8984375, + 327.8828125, + 0.0019861296750605106, + 544.2578125, + -12.4296875, + 0.003954675048589706, + 683.4765625, + 49.4453125, + 0.0035162358544766903, + 435.9765625, + 3.0390625, + 0.05646578222513199, + 459.1796875, + 26.2421875, + 0.7488038539886475, + 435.9765625, + 134.5234375, + 0.5426080226898193, + 575.1953125, + 49.4453125, + 0.8451399207115173, + 621.6015625, + 366.5546875, + 0.8050782680511475, + 737.6171875, + 33.9765625, + 0.916750431060791, + 745.3515625, + 188.6640625, + 0.8429663181304932, + 582.9296875, + 219.6015625, + 0.738204300403595, + 606.1328125, + 327.8828125, + 0.6857006549835205, + 760.8203125, + 188.6640625, + 0.6523975133895874, + 838.1640625, + 312.4140625, + 0.9039211273193359, + 845.8984375, + 320.1484375, + 0.37632471323013306, + 884.5703125, + 420.6953125, + 0.06241317838430405 + ], + "scale": [ + 3.7125000953674316, + 4.949999809265137 + ], + "score": 0.7325359203598716 + }, + { + "category_id": 1, + "center": [ + 635.5, + 227.0 + ], + "image_id": 21506861601, + "keypoints": [ + 575.44140625, + 14.79296875, + 0.036528732627630234, + 799.66015625, + 303.07421875, + 0.0018478441052138805, + 575.44140625, + 14.79296875, + 0.009691002778708935, + 695.55859375, + 198.97265625, + 0.006474813912063837, + 511.37890625, + 14.79296875, + 0.024400165304541588, + 471.33984375, + 22.80078125, + 0.5650931596755981, + 463.33203125, + 150.92578125, + 0.6642582416534424, + 567.43359375, + 22.80078125, + 0.05852188915014267, + 567.43359375, + 391.16015625, + 0.8555834293365479, + 679.54296875, + -1.22265625, + 0.2779318690299988, + 791.65234375, + 375.14453125, + 0.9404595494270325, + 591.45703125, + 231.00390625, + 0.8150798082351685, + 591.45703125, + 335.10546875, + 0.7392853498458862, + 751.61328125, + 206.98046875, + 0.8193537592887878, + 815.67578125, + 311.08203125, + 0.5680102109909058, + 855.71484375, + 311.08203125, + 0.4810177683830261, + 879.73828125, + 359.12890625, + 0.10749760270118713 + ], + "scale": [ + 3.84375, + 5.125 + ], + "score": 0.6726073145866394 + }, + { + "category_id": 1, + "center": [ + 624.5, + 237.5 + ], + "image_id": 21506862001, + "keypoints": [ + 560.1965942382812, + -8.365885734558105, + 0.04193529114127159, + 681.23828125, + 21.89453125, + 0.006421410944312811, + 817.41015625, + 316.93359375, + 0.015467194840312004, + 711.4987182617188, + 263.9778747558594, + 0.0064529054798185825, + 439.1549377441406, + 14.329426765441895, + 0.04949631169438362, + 484.5455627441406, + 29.45963478088379, + 0.6625783443450928, + 454.28515625, + 150.5012969970703, + 0.6328047513961792, + 620.7174682617188, + 74.85025787353516, + 0.8976227045059204, + 545.06640625, + 407.71484375, + 0.8833117485046387, + 764.4544067382812, + 44.58984375, + 0.9227853417396545, + 764.4544067382812, + 385.01953125, + 0.9264496564865112, + 590.45703125, + 233.7174530029297, + 0.7541977167129517, + 590.45703125, + 332.0638122558594, + 0.7009491920471191, + 772.01953125, + 195.8919219970703, + 0.824984073638916, + 824.9752807617188, + 316.93359375, + 0.78585284948349, + 840.10546875, + 309.3684997558594, + 0.5495002269744873, + 893.0612182617188, + 385.01953125, + 0.08715587109327316 + ], + "scale": [ + 3.6312499046325684, + 4.8416666984558105 + ], + "score": 0.7764578732577238 + }, + { + "category_id": 1, + "center": [ + 622.5, + 219.0 + ], + "image_id": 21506862900, + "keypoints": [ + 537.8971557617188, + 24.04557228088379, + 0.36323755979537964, + 574.6809692382812, + 1.9752603769302368, + 0.014703245833516121, + 523.18359375, + 9.33203125, + 0.2366810142993927, + 707.1028442382812, + 244.7487030029297, + 0.004549323581159115, + 427.5455627441406, + 9.33203125, + 0.573877215385437, + 486.3997497558594, + 24.04557228088379, + 0.6912610530853271, + 449.6158752441406, + 149.1106719970703, + 0.750613272190094, + 626.1784057617188, + 60.82942581176758, + 0.905880331993103, + 545.25390625, + 399.2408752441406, + 0.8905636072158813, + 765.95703125, + 38.75911331176758, + 0.842814564704895, + 765.95703125, + 369.8138122558594, + 0.948932409286499, + 589.39453125, + 222.6783905029297, + 0.7386035919189453, + 589.39453125, + 325.6731872558594, + 0.746558666229248, + 765.95703125, + 193.2512969970703, + 0.8009710311889648, + 824.8112182617188, + 325.6731872558594, + 0.592869758605957, + 839.5247192382812, + 310.9596252441406, + 0.3942810595035553, + 883.6653442382812, + 443.3815002441406, + 0.0902814120054245 + ], + "scale": [ + 3.53125, + 4.708333492279053 + ], + "score": 0.6769389382430485 + }, + { + "category_id": 1, + "center": [ + 604.0, + 227.5 + ], + "image_id": 21506863201, + "keypoints": [ + 553.3880004882812, + -2.2005207538604736, + 0.2774842381477356, + 537.8151245117188, + -25.55989646911621, + 0.007934333756566048, + 530.0286254882812, + -2.2005207538604736, + 0.158723846077919, + 724.6901245117188, + 169.1015625, + 0.005914187058806419, + 421.0182189941406, + 5.5859375, + 0.4657708406448364, + 491.0963439941406, + 28.9453125, + 0.6410679817199707, + 452.1640625, + 161.3151092529297, + 0.8286182880401611, + 600.1067504882812, + 83.45052337646484, + 0.8150873184204102, + 553.3880004882812, + 394.9088439941406, + 0.8803322911262512, + 748.0494995117188, + 161.3151092529297, + 0.842207670211792, + 771.4088745117188, + 371.5494689941406, + 0.9242590069770813, + 592.3203125, + 223.6067657470703, + 0.7676063776016235, + 576.7473754882812, + 317.0442810058594, + 0.7561038732528687, + 779.1953125, + 208.0338592529297, + 0.7000672817230225, + 825.9140625, + 317.0442810058594, + 0.6883738040924072, + 833.7005004882812, + 317.0442810058594, + 0.28541362285614014, + 942.7109375, + 449.4140625, + 0.14918676018714905 + ], + "scale": [ + 3.737499952316284, + 4.983333587646484 + ], + "score": 0.6824917380626385 + }, + { + "category_id": 1, + "center": [ + 625.5, + 227.0 + ], + "image_id": 21506863500, + "keypoints": [ + 562.9674682617188, + -4.73828125, + 0.23007747530937195, + 555.6106567382812, + -4.73828125, + 0.00593208521604538, + 548.25390625, + 2.6184895038604736, + 0.10235829651355743, + 423.1888122558594, + -12.095051765441895, + 0.004061869345605373, + 437.90234375, + 9.975260734558105, + 0.3404138684272766, + 482.04296875, + 32.04557418823242, + 0.6404451131820679, + 452.6158752441406, + 157.1106719970703, + 0.7867412567138672, + 607.1080932617188, + 90.89974212646484, + 0.7886568307876587, + 548.25390625, + 399.8841247558594, + 0.8859589695930481, + 739.5299682617188, + 171.82421875, + 0.8631489872932434, + 768.95703125, + 370.45703125, + 0.8928942680358887, + 592.39453125, + 223.3216094970703, + 0.7020902633666992, + 585.0377807617188, + 326.31640625, + 0.7265927791595459, + 776.3137817382812, + 208.6080780029297, + 0.5715081691741943, + 820.4544067382812, + 318.9596252441406, + 0.7429516315460205, + 842.5247192382812, + 311.6028747558594, + 0.3467080593109131, + 945.51953125, + 444.0247497558594, + 0.1954212486743927 + ], + "scale": [ + 3.53125, + 4.708333492279053 + ], + "score": 0.6552452055307535 + }, + { + "category_id": 1, + "center": [ + 633.5, + 222.0 + ], + "image_id": 21506863800, + "keypoints": [ + 549.69140625, + 18.464828491210938, + 0.05764520540833473, + 733.2721557617188, + 297.82684326171875, + 0.0029968596063554287, + 549.69140625, + 10.48305606842041, + 0.021323662251234055, + 709.3268432617188, + 345.71746826171875, + 0.004321197979152203, + 477.85546875, + 10.48305606842041, + 0.07642155140638351, + 477.85546875, + 26.446598052978516, + 0.6937958002090454, + 445.9283752441406, + 146.1731719970703, + 0.7283831834793091, + 605.5637817382812, + 66.35545349121094, + 0.8514770269393921, + 549.69140625, + 393.60809326171875, + 0.8763483762741089, + 757.2174682617188, + 90.30077362060547, + 0.8471641540527344, + 765.19921875, + 369.66278076171875, + 0.9638203382492065, + 589.6002807617188, + 233.97265625, + 0.7658792734146118, + 589.6002807617188, + 329.75390625, + 0.7243557572364807, + 757.2174682617188, + 194.0637969970703, + 0.8406855463981628, + 821.0716552734375, + 313.7903747558594, + 0.6230570077896118, + 845.0169677734375, + 313.7903747558594, + 0.47533121705055237, + 884.92578125, + 433.5169372558594, + 0.15037624537944794 + ], + "scale": [ + 3.8312501907348633, + 5.108333110809326 + ], + "score": 0.7627543346448378 + }, + { + "category_id": 1, + "center": [ + 627.5, + 228.0 + ], + "image_id": 21506806600, + "keypoints": [ + 562.3112182617188, + 1.7565103769302368, + 0.026740357279777527, + 615.99609375, + 1.7565103769302368, + 0.007305772975087166, + 539.3034057617188, + 17.09505271911621, + 0.011339467950165272, + 692.6887817382812, + 193.48828125, + 0.010105731897056103, + 485.6184997558594, + 24.76432228088379, + 0.14868873357772827, + 470.2799377441406, + 17.09505271911621, + 0.5687240362167358, + 470.2799377441406, + 178.1497344970703, + 0.6107933521270752, + 577.6497192382812, + 9.42578125, + 0.6923205852508545, + 592.98828125, + 392.8893127441406, + 0.8447707295417786, + 677.3502807617188, + 55.44140625, + 0.8769419193267822, + 800.05859375, + 385.2200622558594, + 0.9293169975280762, + 592.98828125, + 224.1653594970703, + 0.7399246692657471, + 592.98828125, + 323.8658752441406, + 0.8037132024765015, + 754.04296875, + 185.8190155029297, + 0.8076468706130981, + 838.4049682617188, + 316.1966247558594, + 0.7935481071472168, + 853.7434692382812, + 316.1966247558594, + 0.696787416934967, + 892.08984375, + 392.8893127441406, + 0.12943953275680542 + ], + "scale": [ + 3.6812498569488525, + 4.9083333015441895 + ], + "score": 0.7604079896753485 + }, + { + "category_id": 1, + "center": [ + 630.0, + 231.5 + ], + "image_id": 21506867100, + "keypoints": [ + 650.3125, + 97.4375, + 0.006035733036696911, + 731.5625, + -113.8125, + 0.0015485475305467844, + 642.1875, + 89.3125, + 0.002278192201629281, + 690.9375, + 227.4375, + 0.007486279588192701, + 471.5625, + 16.1875, + 0.014578734524548054, + 463.4375, + 32.4375, + 0.6985478401184082, + 455.3125, + 162.4375, + 0.7625892162322998, + 552.8125, + 138.0625, + 0.7433956861495972, + 585.3125, + 398.0625, + 0.8704538941383362, + 674.6875, + 162.4375, + 0.8833912014961243, + 788.4375, + 406.1875, + 0.9334589242935181, + 593.4375, + 235.5625, + 0.7944154739379883, + 601.5625, + 333.0625, + 0.8359554409980774, + 772.1875, + 203.0625, + 0.8884050846099854, + 845.3125, + 316.8125, + 0.8398131132125854, + 861.5625, + 324.9375, + 0.6933512687683105, + 918.4375, + 389.9375, + 0.10839401185512543 + ], + "scale": [ + 3.8999998569488525, + 5.199999809265137 + ], + "score": 0.8130706494504755 + }, + { + "category_id": 1, + "center": [ + 632.5, + 231.5 + ], + "image_id": 21506868400, + "keypoints": [ + 490.13671875, + 135.30859375, + 0.0034485149662941694, + 971.09375, + 570.09375, + 0.0014535122318193316, + 659.43359375, + 127.61328125, + 0.0033541384618729353, + 720.99609375, + 266.12890625, + 0.008958612568676472, + 436.26953125, + 4.48828125, + 0.022626150399446487, + 467.05078125, + 42.96484375, + 0.6693642139434814, + 451.66015625, + 143.00390625, + 0.6977671384811401, + 551.69921875, + 143.00390625, + 0.8249282240867615, + 582.48046875, + 396.94921875, + 0.8349530100822449, + 682.51953125, + 150.69921875, + 0.9043368101119995, + 790.25390625, + 404.64453125, + 0.9577203392982483, + 590.17578125, + 235.34765625, + 0.7618179321289062, + 597.87109375, + 335.38671875, + 0.8144474029541016, + 767.16796875, + 196.87109375, + 0.8811283111572266, + 844.12109375, + 319.99609375, + 0.8301466703414917, + 859.51171875, + 319.99609375, + 0.7205550670623779, + 897.98828125, + 389.25390625, + 0.1482665240764618 + ], + "scale": [ + 3.6937499046325684, + 4.925000190734863 + ], + "score": 0.8088331926952709 + }, + { + "category_id": 1, + "center": [ + 635.0, + 227.5 + ], + "image_id": 21506868700, + "keypoints": [ + 561.2760620117188, + 21.84895896911621, + 0.00936978217214346, + 856.171875, + 402.109375, + 0.001252516871318221, + 732.0051879882812, + -32.47395706176758, + 0.002362968400120735, + 724.2448120117188, + 262.421875, + 0.007861262187361717, + 468.1510314941406, + -1.4322916269302368, + 0.021389780566096306, + 468.1510314941406, + 37.36979293823242, + 0.6732808351516724, + 444.8697814941406, + 146.015625, + 0.6926318407058716, + 553.515625, + 138.2552032470703, + 0.867467999458313, + 576.796875, + 394.3489685058594, + 0.8504370450973511, + 677.6823120117188, + 146.015625, + 0.9371693134307861, + 786.328125, + 409.8697814941406, + 0.8991454243659973, + 592.3176879882812, + 223.6197967529297, + 0.8032383918762207, + 592.3176879882812, + 324.5052185058594, + 0.8135899305343628, + 763.046875, + 200.3385467529297, + 0.8645368218421936, + 840.6510620117188, + 308.984375, + 0.8368351459503174, + 856.171875, + 316.7447814941406, + 0.7299109697341919, + 871.6926879882812, + 402.109375, + 0.1553143858909607 + ], + "scale": [ + 3.7249999046325684, + 4.9666666984558105 + ], + "score": 0.8152948834679343 + }, + { + "category_id": 1, + "center": [ + 647.0, + 229.0 + ], + "image_id": 21506869000, + "keypoints": [ + 587.625, + 27.125, + 0.008056487888097763, + 666.7916870117188, + 422.9583435058594, + 0.003726118477061391, + 674.7083129882812, + 114.20833587646484, + 0.0032010560389608145, + 643.0416870117188, + 161.7083282470703, + 0.008088698610663414, + 453.0416564941406, + 19.20833396911621, + 0.013843953609466553, + 460.9583435058594, + 35.04166793823242, + 0.639537513256073, + 445.125, + 161.7083282470703, + 0.6523971557617188, + 548.0416870117188, + 137.9583282470703, + 0.8104919195175171, + 579.7083129882812, + 399.2083435058594, + 0.8163976669311523, + 674.7083129882812, + 161.7083282470703, + 0.9144688844680786, + 785.5416870117188, + 407.125, + 0.8309400081634521, + 587.625, + 225.0416717529297, + 0.7783603072166443, + 603.4583129882812, + 327.9583435058594, + 0.8111579418182373, + 761.7916870117188, + 201.2916717529297, + 0.8771078586578369, + 840.9583129882812, + 312.125, + 0.8112673759460449, + 856.7916870117188, + 320.0416564941406, + 0.7386313676834106, + 896.375, + 383.375, + 0.18687178194522858 + ], + "scale": [ + 3.799999952316284, + 5.066666603088379 + ], + "score": 0.789159818129106 + }, + { + "category_id": 1, + "center": [ + 632.0, + 234.0 + ], + "image_id": 21506869300, + "keypoints": [ + 572.4296875, + 31.4609375, + 0.017271386459469795, + 786.8828125, + 277.6849060058594, + 0.004129685461521149, + 572.4296875, + 31.4609375, + 0.004698897246271372, + 691.5703125, + 230.0286407470703, + 0.011749300174415112, + 461.2317810058594, + -0.3098958432674408, + 0.028948675841093063, + 453.2890625, + 39.40364456176758, + 0.6405165195465088, + 445.3463439941406, + 166.4869842529297, + 0.6445278525352478, + 548.6015625, + 142.6588592529297, + 0.7942007780075073, + 588.3151245117188, + 396.8255310058594, + 0.8666881322860718, + 667.7421875, + 158.5442657470703, + 0.9172986149787903, + 786.8828125, + 404.7682189941406, + 0.910176157951355, + 596.2578125, + 230.0286407470703, + 0.7563942670822144, + 604.2005004882812, + 325.3411560058594, + 0.8546496629714966, + 763.0546875, + 198.2578125, + 0.892332136631012, + 834.5390625, + 317.3984375, + 0.7481285333633423, + 858.3671875, + 325.3411560058594, + 0.7591509819030762, + 906.0234375, + 380.9400939941406, + 0.12682980298995972 + ], + "scale": [ + 3.8125, + 5.0833330154418945 + ], + "score": 0.798551239750602 + }, + { + "category_id": 1, + "center": [ + 649.5, + 231.0 + ], + "image_id": 21506869601, + "keypoints": [ + 589.05078125, + 81.89192962646484, + 0.011900807730853558, + 669.6497192382812, + 428.4674377441406, + 0.00459185428917408, + 685.76953125, + 122.19140625, + 0.003349422477185726, + 718.0090942382812, + 235.0299530029297, + 0.011350175365805626, + 532.6315307617188, + 17.41275978088379, + 0.026707060635089874, + 468.15234375, + 41.59244918823242, + 0.6886987686157227, + 460.0924377441406, + 178.6106719970703, + 0.7488864660263062, + 556.8112182617188, + 146.37109375, + 0.8483598232269287, + 580.9909057617188, + 396.2278747558594, + 0.8672044277191162, + 677.7096557617188, + 154.4309844970703, + 0.9177677631378174, + 790.5481567382812, + 404.2877502441406, + 0.8367506265640259, + 597.1106567382812, + 235.0299530029297, + 0.8277252316474915, + 605.1705932617188, + 323.6888122558594, + 0.8066343069076538, + 750.2487182617188, + 202.7903594970703, + 0.8699613809585571, + 838.9075317382812, + 315.62890625, + 0.7332524061203003, + 855.02734375, + 315.62890625, + 0.7177094221115112, + 879.20703125, + 380.1080627441406, + 0.22118829190731049 + ], + "scale": [ + 3.8687500953674316, + 5.1583333015441895 + ], + "score": 0.7570115762452284 + }, + { + "category_id": 1, + "center": [ + 624.0, + 228.0 + ], + "image_id": 21506870000, + "keypoints": [ + 560.9140625, + 38.7421875, + 0.07416095584630966, + 468.3880310058594, + 38.7421875, + 0.004428991582244635, + 560.9140625, + 13.5078125, + 0.02184382826089859, + 687.0859375, + 232.2057342529297, + 0.010994577780365944, + 459.9765625, + -20.13802146911621, + 0.030170472338795662, + 459.9765625, + 30.33072853088379, + 0.6264039278030396, + 451.5650939941406, + 164.9140625, + 0.7540802955627441, + 552.5026245117188, + 139.6796875, + 0.7804281711578369, + 577.7369995117188, + 400.4349060058594, + 0.8717305064201355, + 670.2630004882812, + 156.5026092529297, + 0.928692102432251, + 788.0234375, + 408.8463439941406, + 0.9336354732513428, + 594.5598754882812, + 223.7942657470703, + 0.7771439552307129, + 594.5598754882812, + 324.7317810058594, + 0.7969443798065186, + 762.7890625, + 198.5598907470703, + 0.8684751987457275, + 838.4921875, + 316.3203125, + 0.7238649129867554, + 855.3151245117188, + 324.7317810058594, + 0.7033355236053467, + 880.5494995117188, + 383.6119689941406, + 0.12313155084848404 + ], + "scale": [ + 4.037499904632568, + 5.383333683013916 + ], + "score": 0.7967940406365828 + }, + { + "category_id": 1, + "center": [ + 642.0, + 226.5 + ], + "image_id": 21506870900, + "keypoints": [ + 660.5546875, + 111.4609375, + 0.004537748172879219, + 285.75, + 686.65625, + 0.0018629437545314431, + 630.8671875, + 96.6171875, + 0.0024801187682896852, + 727.3515625, + 252.4765625, + 0.008440487086772919, + 460.1640625, + 29.8203125, + 0.0161910280585289, + 467.5859375, + 37.2421875, + 0.64605313539505, + 460.1640625, + 163.4140625, + 0.7836290597915649, + 556.6484375, + 141.1484375, + 0.8425849676132202, + 578.9140625, + 393.4921875, + 0.8765414953231812, + 675.3984375, + 163.4140625, + 0.8969771265983582, + 794.1484375, + 408.3359375, + 0.9209277629852295, + 601.1796875, + 230.2109375, + 0.7938599586486816, + 601.1796875, + 326.6953125, + 0.8056066036224365, + 764.4609375, + 193.1015625, + 0.8417149186134338, + 846.1015625, + 311.8515625, + 0.8604825735092163, + 853.5234375, + 304.4296875, + 0.7007066011428833, + 875.7890625, + 386.0703125, + 0.1264953315258026 + ], + "scale": [ + 3.5625, + 4.75 + ], + "score": 0.8153712912039324 + }, + { + "category_id": 1, + "center": [ + 633.0, + 225.5 + ], + "image_id": 21506871200, + "keypoints": [ + 576.5546875, + 26.059879302978516, + 0.009499555453658104, + 674.3932495117188, + 93.79425811767578, + 0.0025273070205003023, + 659.3411254882812, + 116.37238311767578, + 0.0038995640352368355, + 719.5494995117188, + 259.3671875, + 0.008665493689477444, + 486.2421875, + 26.059879302978516, + 0.016943423077464104, + 456.13800048828125, + 33.58592224121094, + 0.6282641291618347, + 463.6640625, + 161.5286407470703, + 0.7610509395599365, + 553.9765625, + 146.4765625, + 0.8370031118392944, + 576.5546875, + 394.8359375, + 0.8489607572555542, + 674.3932495117188, + 161.5286407470703, + 0.91089928150177, + 787.2838745117188, + 409.8880310058594, + 0.9401304721832275, + 591.6067504882812, + 229.2630157470703, + 0.7661070227622986, + 599.1328125, + 327.1015625, + 0.798809826374054, + 772.2318115234375, + 199.1588592529297, + 0.8932289481163025, + 847.4921875, + 312.04949951171875, + 0.8551211357116699, + 855.0182495117188, + 312.04949951171875, + 0.6711601614952087, + 885.1224365234375, + 387.3099060058594, + 0.1452353596687317 + ], + "scale": [ + 3.6125001907348633, + 4.816666603088379 + ], + "score": 0.8100668896328319 + }, + { + "category_id": 1, + "center": [ + 629.5, + 225.0 + ], + "image_id": 21506872100, + "keypoints": [ + 571.00390625, + 18.31380271911621, + 0.03206852823495865, + 687.99609375, + -137.67578125, + 0.0014232861576601863, + 571.00390625, + 26.11328125, + 0.006405106279999018, + 719.1940307617188, + 252.2981719970703, + 0.008923773653805256, + 477.41015625, + 2.71484375, + 0.04350494220852852, + 461.8111877441406, + 41.71223831176758, + 0.710911750793457, + 454.01171875, + 166.50390625, + 0.732947826385498, + 547.60546875, + 143.10546875, + 0.8637529611587524, + 586.6028442382812, + 392.6888122558594, + 0.8646894693374634, + 672.3971557617188, + 158.7044219970703, + 0.9690848588943481, + 789.3893432617188, + 408.2877502441406, + 0.9206620454788208, + 594.40234375, + 228.8997344970703, + 0.743768572807312, + 602.2018432617188, + 330.29296875, + 0.8102550506591797, + 765.9909057617188, + 197.7018280029297, + 0.8860538005828857, + 843.9856567382812, + 314.6940002441406, + 0.8829092979431152, + 859.5846557617188, + 322.4934997558594, + 0.7096623778343201, + 898.58203125, + 392.6888122558594, + 0.1414427012205124 + ], + "scale": [ + 3.7437498569488525, + 4.991666793823242 + ], + "score": 0.8267907283522866 + }, + { + "category_id": 1, + "center": [ + 622.5, + 230.5 + ], + "image_id": 21506872400, + "keypoints": [ + 561.85546875, + 16.22265625, + 0.036005571484565735, + 877.20703125, + 331.57421875, + 0.0038381055928766727, + 569.94140625, + 16.22265625, + 0.009528880007565022, + 715.48828125, + 258.80078125, + 0.010640649124979973, + 440.56640625, + 0.05078125, + 0.047093577682971954, + 464.82421875, + 40.48046875, + 0.6952742338180542, + 448.65234375, + 161.76953125, + 0.6950724124908447, + 561.85546875, + 145.59765625, + 0.8320794105529785, + 578.02734375, + 396.26171875, + 0.834383487701416, + 675.05859375, + 161.76953125, + 0.8998409509658813, + 788.26171875, + 412.43359375, + 0.9332921504974365, + 594.19921875, + 234.54296875, + 0.7831151485443115, + 602.28515625, + 331.57421875, + 0.8231583833694458, + 764.00390625, + 202.19921875, + 0.9082321524620056, + 836.77734375, + 315.40234375, + 0.8248981833457947, + 861.03515625, + 323.48828125, + 0.6563546657562256, + 909.55078125, + 388.17578125, + 0.14027374982833862 + ], + "scale": [ + 3.8812499046325684, + 5.174999713897705 + ], + "score": 0.8077910163185813 + }, + { + "category_id": 1, + "center": [ + 627.0, + 229.0 + ], + "image_id": 21506872700, + "keypoints": [ + 565.4765625, + 19.8203125, + 0.043052926659584045, + 475.2421875, + 44.4296875, + 0.0023609993513673544, + 565.4765625, + 19.8203125, + 0.01408102922141552, + 688.5234375, + 233.1015625, + 0.010693076997995377, + 483.4453125, + -4.7890625, + 0.05847281217575073, + 467.0390625, + 44.4296875, + 0.6948561072349548, + 442.4296875, + 159.2734375, + 0.6793533563613892, + 557.2734375, + 142.8671875, + 0.8563185930252075, + 581.8828125, + 397.1640625, + 0.8616719245910645, + 680.3203125, + 151.0703125, + 0.9430709481239319, + 795.1640625, + 413.5703125, + 0.9635761380195618, + 590.0859375, + 224.8984375, + 0.821827232837677, + 598.2890625, + 323.3359375, + 0.8325722217559814, + 770.5546875, + 200.2890625, + 0.8727353811264038, + 844.3828125, + 315.1328125, + 0.8064758777618408, + 860.7890625, + 323.3359375, + 0.7088377475738525, + 918.2109375, + 380.7578125, + 0.14056365191936493 + ], + "scale": [ + 3.9375, + 5.25 + ], + "score": 0.8219359571283514 + }, + { + "category_id": 1, + "center": [ + 633.5, + 230.0 + ], + "image_id": 21506881601, + "keypoints": [ + 564.76953125, + 15.72265625, + 0.01589399017393589, + 880.12109375, + 363.41796875, + 0.0032262199092656374, + 726.48828125, + 177.44140625, + 0.005398106295615435, + 726.48828125, + 266.38671875, + 0.004894430283457041, + 443.48046875, + 15.72265625, + 0.029215505346655846, + 467.73828125, + 31.89453125, + 0.7305251359939575, + 459.65234375, + 145.09765625, + 0.7044936418533325, + 597.11328125, + 80.41015625, + 0.9018427133560181, + 589.02734375, + 395.76171875, + 0.8710613250732422, + 734.57421875, + 56.15234375, + 0.8964382410049438, + 799.26171875, + 395.76171875, + 0.9826037287712097, + 597.11328125, + 234.04296875, + 0.8047500848770142, + 597.11328125, + 322.98828125, + 0.8017557859420776, + 783.08984375, + 209.78515625, + 0.8379943370819092, + 847.77734375, + 306.81640625, + 0.7958160638809204, + 863.94921875, + 314.90234375, + 0.5216396450996399, + 920.55078125, + 387.67578125, + 0.1312863826751709 + ], + "scale": [ + 3.8812499046325684, + 5.174999713897705 + ], + "score": 0.8044473366303877 + }, + { + "category_id": 1, + "center": [ + 630.0, + 224.0 + ], + "image_id": 21506883601, + "keypoints": [ + 528.75, + 25.25, + 0.032154809683561325, + 626.25, + 10.25, + 0.0021874720696359873, + 536.25, + 2.75, + 0.011094355955719948, + 686.25, + 190.25, + 0.004223733674734831, + 468.75, + 25.25, + 0.06706053763628006, + 461.25, + 17.75, + 0.5549007654190063, + 461.25, + 152.75, + 0.7146658897399902, + 566.25, + 25.25, + 0.4847952723503113, + 573.75, + 385.25, + 0.8664817810058594, + 693.75, + 17.75, + 0.9162169694900513, + 783.75, + 392.75, + 0.9525567293167114, + 596.25, + 220.25, + 0.789934515953064, + 596.25, + 317.75, + 0.7862863540649414, + 783.75, + 212.75, + 0.8230665326118469, + 843.75, + 310.25, + 0.7198790907859802, + 866.25, + 310.25, + 0.498481810092926, + 911.25, + 377.75, + 0.09328774362802505 + ], + "scale": [ + 3.6000001430511475, + 4.799999713897705 + ], + "score": 0.7370241555300626 + }, + { + "category_id": 1, + "center": [ + 649.5, + 227.0 + ], + "image_id": 21506809201, + "keypoints": [ + 556.8112182617188, + 21.47265625, + 0.05487137660384178, + 621.2903442382812, + 61.77213668823242, + 0.006953306030482054, + 540.69140625, + 29.53255271911621, + 0.02049923874437809, + 564.87109375, + 13.412760734558105, + 0.006056816317141056, + 484.2721252441406, + 21.47265625, + 0.08043321222066879, + 468.15234375, + 13.412760734558105, + 0.5903925895690918, + 484.2721252441406, + 182.6705780029297, + 0.6763395071029663, + 589.05078125, + 13.412760734558105, + 0.7283872365951538, + 597.1106567382812, + 392.2278747558594, + 0.8612282276153564, + 685.76953125, + 61.77213668823242, + 0.9306129217147827, + 806.66796875, + 384.16796875, + 0.9364758729934692, + 605.1705932617188, + 231.0299530029297, + 0.7871695756912231, + 605.1705932617188, + 319.6888122558594, + 0.8005367517471313, + 766.3684692382812, + 214.91015625, + 0.8404527902603149, + 846.9674682617188, + 303.5690002441406, + 0.6680129766464233, + 871.1471557617188, + 319.6888122558594, + 0.6124305725097656, + 895.3268432617188, + 384.16796875, + 0.1685737669467926 + ], + "scale": [ + 3.8687500953674316, + 5.1583333015441895 + ], + "score": 0.7665490020405162 + }, + { + "category_id": 1, + "center": [ + 644.5, + 220.5 + ], + "image_id": 21506912700, + "keypoints": [ + 578.2044067382812, + -9.584635734558105, + 0.0168138537555933, + 796.58984375, + 341.3919372558594, + 0.0022608162835240364, + 578.2044067382812, + -9.584635734558105, + 0.008546735160052776, + 632.80078125, + 29.41275978088379, + 0.005708964541554451, + 484.6106872558594, + 21.61328125, + 0.07208132743835449, + 461.2122497558594, + 13.813801765441895, + 0.5983676910400391, + 469.01171875, + 162.00390625, + 0.7582955956459045, + 562.60546875, + 13.813801765441895, + 0.7603118419647217, + 562.60546875, + 403.7877502441406, + 0.8689875602722168, + 695.1965942382812, + 13.813801765441895, + 0.9135153889656067, + 710.7955932617188, + 333.5924377441406, + 0.9576413631439209, + 593.8034057617188, + 224.3997344970703, + 0.8372427225112915, + 593.8034057617188, + 317.9934997558594, + 0.6802735328674316, + 757.5924682617188, + 185.40234375, + 0.8735359907150269, + 858.9856567382812, + 310.1940002441406, + 0.7048743367195129, + 858.9856567382812, + 302.39453125, + 0.652786910533905, + 890.18359375, + 364.7903747558594, + 0.22741127014160156 + ], + "scale": [ + 3.7437498569488525, + 4.991666793823242 + ], + "score": 0.7361036837100983 + }, + { + "category_id": 1, + "center": [ + 637.5, + 224.5 + ], + "image_id": 21506916401, + "keypoints": [ + 672.48046875, + 181.74609375, + 0.006529497914016247, + 664.70703125, + -28.13669776916504, + 0.0021639312617480755, + 571.42578125, + -4.81638765335083, + 0.004580274689942598, + 695.80078125, + 189.51953125, + 0.0061872308142483234, + 509.23828125, + 18.503923416137695, + 0.03926519677042961, + 462.59765625, + 10.730485916137695, + 0.5567141175270081, + 470.37109375, + 166.19921875, + 0.7439907789230347, + 571.42578125, + 18.503923416137695, + 0.3658067584037781, + 571.42578125, + 399.40234375, + 0.8995434045791626, + 695.80078125, + 10.730485916137695, + 0.8882284164428711, + 789.08203125, + 368.30859375, + 0.9565795063972473, + 594.74609375, + 228.38671875, + 0.8100489377975464, + 594.74609375, + 321.66796875, + 0.7297022342681885, + 765.76171875, + 197.29296875, + 0.7912938594818115, + 827.94921875, + 329.44140625, + 0.539198637008667, + 851.26953125, + 329.44140625, + 0.49377548694610596, + 866.81640625, + 399.40234375, + 0.09686441719532013 + ], + "scale": [ + 3.7312498092651367, + 4.974999904632568 + ], + "score": 0.7068074670704928 + }, + { + "category_id": 1, + "center": [ + 638.5, + 203.5 + ], + "image_id": 21506923201, + "keypoints": [ + 577.26953125, + 19.80859375, + 0.12122476100921631, + 756.87890625, + 289.22265625, + 0.004707217216491699, + 569.10546875, + -12.84765625, + 0.0589558482170105, + 454.80859375, + 3.48046875, + 0.005024261772632599, + 462.97265625, + -4.68359375, + 0.28507089614868164, + 462.97265625, + 11.64453125, + 0.5716521739959717, + 471.13671875, + 158.59765625, + 0.668677568435669, + 560.94140625, + 19.80859375, + 0.47064411640167236, + 667.07421875, + 338.20703125, + 0.9364508390426636, + 691.56640625, + 11.64453125, + 0.8709349036216736, + 854.84765625, + 297.38671875, + 0.910351037979126, + 585.43359375, + 207.58203125, + 0.669680655002594, + 601.76171875, + 305.55078125, + 0.6155881881713867, + 756.87890625, + 183.08984375, + 0.5979913473129272, + 814.02734375, + 264.73046875, + 0.4348759949207306, + 805.86328125, + 232.07421875, + 0.23187056183815002, + 879.33984375, + 395.35546875, + 0.05515563488006592 + ], + "scale": [ + 3.918750047683716, + 5.224999904632568 + ], + "score": 0.6053156902392706 + }, + { + "category_id": 1, + "center": [ + 621.5, + 208.5 + ], + "image_id": 21506923601, + "keypoints": [ + 586.16796875, + 8.285140037536621, + 0.13212794065475464, + 633.27734375, + 31.839828491210938, + 0.006176919676363468, + 578.31640625, + 0.43357691168785095, + 0.03405909985303879, + 680.38671875, + 181.01953125, + 0.006078899372369051, + 507.65234375, + 0.43357691168785095, + 0.05706808343529701, + 452.69140625, + 23.988265991210938, + 0.5308606624603271, + 476.24609375, + 165.31640625, + 0.684232234954834, + 601.87109375, + 39.69139099121094, + 0.5468727350234985, + 641.12890625, + 361.60546875, + 0.9269968271255493, + 656.83203125, + -23.121112823486328, + 0.11831481009721756, + 829.56640625, + 314.49609375, + 0.9304571151733398, + 586.16796875, + 220.27734375, + 0.7396761178970337, + 601.87109375, + 322.34765625, + 0.6937031745910645, + 758.90234375, + 188.87109375, + 0.6437270641326904, + 806.01171875, + 259.53515625, + 0.39115840196609497, + 821.71484375, + 228.12890625, + 0.2278112769126892, + 860.97265625, + 393.01171875, + 0.04843306913971901 + ], + "scale": [ + 3.7687501907348633, + 5.025000095367432 + ], + "score": 0.6315495610237122 + }, + { + "category_id": 1, + "center": [ + 633.0, + 210.0 + ], + "image_id": 21506924401, + "keypoints": [ + 574.6015625, + 11.4453125, + 0.2568640410900116, + 559.0286254882812, + -35.2734375, + 0.005287438631057739, + 559.0286254882812, + 11.4453125, + 0.08386187255382538, + 691.3984375, + 174.9609375, + 0.007857944816350937, + 465.5911560058594, + -19.70052146911621, + 0.07731899619102478, + 473.3775939941406, + 19.23177146911621, + 0.5648711919784546, + 450.0182189941406, + 128.2421875, + 0.7449300289154053, + 512.3098754882812, + 128.2421875, + 0.029183795675635338, + 559.0286254882812, + 385.1953125, + 0.8991016149520874, + 714.7578125, + 237.2526092529297, + 0.012405320070683956, + 699.1848754882812, + 330.6900939941406, + 0.9042302966117859, + 582.3880004882812, + 213.8932342529297, + 0.8039250373840332, + 597.9609375, + 315.1171875, + 0.7082884311676025, + 753.6901245117188, + 190.5338592529297, + 0.906045138835907, + 847.1276245117188, + 307.3307189941406, + 0.908241868019104, + 847.1276245117188, + 299.5442810058594, + 0.5709438323974609, + 893.8463745117188, + 385.1953125, + 0.09396079927682877 + ], + "scale": [ + 3.737499952316284, + 4.983333587646484 + ], + "score": 0.7267441481351853 + }, + { + "category_id": 1, + "center": [ + 632.5, + 225.5 + ], + "image_id": 21506926001, + "keypoints": [ + 573.61328125, + 17.433576583862305, + 0.26932716369628906, + 557.91015625, + -21.824237823486328, + 0.005689606536179781, + 573.61328125, + -6.12111234664917, + 0.12828758358955383, + 691.38671875, + 198.01953125, + 0.005732825957238674, + 479.39453125, + -6.12111234664917, + 0.09191281348466873, + 479.39453125, + 25.285140991210938, + 0.5466169118881226, + 455.83984375, + 143.05859375, + 0.7337744235992432, + 573.61328125, + 143.05859375, + 0.02363424003124237, + 565.76171875, + 394.30859375, + 0.861386775970459, + 746.34765625, + 205.87109375, + 0.059442900121212006, + 777.75390625, + 362.90234375, + 0.9313876628875732, + 597.16796875, + 229.42578125, + 0.777874231338501, + 597.16796875, + 331.49609375, + 0.7249124050140381, + 762.05078125, + 198.01953125, + 0.8313086032867432, + 809.16015625, + 307.94140625, + 0.530545711517334, + 848.41796875, + 307.94140625, + 0.4435971975326538, + 856.26953125, + 402.16015625, + 0.11994682997465134 + ], + "scale": [ + 3.7687501907348633, + 5.025000095367432 + ], + "score": 0.6650731086730957 + }, + { + "category_id": 1, + "center": [ + 637.0, + 228.5 + ], + "image_id": 21506926401, + "keypoints": [ + 579.578125, + 33.26560974121094, + 0.27080756425857544, + 571.921875, + -20.32814598083496, + 0.007552362512797117, + 564.265625, + 25.609357833862305, + 0.14501623809337616, + 694.421875, + 194.046875, + 0.0062705278396606445, + 510.671875, + 25.609357833862305, + 0.07719948887825012, + 480.046875, + 25.609357833862305, + 0.5038388967514038, + 457.078125, + 140.453125, + 0.755322277545929, + 518.328125, + 217.015625, + 0.017901184037327766, + 571.921875, + 393.109375, + 0.8478977084159851, + 748.015625, + 217.015625, + 0.04456327110528946, + 786.296875, + 393.109375, + 0.9312641620635986, + 594.890625, + 232.328125, + 0.7981920838356018, + 594.890625, + 331.859375, + 0.7597638368606567, + 770.984375, + 201.703125, + 0.8249122500419617, + 839.890625, + 324.203125, + 0.640838623046875, + 855.203125, + 324.203125, + 0.5342507362365723, + 901.140625, + 431.3906555175781, + 0.10158303380012512 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.6867088139057159 + }, + { + "category_id": 1, + "center": [ + 667.5, + 211.0 + ], + "image_id": 21506930401, + "keypoints": [ + 780.29296875, + 173.40234375, + 0.0039022271521389484, + 739.27734375, + 180.23828125, + 0.0016586427809670568, + 834.98046875, + 207.58203125, + 0.002501436974853277, + 568.37890625, + 16.17578125, + 0.001381607260555029, + 547.87109375, + 9.33984375, + 0.0009566387161612511, + 486.34765625, + -18.00390625, + 0.04582207277417183, + 561.54296875, + 23.01171875, + 0.5888850688934326, + 582.05078125, + 36.68359375, + 0.018106471747159958, + 718.76953125, + 159.73046875, + 0.9236859083175659, + 643.57421875, + 9.33984375, + 0.5741608142852783, + 787.12890625, + 23.01171875, + 0.9029377698898315, + 616.23046875, + 193.91015625, + 0.5490059852600098, + 588.88671875, + 303.28515625, + 0.6052103042602539, + 773.45703125, + 214.41796875, + 0.7951263189315796, + 848.65234375, + 323.79296875, + 0.7234524488449097, + 862.32421875, + 330.62890625, + 0.6262345314025879, + 889.66796875, + 378.48046875, + 0.08653133362531662 + ], + "scale": [ + 3.28125, + 4.375 + ], + "score": 0.6987443500094943 + }, + { + "category_id": 1, + "center": [ + 641.5, + 228.5 + ], + "image_id": 21506931601, + "keypoints": [ + 832.61328125, + 332.4388122558594, + 0.0018085140036419034, + 698.4987182617188, + -43.08203125, + 0.003911867737770081, + 933.19921875, + 526.9049682617188, + 0.003854278475046158, + 691.79296875, + 198.32421875, + 0.006092373747378588, + 537.5612182617188, + 379.37890625, + 0.005337701644748449, + 517.4440307617188, + -16.25911521911621, + 0.1671864092350006, + 463.7981872558594, + 30.68099021911621, + 0.7966088652610779, + 544.2669067382812, + 30.68099021911621, + 0.045059725642204285, + 477.2096252441406, + 238.55859375, + 0.7559190988540649, + 658.2643432617188, + 3.8580729961395264, + 0.8444299697875977, + 597.9127807617188, + 379.37890625, + 0.877824604511261, + 597.9127807617188, + 225.1471405029297, + 0.6731628179550171, + 597.9127807617188, + 319.02734375, + 0.640346884727478, + 765.5559692382812, + 205.0299530029297, + 0.8114444017410278, + 846.0247192382812, + 319.02734375, + 0.8816718459129333, + 852.73046875, + 319.02734375, + 0.5558122992515564, + 892.96484375, + 372.6731872558594, + 0.08273319900035858 + ], + "scale": [ + 3.21875, + 4.2916669845581055 + ], + "score": 0.7596911986668905 + }, + { + "category_id": 1, + "center": [ + 631.5, + 209.0 + ], + "image_id": 21506936700, + "keypoints": [ + 604.29296875, + 10.777359962463379, + 0.019322406500577927, + 775.30859375, + 391.67578125, + 0.0034628049470484257, + 596.51953125, + 3.003923177719116, + 0.01102861575782299, + 689.80078125, + 174.01953125, + 0.008871091529726982, + 503.23828125, + 10.777359962463379, + 0.015980729833245277, + 472.14453125, + 10.777359962463379, + 0.49407750368118286, + 441.0508117675781, + 111.83203887939453, + 0.7647752165794373, + 580.97265625, + 3.003923177719116, + 0.09503572434186935, + 534.33203125, + 376.12890625, + 0.9390197992324829, + 650.93359375, + 26.324234008789062, + 0.8776954412460327, + 674.25390625, + 329.48828125, + 0.9521311521530151, + 588.74609375, + 212.88671875, + 0.8004973530769348, + 596.51953125, + 313.94140625, + 0.6890667080879211, + 759.76171875, + 189.56640625, + 0.8382229804992676, + 845.26953125, + 306.16796875, + 0.8935818076133728, + 853.04296875, + 313.94140625, + 0.5942896604537964, + 899.68359375, + 407.2226257324219, + 0.1392718404531479 + ], + "scale": [ + 3.7312498092651367, + 4.974999904632568 + ], + "score": 0.7843357622623444 + }, + { + "category_id": 1, + "center": [ + 616.5, + 213.5 + ], + "image_id": 21506938001, + "keypoints": [ + 605.30859375, + 388.83203125, + 0.006784376222640276, + 896.28515625, + 336.60546875, + 0.0065606944262981415, + 881.36328125, + 321.68359375, + 0.00856798980385065, + 709.76171875, + 179.92578125, + 0.0065896292217075825, + 500.85546875, + 23.24609375, + 0.027710305526852608, + 471.01171875, + 15.78515625, + 0.4663923382759094, + 448.62890625, + 135.16015625, + 0.6595591306686401, + 560.54296875, + 15.78515625, + 0.11860030889511108, + 553.08203125, + 388.83203125, + 0.8921523094177246, + 672.45703125, + 15.78515625, + 0.8827536106109619, + 687.37890625, + 321.68359375, + 0.9381140470504761, + 590.38671875, + 209.76953125, + 0.7999054193496704, + 582.92578125, + 306.76171875, + 0.7233930826187134, + 761.98828125, + 194.84765625, + 0.7810640335083008, + 844.05859375, + 314.22265625, + 0.8928227424621582, + 836.59765625, + 306.76171875, + 0.49248021841049194, + 873.90234375, + 381.37109375, + 0.0842527374625206 + ], + "scale": [ + 3.581249952316284, + 4.775000095367432 + ], + "score": 0.7528636932373047 + }, + { + "category_id": 1, + "center": [ + 615.5, + 202.5 + ], + "image_id": 21506940300, + "keypoints": [ + 619.19140625, + -7.91015625, + 0.021790003404021263, + 597.04296875, + 36.38671875, + 0.0029616656247526407, + 641.33984375, + -15.29296875, + 0.002864929148927331, + 464.15234375, + 14.23828125, + 0.0031605209223926067, + 493.68359375, + 6.85546875, + 0.06432640552520752, + 501.06640625, + 21.62109375, + 0.2970425486564636, + 442.00390625, + 124.98046875, + 0.7086220979690552, + 656.10546875, + 43.76953125, + 0.08278647065162659, + 715.16796875, + 206.19140625, + 0.8242502808570862, + 678.25390625, + 29.00390625, + 0.49069350957870483, + 656.10546875, + 36.38671875, + 0.5029189586639404, + 604.42578125, + 198.80859375, + 0.5753127336502075, + 589.66015625, + 309.55078125, + 0.6569832563400269, + 774.23046875, + 213.57421875, + 0.6644822359085083, + 848.05859375, + 316.93359375, + 0.9007565975189209, + 855.44140625, + 324.31640625, + 0.3196050226688385, + 884.97265625, + 427.67578125, + 0.05056591331958771 + ], + "scale": [ + 3.543750047683716, + 4.724999904632568 + ], + "score": 0.5940667241811752 + }, + { + "category_id": 1, + "center": [ + 618.0, + 211.0 + ], + "image_id": 21506940900, + "keypoints": [ + 567.8958129882812, + 14.4375, + 0.010438957251608372, + 853.1041870117188, + 330.4791564941406, + 0.004178038332611322, + 537.0625, + 37.5625, + 0.003699681255966425, + 429.1458435058594, + 6.729166507720947, + 0.0025787153281271458, + 436.8541564941406, + -8.6875, + 0.018992148339748383, + 406.0208435058594, + 45.27083206176758, + 0.23713013529777527, + 429.1458435058594, + 99.22916412353516, + 0.6657992601394653, + 537.0625, + 106.9375, + 0.06123373657464981, + 675.8125, + 45.27083206176758, + 0.6383689641952515, + 683.5208129882812, + 68.39583587646484, + 0.1375293880701065, + 459.9791564941406, + 14.4375, + 0.22978490591049194, + 575.6041870117188, + 207.1458282470703, + 0.7926570177078247, + 591.0208129882812, + 322.7708435058594, + 0.7695410251617432, + 760.6041870117188, + 191.7291717529297, + 0.7700386047363281, + 837.6875, + 307.3541564941406, + 0.875758171081543, + 845.3958129882812, + 315.0625, + 0.5945581197738647, + 883.9375, + 376.7291564941406, + 0.11091012507677078 + ], + "scale": [ + 3.700000047683716, + 4.933333396911621 + ], + "score": 0.6192929115560319 + }, + { + "category_id": 1, + "center": [ + 630.0, + 220.0 + ], + "image_id": 21506950801, + "keypoints": [ + 580.4036254882812, + 25.4296875, + 0.3526974320411682, + 588.0338745117188, + 25.4296875, + 0.011089805513620377, + 565.1432495117188, + 17.79947853088379, + 0.26279962062835693, + 687.2265625, + 185.6640625, + 0.008614533580839634, + 504.1015625, + 17.79947853088379, + 0.19581809639930725, + 465.9505310058594, + 17.79947853088379, + 0.4721998870372772, + 450.6900939941406, + 139.8828125, + 0.6282280683517456, + 580.4036254882812, + 17.79947853088379, + 0.14109356701374054, + 549.8828125, + 399.3099060058594, + 0.9101482033729553, + 641.4453125, + 33.05989456176758, + 0.9094056487083435, + 771.1588745117188, + 345.8984375, + 0.971862256526947, + 588.0338745117188, + 223.8151092529297, + 0.7982392311096191, + 588.0338745117188, + 323.0078125, + 0.719048261642456, + 763.5286254882812, + 193.2942657470703, + 0.7389196157455444, + 801.6796875, + 330.6380310058594, + 0.47971469163894653, + 824.5703125, + 284.8567810058594, + 0.28229832649230957, + 870.3515625, + 406.9400939941406, + 0.13616740703582764 + ], + "scale": [ + 3.6625001430511475, + 4.883333206176758 + ], + "score": 0.6271301036079725 + }, + { + "category_id": 1, + "center": [ + 634.5, + 221.0 + ], + "image_id": 21506951201, + "keypoints": [ + 599.87109375, + 24.76953125, + 0.07285594195127487, + 746.08203125, + 301.80078125, + 0.004598016384989023, + 576.78515625, + 17.07421875, + 0.01970522478222847, + 553.69921875, + -6.01171875, + 0.008058625273406506, + 507.52734375, + 24.76953125, + 0.07872140407562256, + 461.35546875, + 9.37890625, + 0.5346011519432068, + 438.26953125, + 140.19921875, + 0.6206244230270386, + 538.30859375, + 17.07421875, + 0.24287064373493195, + 592.17578125, + 386.44921875, + 0.8603207468986511, + 638.34765625, + 32.46484375, + 0.9250483512878418, + 799.94921875, + 340.27734375, + 0.9829577803611755, + 584.48046875, + 217.15234375, + 0.8282469511032104, + 592.17578125, + 317.19140625, + 0.7346755266189575, + 769.16796875, + 217.15234375, + 0.7039811015129089, + 815.33984375, + 271.01953125, + 0.38634300231933594, + 853.81640625, + 294.10546875, + 0.27203649282455444, + 969.24609375, + 371.05859375, + 0.08999690413475037 + ], + "scale": [ + 3.6937499046325684, + 4.925000190734863 + ], + "score": 0.6447005610574376 + }, + { + "category_id": 1, + "center": [ + 630.0, + 211.0 + ], + "image_id": 21506952401, + "keypoints": [ + 593.7890625, + 5.8046875, + 0.06121345981955528, + 746.6796875, + 295.4921875, + 0.0029078524094074965, + 593.7890625, + 5.8046875, + 0.02758345566689968, + 690.3515625, + 174.7890625, + 0.007539201993495226, + 601.8359375, + 46.0390625, + 0.015454577282071114, + 456.9921875, + 13.8515625, + 0.5134708285331726, + 448.9453125, + 134.5546875, + 0.6814873814582825, + 545.5078125, + 5.8046875, + 0.2828049063682556, + 593.7890625, + 367.9140625, + 0.9010466933250427, + 642.0703125, + 37.9921875, + 0.882907509803772, + 811.0546875, + 343.7734375, + 0.9784516096115112, + 593.7890625, + 206.9765625, + 0.7589353322982788, + 593.7890625, + 311.5859375, + 0.7256156802177429, + 762.7734375, + 206.9765625, + 0.7347508668899536, + 827.1484375, + 287.4453125, + 0.30559661984443665, + 859.3359375, + 295.4921875, + 0.30776500701904297, + 859.3359375, + 432.2890625, + 0.12153690308332443 + ], + "scale": [ + 3.862499952316284, + 5.149999618530273 + ], + "score": 0.642984766851772 + }, + { + "category_id": 1, + "center": [ + 636.5, + 224.0 + ], + "image_id": 21506953201, + "keypoints": [ + 600.58203125, + 20.464828491210938, + 0.02513832598924637, + 656.4544067382812, + 4.501284599304199, + 0.004231381230056286, + 616.5455932617188, + -3.4804868698120117, + 0.014002331532537937, + 536.7278442382812, + -11.462258338928223, + 0.011951209977269173, + 480.85546875, + 20.464828491210938, + 0.040054552257061005, + 456.91015625, + 12.48305606842041, + 0.4949812889099121, + 448.9283752441406, + 132.20962524414062, + 0.703200101852417, + 536.7278442382812, + 12.48305606842041, + 0.32480016350746155, + 560.6731567382812, + 395.60809326171875, + 0.8721217513084412, + 632.5090942382812, + 28.446598052978516, + 0.9449142217636108, + 784.1627807617188, + 387.6263122558594, + 0.9291089773178101, + 600.58203125, + 220.0091094970703, + 0.799103856086731, + 592.6002807617188, + 323.77215576171875, + 0.7401226162910461, + 776.1810302734375, + 212.02734375, + 0.7741613388061523, + 840.03515625, + 307.80859375, + 0.6177268028259277, + 863.98046875, + 331.75390625, + 0.5119609832763672, + 879.9440307617188, + 403.58984375, + 0.11739581823348999 + ], + "scale": [ + 3.8312501907348633, + 5.108333110809326 + ], + "score": 0.7011092819950797 + }, + { + "category_id": 1, + "center": [ + 613.5, + 227.0 + ], + "image_id": 21506958001, + "keypoints": [ + 556.56640625, + 25.83463478088379, + 0.08360760658979416, + 632.4778442382812, + -12.12109375, + 0.011118317022919655, + 533.79296875, + 33.42578125, + 0.027162164449691772, + 700.7981567382812, + 192.83984375, + 0.01455468125641346, + 435.1080627441406, + 18.24349021911621, + 0.18519160151481628, + 488.24609375, + 10.65234375, + 0.4618128538131714, + 435.1080627441406, + 132.1106719970703, + 0.7237153649330139, + 541.3840942382812, + 25.83463478088379, + 0.19233545660972595, + 564.1575317382812, + 390.2096252441406, + 0.891383171081543, + 640.0690307617188, + 41.01692581176758, + 0.8876725435256958, + 776.7096557617188, + 397.80078125, + 0.9558441638946533, + 594.5221557617188, + 223.2044219970703, + 0.8016687035560608, + 586.9309692382812, + 321.8893127441406, + 0.8214936256408691, + 776.7096557617188, + 200.4309844970703, + 0.7977518439292908, + 837.4387817382812, + 314.2981872558594, + 0.8837193250656128, + 845.0299682617188, + 314.2981872558594, + 0.5943304300308228, + 882.9856567382812, + 390.2096252441406, + 0.08796519041061401 + ], + "scale": [ + 3.643749952316284, + 4.858333587646484 + ], + "score": 0.7819392025470734 + }, + { + "category_id": 1, + "center": [ + 621.0, + 240.0 + ], + "image_id": 21506958401, + "keypoints": [ + 543.890625, + -6.015625, + 0.10547152161598206, + 609.984375, + 1.328125, + 0.012361861765384674, + 507.171875, + 23.359375, + 0.014667502604424953, + 705.453125, + 206.953125, + 0.011035225354135036, + 389.671875, + 8.671875, + 0.23420776426792145, + 477.796875, + 8.671875, + 0.3775797486305237, + 441.078125, + 140.859375, + 0.7467542886734009, + 529.203125, + -20.703125, + 0.07788217812776566, + 573.265625, + 397.890625, + 0.8701483607292175, + 639.359375, + 38.046875, + 0.9376622438430786, + 778.890625, + 390.546875, + 0.8583046197891235, + 595.296875, + 228.984375, + 0.7904830574989319, + 595.296875, + 324.453125, + 0.7952824831008911, + 778.890625, + 199.609375, + 0.7588003277778625, + 852.328125, + 309.765625, + 0.8307628631591797, + 859.671875, + 317.109375, + 0.5263914465904236, + 903.734375, + 383.203125, + 0.10679422318935394 + ], + "scale": [ + 3.5249998569488525, + 4.699999809265137 + ], + "score": 0.7023979276418686 + }, + { + "category_id": 1, + "center": [ + 637.0, + 230.5 + ], + "image_id": 21506958700, + "keypoints": [ + 519.1354370117188, + 28.98958396911621, + 0.10432538390159607, + 564.7604370117188, + 6.177083492279053, + 0.005346925463527441, + 519.1354370117188, + 6.177083492279053, + 0.05610762909054756, + 694.03125, + 203.8854217529297, + 0.006056351587176323, + 420.28125, + 21.38541603088379, + 0.26532796025276184, + 473.5104064941406, + 13.78125, + 0.4691334068775177, + 443.09375, + 143.0520782470703, + 0.6882699131965637, + 564.7604370117188, + 6.177083492279053, + 0.16612429916858673, + 572.3645629882812, + 393.9895935058594, + 0.8663519620895386, + 633.1979370117188, + 36.59375, + 0.9709818959236145, + 785.28125, + 401.59375, + 0.8955013751983643, + 595.1770629882812, + 226.6979217529297, + 0.8186466097831726, + 595.1770629882812, + 333.15625, + 0.7587417960166931, + 770.0729370117188, + 196.28125, + 0.843438982963562, + 838.5104370117188, + 310.34375, + 0.8079174757003784, + 853.71875, + 325.5520935058594, + 0.5644544363021851, + 891.7395629882812, + 424.40625, + 0.10081002116203308 + ], + "scale": [ + 3.6500000953674316, + 4.866666793823242 + ], + "score": 0.7226150740276683 + }, + { + "category_id": 1, + "center": [ + 633.0, + 228.5 + ], + "image_id": 21506961201, + "keypoints": [ + 589.8880004882812, + 28.6171875, + 0.1064092367887497, + 644.7578125, + 5.1015625, + 0.010499611496925354, + 574.2109375, + 20.77864646911621, + 0.04864439368247986, + 699.6276245117188, + 193.2265625, + 0.004750641528517008, + 480.1484375, + 20.77864646911621, + 0.08950427174568176, + 456.6328125, + 12.940104484558105, + 0.5056982040405273, + 464.4713439941406, + 154.0338592529297, + 0.700280487537384, + 558.5338745117188, + 20.77864646911621, + 0.22153857350349426, + 542.8567504882812, + 404.8671875, + 0.9174829721450806, + 636.9192504882812, + 36.45573043823242, + 0.918587327003479, + 762.3359375, + 373.5130310058594, + 0.9257280230522156, + 589.8880004882812, + 224.5807342529297, + 0.6965255737304688, + 589.8880004882812, + 326.4817810058594, + 0.6455674171447754, + 762.3359375, + 193.2265625, + 0.8778263330459595, + 825.0442504882812, + 318.6432189941406, + 0.42112815380096436, + 848.5598754882812, + 334.3203125, + 0.4158307909965515, + 872.0755004882812, + 412.7057189941406, + 0.1263725459575653 + ], + "scale": [ + 3.762500047683716, + 5.016666412353516 + ], + "score": 0.6587448960000818 + }, + { + "category_id": 1, + "center": [ + 632.0, + 233.5 + ], + "image_id": 21506962801, + "keypoints": [ + 583.4192504882812, + 50.38801956176758, + 0.7774795293807983, + 590.8932495117188, + 13.018229484558105, + 0.39488738775253296, + 553.5234375, + 27.96614646911621, + 0.8661811947822571, + 695.5286254882812, + 199.8671875, + 0.007786888163536787, + 456.3619689941406, + 5.544270992279053, + 0.7066318988800049, + 508.6796875, + 20.4921875, + 0.36600446701049805, + 463.8359375, + 162.4973907470703, + 0.7230819463729858, + 598.3671875, + 5.544270992279053, + 0.2855845093727112, + 553.5234375, + 409.1380310058594, + 0.9157629013061523, + 650.6848754882812, + 50.38801956176758, + 0.8791114091873169, + 777.7421875, + 401.6640625, + 0.9077205657958984, + 598.3671875, + 229.7630157470703, + 0.7984695434570312, + 598.3671875, + 334.3984375, + 0.7480250597000122, + 770.2682495117188, + 199.8671875, + 0.8297252058982849, + 837.5338745117188, + 319.4505310058594, + 0.8175324201583862, + 852.4817504882812, + 319.4505310058594, + 0.5783641934394836, + 897.3255004882812, + 386.7161560058594, + 0.08911926299333572 + ], + "scale": [ + 3.5874998569488525, + 4.7833333015441895 + ], + "score": 0.706304148832957 + }, + { + "category_id": 1, + "center": [ + 641.0, + 240.0 + ], + "image_id": 21506963100, + "keypoints": [ + 607.3671875, + 79.30989837646484, + 0.5401707291603088, + 622.3151245117188, + 26.9921875, + 0.18476730585098267, + 569.9973754882812, + 49.4140625, + 0.7066724300384521, + 614.8411254882812, + -17.8515625, + 0.004535051994025707, + 465.3619689941406, + 19.51822853088379, + 0.7203242182731628, + 517.6796875, + 26.9921875, + 0.3440796136856079, + 472.8359375, + 176.4713592529297, + 0.7522209882736206, + 547.5755004882812, + -17.8515625, + 0.15264233946800232, + 547.5755004882812, + 438.0599060058594, + 0.8349957466125488, + 644.7369995117188, + 41.94010543823242, + 0.9004662036895752, + 712.0026245117188, + 565.1171875, + 0.05298259109258652, + 599.8932495117188, + 236.2630157470703, + 0.779390811920166, + 599.8932495117188, + 333.4244689941406, + 0.7535091638565063, + 764.3203125, + 198.8932342529297, + 0.7730236649513245, + 846.5338745117188, + 318.4765625, + 0.9004430174827576, + 854.0078125, + 318.4765625, + 0.46177938580513, + 891.3776245117188, + 400.6900939941406, + 0.14072677493095398 + ], + "scale": [ + 3.5874998569488525, + 4.7833333015441895 + ], + "score": 0.7055896644790968 + }, + { + "category_id": 1, + "center": [ + 631.0, + 223.0 + ], + "image_id": 21506967201, + "keypoints": [ + 597.8359375, + 35.0703125, + 0.07917222380638123, + 642.0546875, + 27.70052146911621, + 0.0035283940378576517, + 590.4661254882812, + 20.33072853088379, + 0.10224425792694092, + 686.2734375, + 189.8359375, + 0.008364902809262276, + 509.3984375, + 20.33072853088379, + 0.3629833161830902, + 472.5494689941406, + 12.9609375, + 0.4713885486125946, + 472.5494689941406, + 160.3567657470703, + 0.6832869052886963, + 583.0963745117188, + -9.1484375, + 0.28849178552627563, + 605.2057495117188, + 388.8203125, + 0.8951168060302734, + 627.3151245117188, + 71.91927337646484, + 0.8783301711082458, + 737.8619995117188, + 322.4921875, + 0.909001350402832, + 597.8359375, + 219.3151092529297, + 0.7125570178031921, + 597.8359375, + 315.1224060058594, + 0.7037119269371033, + 759.9713745117188, + 197.2057342529297, + 0.8106949329376221, + 848.4088745117188, + 322.4921875, + 0.6525446176528931, + 848.4088745117188, + 307.7525939941406, + 0.5435670018196106, + 870.5182495117188, + 374.0807189941406, + 0.08907170593738556 + ], + "scale": [ + 3.5374999046325684, + 4.7166666984558105 + ], + "score": 0.6593061983585358 + }, + { + "category_id": 1, + "center": [ + 623.5, + 219.5 + ], + "image_id": 21506969601, + "keypoints": [ + 585.04296875, + 20.222675323486328, + 0.4634915888309479, + 606.01953125, + 6.238300800323486, + 0.1407930850982666, + 564.06640625, + 13.230487823486328, + 0.39297276735305786, + 675.94140625, + 195.02734375, + 0.008641902357339859, + 459.18359375, + 6.238300800323486, + 0.5129140615463257, + 508.12890625, + 27.214860916137695, + 0.35709869861602783, + 473.16796875, + 160.06640625, + 0.7429867386817932, + 592.03515625, + 6.238300800323486, + 0.29311585426330566, + 578.05078125, + 390.8085632324219, + 0.9000970125198364, + 647.97265625, + 55.18360900878906, + 0.9386876821517944, + 710.90234375, + 313.89453125, + 0.9204614758491516, + 599.02734375, + 222.99609375, + 0.7262911796569824, + 599.02734375, + 320.88671875, + 0.7084194421768188, + 759.84765625, + 202.01953125, + 0.7982618808746338, + 836.76171875, + 306.90234375, + 0.9178690910339355, + 829.76953125, + 299.91015625, + 0.43423277139663696, + 878.71484375, + 376.82421875, + 0.12754301726818085 + ], + "scale": [ + 3.3562498092651367, + 4.474999904632568 + ], + "score": 0.6504928746393749 + }, + { + "category_id": 1, + "center": [ + 685.5, + 223.5 + ], + "image_id": 21506970401, + "keypoints": [ + 755.91015625, + 5.563802242279053, + 0.7584157586097717, + 755.91015625, + -21.25911521911621, + 0.021150361746549606, + 729.0872192382812, + -1.1419271230697632, + 0.1938237100839615, + 601.6784057617188, + -1.1419271230697632, + 0.007579005789011717, + 621.7955932617188, + 5.563802242279053, + 0.8602825403213501, + 588.2669067382812, + 18.97525978088379, + 0.3566053509712219, + 581.5612182617188, + 153.08984375, + 0.6478605270385742, + 722.3815307617188, + 106.14974212646484, + 0.033423587679862976, + 534.62109375, + 407.9075622558594, + 0.8164486885070801, + 662.0299682617188, + 92.73828125, + 0.1548314094543457, + 662.0299682617188, + 280.4986877441406, + 0.8043903112411499, + 628.5012817382812, + 226.8528594970703, + 0.7018510103225708, + 615.08984375, + 314.02734375, + 0.5897156000137329, + 769.3215942382812, + 206.7356719970703, + 0.7568619847297668, + 843.0846557617188, + 307.3216247558594, + 0.8838143348693848, + 843.0846557617188, + 307.3216247558594, + 0.6266317367553711, + 896.73046875, + 381.0846252441406, + 0.18360617756843567 + ], + "scale": [ + 3.21875, + 4.2916669845581055 + ], + "score": 0.7093525312163613 + }, + { + "category_id": 1, + "center": [ + 630.5, + 222.5 + ], + "image_id": 21506970801, + "keypoints": [ + 597.62890625, + 28.92578125, + 0.04984899237751961, + 853.29296875, + 335.72265625, + 0.006243057548999786, + 590.32421875, + 14.31640625, + 0.06067202240228653, + 685.28515625, + 218.84765625, + 0.012928838841617107, + 502.66796875, + 36.23046875, + 0.08385265618562698, + 466.14453125, + 14.31640625, + 0.48376354575157166, + 473.44921875, + 160.41015625, + 0.7179518938064575, + 575.71484375, + -0.29296875, + 0.38026517629623413, + 539.19140625, + 401.46484375, + 0.8727723956108093, + 648.76171875, + 65.44921875, + 0.899796187877655, + 663.37109375, + 284.58984375, + 0.731192946434021, + 590.32421875, + 218.84765625, + 0.731027364730835, + 597.62890625, + 321.11328125, + 0.6706125140190125, + 765.63671875, + 196.93359375, + 0.8246886134147644, + 838.68359375, + 306.50390625, + 0.9483504295349121, + 845.98828125, + 306.50390625, + 0.6957638263702393, + 882.51171875, + 379.55078125, + 0.09144101291894913 + ], + "scale": [ + 3.5062501430511475, + 4.675000190734863 + ], + "score": 0.7232895358042284 + }, + { + "category_id": 1, + "center": [ + 613.5, + 223.0 + ], + "image_id": 21506971201, + "keypoints": [ + 588.20703125, + 9.81640625, + 0.07758103311061859, + 602.66015625, + 9.81640625, + 0.014982473105192184, + 588.20703125, + 9.81640625, + 0.049702513962984085, + 696.60546875, + 190.48046875, + 0.012074480764567852, + 443.67578125, + 17.04296875, + 0.1822153627872467, + 465.35546875, + 17.04296875, + 0.3309972882270813, + 472.58203125, + 161.57421875, + 0.7577351331710815, + 573.75390625, + -4.63671875, + 0.3671262264251709, + 537.62109375, + 407.27734375, + 0.8996649384498596, + 646.01953125, + 60.40234375, + 0.8938632011413574, + 667.69921875, + 277.19921875, + 0.8298721313476562, + 588.20703125, + 219.38671875, + 0.724492073059082, + 588.20703125, + 313.33203125, + 0.6656885147094727, + 768.87109375, + 204.93359375, + 0.7682182788848877, + 833.91015625, + 306.10546875, + 0.9343798160552979, + 848.36328125, + 298.87890625, + 0.41785693168640137, + 898.94921875, + 371.14453125, + 0.08041809499263763 + ], + "scale": [ + 3.46875, + 4.625 + ], + "score": 0.6899904121052135 + }, + { + "category_id": 1, + "center": [ + 633.5, + 212.0 + ], + "image_id": 21506971601, + "keypoints": [ + 468.8059997558594, + 7.13671875, + 0.007542527746409178, + 798.1940307617188, + 344.55859375, + 0.0016099265776574612, + 838.36328125, + 296.35546875, + 0.01214529201388359, + 701.7877807617188, + 175.84765625, + 0.007263680454343557, + 444.7044372558594, + 7.13671875, + 0.23286515474319458, + 492.9075622558594, + -0.8971354365348816, + 0.30582737922668457, + 412.5690002441406, + 111.57682037353516, + 0.8083013296127319, + 605.3815307617188, + -0.8971354365348816, + 0.5249992609024048, + 549.14453125, + 336.5247497558594, + 0.8883795738220215, + 677.6862182617188, + 63.37369918823242, + 0.9127769470214844, + 733.9231567382812, + 328.4908752441406, + 0.9107479453086853, + 589.3137817382812, + 199.94921875, + 0.774878740310669, + 573.24609375, + 288.3216247558594, + 0.7364194393157959, + 758.0247192382812, + 191.9153594970703, + 0.781684398651123, + 838.36328125, + 304.3893127441406, + 0.8268336653709412, + 830.3294067382812, + 296.35546875, + 0.5947438478469849, + 878.5325317382812, + 360.6263122558594, + 0.16278240084648132 + ], + "scale": [ + 3.856250047683716, + 5.141666412353516 + ], + "score": 0.6915381401777267 + }, + { + "category_id": 1, + "center": [ + 631.5, + 225.0 + ], + "image_id": 21506976001, + "keypoints": [ + 587.3137817382812, + 20.13671875, + 0.04113087058067322, + 651.5846557617188, + 4.069010257720947, + 0.005199410021305084, + 595.34765625, + 12.102864265441895, + 0.02116188406944275, + 691.75390625, + 188.84765625, + 0.010485473088920116, + 474.83984375, + 20.13671875, + 0.054391779005527496, + 450.73828125, + 4.069010257720947, + 0.5317917466163635, + 458.7721252441406, + 156.7122344970703, + 0.6912147998809814, + 555.1784057617188, + 12.102864265441895, + 0.435245156288147, + 571.24609375, + 389.6940002441406, + 0.857901930809021, + 635.5169067382812, + 52.27213668823242, + 0.9124504327774048, + 780.1262817382812, + 389.6940002441406, + 0.8800215125083923, + 587.3137817382812, + 220.9830780029297, + 0.7976632118225098, + 587.3137817382812, + 325.4231872558594, + 0.7645350694656372, + 756.0247192382812, + 196.8815155029297, + 0.8375931978225708, + 836.36328125, + 309.35546875, + 0.7962738275527954, + 852.4309692382812, + 325.4231872558594, + 0.6567028760910034, + 892.6002807617188, + 389.6940002441406, + 0.16556577384471893 + ], + "scale": [ + 3.856250047683716, + 5.141666412353516 + ], + "score": 0.7419448874213479 + }, + { + "category_id": 1, + "center": [ + 654.5, + 231.5 + ], + "image_id": 21506976401, + "keypoints": [ + 617.29296875, + 12.391926765441895, + 0.0452837198972702, + 666.90234375, + -4.14453125, + 0.006634693127125502, + 633.8294067382812, + -4.14453125, + 0.03300510719418526, + 559.4153442382812, + -4.14453125, + 0.012294935062527657, + 518.07421875, + 20.66015625, + 0.04132775217294693, + 451.9283752441406, + 12.391926765441895, + 0.5086460709571838, + 468.46484375, + 161.2200469970703, + 0.7921191453933716, + 551.1471557617188, + 12.391926765441895, + 0.4930075705051422, + 551.1471557617188, + 400.9986877441406, + 0.9462804794311523, + 650.3659057617188, + 37.19661331176758, + 0.9337098598480225, + 774.3893432617188, + 400.9986877441406, + 0.9361492395401001, + 600.7565307617188, + 227.3658905029297, + 0.8252559900283813, + 600.7565307617188, + 318.31640625, + 0.7371203899383545, + 766.12109375, + 219.09765625, + 0.9237582683563232, + 848.8034057617188, + 310.0481872558594, + 0.7267096638679504, + 857.0715942382812, + 310.0481872558594, + 0.6321958303451538, + 881.8762817382812, + 409.2669372558594, + 0.2342299222946167 + ], + "scale": [ + 3.96875, + 5.291666507720947 + ], + "score": 0.7240985358754793 + }, + { + "category_id": 1, + "center": [ + 613.0, + 208.0 + ], + "image_id": 21506979601, + "keypoints": [ + 536.4375, + 14.770833015441895, + 0.03192031383514404, + 930.1875, + 525.1875, + 0.002767689060419798, + 529.1458129882812, + 7.479166507720947, + 0.016423067077994347, + 674.9791870117188, + 182.4791717529297, + 0.005470669362694025, + 470.8125, + 14.770833015441895, + 0.08988425135612488, + 456.2291564941406, + 7.479166507720947, + 0.5452442169189453, + 456.2291564941406, + 138.7291717529297, + 0.7280266880989075, + 543.7291870117188, + 14.770833015441895, + 0.49369528889656067, + 580.1875, + 379.3541564941406, + 0.868425190448761, + 667.6875, + 7.479166507720947, + 0.9274968504905701, + 733.3125, + 255.3958282470703, + 0.9246563911437988, + 587.4791870117188, + 211.6458282470703, + 0.7293235063552856, + 594.7708129882812, + 306.4375, + 0.7122558951377869, + 769.7708129882812, + 197.0625, + 0.7433209419250488, + 842.6875, + 313.7291564941406, + 0.871208667755127, + 835.3958129882812, + 306.4375, + 0.36073946952819824, + 930.1875, + 415.8125, + 0.11510700732469559 + ], + "scale": [ + 3.5, + 4.666666507720947 + ], + "score": 0.71858119151809 + }, + { + "category_id": 1, + "center": [ + 629.5, + 231.0 + ], + "image_id": 21506980001, + "keypoints": [ + 566.3034057617188, + 11.670573234558105, + 0.007746855728328228, + 625.7825317382812, + 63.71484375, + 0.0019085417734459043, + 722.4362182617188, + 190.1080780029297, + 0.001745445653796196, + 722.4362182617188, + 197.54296875, + 0.004633614327758551, + 454.7799377441406, + 33.97526168823242, + 0.02587749809026718, + 462.21484375, + 11.670573234558105, + 0.5016417503356934, + 454.7799377441406, + 138.0637969970703, + 0.6885820627212524, + 573.73828125, + 11.670573234558105, + 0.6184312105178833, + 543.9987182617188, + 405.7200622558594, + 0.8882695436477661, + 700.1315307617188, + 19.10546875, + 0.920854926109314, + 767.0455932617188, + 383.4153747558594, + 0.9223077893257141, + 588.6080932617188, + 227.2825469970703, + 0.7717858552932739, + 588.6080932617188, + 323.9361877441406, + 0.663707435131073, + 767.0455932617188, + 204.9778594970703, + 0.8501031994819641, + 833.9596557617188, + 331.37109375, + 0.7867308855056763, + 848.8294067382812, + 316.5013122558594, + 0.6166608929634094, + 886.00390625, + 442.89453125, + 0.17543897032737732 + ], + "scale": [ + 3.5687499046325684, + 4.758333206176758 + ], + "score": 0.7480977773666382 + }, + { + "category_id": 1, + "center": [ + 630.5, + 233.0 + ], + "image_id": 21506986401, + "keypoints": [ + 566.1965942382812, + 9.829426765441895, + 0.015717482194304466, + 604.0221557617188, + -5.30078125, + 0.0017351022688671947, + 566.1965942382812, + 9.829426765441895, + 0.0074974121525883675, + 634.2825317382812, + -20.43099021911621, + 0.004983907099813223, + 467.8502502441406, + 32.52473831176758, + 0.05227915197610855, + 460.28515625, + 17.39453125, + 0.5786750316619873, + 452.7200622558594, + 153.56640625, + 0.6935123205184937, + 566.1965942382812, + 17.39453125, + 0.5617056488990784, + 543.5012817382812, + 410.7799377441406, + 0.8981016874313354, + 687.23828125, + 24.95963478088379, + 0.9116678237915039, + 762.8893432617188, + 388.0846252441406, + 0.9265553951263428, + 588.8919067382812, + 229.2174530029297, + 0.7552319765090942, + 588.8919067382812, + 335.12890625, + 0.7268272042274475, + 762.8893432617188, + 206.5221405029297, + 0.8473691344261169, + 838.5403442382812, + 327.5638122558594, + 0.799825131893158, + 846.10546875, + 319.9986877441406, + 0.6094316840171814, + 891.49609375, + 441.0403747558594, + 0.14438003301620483 + ], + "scale": [ + 3.6312499046325684, + 4.8416666984558105 + ], + "score": 0.7553548216819763 + }, + { + "category_id": 1, + "center": [ + 629.5, + 230.5 + ], + "image_id": 21506987000, + "keypoints": [ + 602.83984375, + 36.26171875, + 0.012739050202071667, + 861.82421875, + 356.18359375, + 0.002801399677991867, + 724.71484375, + 180.98828125, + 0.005040805321186781, + 633.30859375, + 21.02734375, + 0.0037861319724470377, + 473.34765625, + 28.64453125, + 0.017979923635721207, + 458.11328125, + 21.02734375, + 0.5328716039657593, + 458.11328125, + 158.13671875, + 0.677693247795105, + 557.13671875, + 21.02734375, + 0.49331796169281006, + 549.51953125, + 409.50390625, + 0.9165022373199463, + 686.62890625, + 21.02734375, + 0.8949360251426697, + 770.41796875, + 386.65234375, + 0.928067147731781, + 595.22265625, + 226.69140625, + 0.7702469825744629, + 595.22265625, + 333.33203125, + 0.7237486839294434, + 770.41796875, + 196.22265625, + 0.797143816947937, + 838.97265625, + 325.71484375, + 0.8305031657218933, + 846.58984375, + 325.71484375, + 0.5873043537139893, + 892.29296875, + 439.97265625, + 0.1180284172296524 + ], + "scale": [ + 3.65625, + 4.875 + ], + "score": 0.741121384230527 + }, + { + "category_id": 1, + "center": [ + 629.0, + 201.5 + ], + "image_id": 21506989900, + "keypoints": [ + 588.0364379882812, + 4.13022518157959, + 0.13528397679328918, + 900.8489379882812, + 622.3072509765625, + 0.002920654136687517, + 573.140625, + -3.317690849304199, + 0.01369460579007864, + 543.3489379882812, + -18.213523864746094, + 0.006213009357452393, + 453.9739685058594, + 4.13022518157959, + 0.012308633886277676, + 453.9739685058594, + 19.026058197021484, + 0.41135919094085693, + 446.52606201171875, + 115.84896850585938, + 0.6561761498451233, + 550.796875, + 11.578141212463379, + 0.11139775067567825, + 707.203125, + 220.1197967529297, + 0.8422300815582275, + 595.484375, + 4.13022518157959, + 0.39464956521987915, + 818.921875, + 56.2656364440918, + 0.8961141109466553, + 602.9323120117188, + 212.671875, + 0.6699659824371338, + 588.0364379882812, + 309.4947814941406, + 0.6848127841949463, + 774.234375, + 220.1197967529297, + 0.5824209451675415, + 848.7135009765625, + 309.4947814941406, + 0.8846715688705444, + 848.7135009765625, + 316.94268798828125, + 0.36812084913253784, + 885.953125, + 398.8697814941406, + 0.05738571286201477 + ], + "scale": [ + 3.5749998092651367, + 4.766666412353516 + ], + "score": 0.6390521228313446 + }, + { + "category_id": 1, + "center": [ + 654.5, + 200.5 + ], + "image_id": 21507010001, + "keypoints": [ + 587.76171875, + -7.566422939300537, + 0.019647635519504547, + 886.12109375, + 180.87109375, + 0.0029181367717683315, + 642.72265625, + -164.59768676757812, + 0.0025771416258066893, + 493.54296875, + -7.566422939300537, + 0.0014855880290269852, + 462.1366882324219, + -7.566422939300537, + 0.03135383129119873, + 469.98828125, + 15.988265991210938, + 0.5423321723937988, + 454.2851257324219, + 141.61328125, + 0.8056967854499817, + 548.50390625, + 125.91014862060547, + 0.06694258004426956, + 650.57421875, + 290.79296875, + 0.8763905763626099, + 642.72265625, + 220.12890625, + 0.05822575464844704, + 815.45703125, + 165.16796875, + 0.8972988128662109, + 611.31640625, + 220.12890625, + 0.7099441289901733, + 611.31640625, + 314.34765625, + 0.754199743270874, + 791.90234375, + 212.27734375, + 0.7165327668190002, + 839.01171875, + 314.34765625, + 0.9759864807128906, + 831.16015625, + 314.34765625, + 0.5212641954421997, + 886.12109375, + 400.7148742675781, + 0.0541415810585022 + ], + "scale": [ + 3.7687501907348633, + 5.025000095367432 + ], + "score": 0.7555161847008599 + }, + { + "category_id": 1, + "center": [ + 628.5, + 207.5 + ], + "image_id": 21507012300, + "keypoints": [ + 617.23046875, + 0.8919270634651184, + 0.23052823543548584, + 857.6471557617188, + 301.4127502441406, + 0.005540238693356514, + 587.1784057617188, + 8.404948234558105, + 0.030715208500623703, + 594.69140625, + -14.134114265441895, + 0.004878635052591562, + 481.99609375, + -14.134114265441895, + 0.049692392349243164, + 474.4830627441406, + 23.43099021911621, + 0.6087223291397095, + 451.9440002441406, + 151.15234375, + 0.7719842195510864, + 572.15234375, + 173.69140625, + 0.055882133543491364, + 579.6653442382812, + 369.0299377441406, + 0.8631806373596191, + 737.4387817382812, + 203.7434844970703, + 0.039806656539440155, + 729.92578125, + 271.3606872558594, + 0.9530465602874756, + 602.2044067382812, + 218.76953125, + 0.7729779481887817, + 609.7174682617188, + 308.92578125, + 0.7735573053359985, + 775.00390625, + 196.23046875, + 0.8428878784179688, + 842.62109375, + 308.92578125, + 0.9052681922912598, + 850.1340942382812, + 308.92578125, + 0.5051343441009521, + 887.69921875, + 369.0299377441406, + 0.13500407338142395 + ], + "scale": [ + 3.606250047683716, + 4.808333396911621 + ], + "score": 0.7227287650108337 + }, + { + "category_id": 1, + "center": [ + 639.5, + 201.0 + ], + "image_id": 21507001601, + "keypoints": [ + 581.78515625, + -2.92578125, + 0.043031636625528336, + 866.51171875, + 189.45703125, + 0.005845431704074144, + 835.73046875, + 289.49609375, + 0.0032526415307074785, + 481.74609375, + -56.79296875, + 0.0016543511301279068, + 458.66015625, + -2.92578125, + 0.03452862799167633, + 474.05078125, + 20.16015625, + 0.563605546951294, + 450.96484375, + 120.19921875, + 0.703654944896698, + 581.78515625, + 127.89453125, + 0.10400209575891495, + 635.65234375, + 320.27734375, + 0.8614906668663025, + 735.69140625, + 135.58984375, + 0.09925270080566406, + 797.25390625, + 189.45703125, + 0.876090407371521, + 604.87109375, + 220.23828125, + 0.7007946968078613, + 597.17578125, + 312.58203125, + 0.7138612270355225, + 781.86328125, + 189.45703125, + 0.7304154634475708, + 843.42578125, + 304.88671875, + 0.894585371017456, + 851.12109375, + 312.58203125, + 0.38926810026168823, + 904.98828125, + 412.62109375, + 0.07221195101737976 + ], + "scale": [ + 3.6937499046325684, + 4.925000190734863 + ], + "score": 0.7148629360728793 + }, + { + "category_id": 1, + "center": [ + 647.0, + 218.0 + ], + "image_id": 21507016600, + "keypoints": [ + 579.9296875, + -6.8828125, + 0.0391690731048584, + 789.03125, + 707.21875, + 0.0009358871611766517, + 556.2578125, + 8.8984375, + 0.00831459742039442, + 714.0703125, + 182.4921875, + 0.0037162869703024626, + 469.4609375, + 8.8984375, + 0.08051901310682297, + 493.1328125, + 32.5703125, + 0.709266185760498, + 453.6796875, + 158.8203125, + 0.7892239689826965, + 627.2734375, + 87.8046875, + 0.8285697102546692, + 564.1484375, + 387.6484375, + 0.8994550108909607, + 769.3046875, + 119.3671875, + 0.8784738779067993, + 714.0703125, + 332.4140625, + 0.9636650085449219, + 595.7109375, + 229.8359375, + 0.8163672685623169, + 603.6015625, + 324.5234375, + 0.6746925115585327, + 769.3046875, + 190.3828125, + 0.8083338141441345, + 840.3203125, + 308.7421875, + 0.7977885603904724, + 848.2109375, + 308.7421875, + 0.4782423973083496, + 863.9921875, + 363.9765625, + 0.14088933169841766 + ], + "scale": [ + 3.7874999046325684, + 5.050000190734863 + ], + "score": 0.7858253013003956 + }, + { + "category_id": 1, + "center": [ + 621.5, + 219.5 + ], + "image_id": 21507016900, + "keypoints": [ + 562.61328125, + -27.824237823486328, + 0.03768409788608551, + 539.05859375, + -35.67580032348633, + 0.001673052553087473, + 562.61328125, + -35.67580032348633, + 0.015545349568128586, + 429.1366882324219, + -35.67580032348633, + 0.004063516855239868, + 476.24609375, + 3.5820138454437256, + 0.17560622096061707, + 491.94921875, + 27.136703491210938, + 0.6751912832260132, + 452.69140625, + 160.61328125, + 0.823763370513916, + 625.42578125, + 74.24607849121094, + 0.8753888607025146, + 570.46484375, + 396.16015625, + 0.8909265995025635, + 790.30859375, + 42.83982849121094, + 0.8584617376327515, + 719.64453125, + 325.49609375, + 0.9341820478439331, + 594.01953125, + 223.42578125, + 0.7426997423171997, + 586.16796875, + 317.64453125, + 0.7862505912780762, + 766.75390625, + 192.01953125, + 0.8404831886291504, + 845.26953125, + 309.79296875, + 0.7537466883659363, + 853.12109375, + 286.23828125, + 0.5369061827659607, + 853.12109375, + 301.94140625, + 0.10275204479694366 + ], + "scale": [ + 3.7687501907348633, + 5.025000095367432 + ], + "score": 0.7925454811616377 + }, + { + "category_id": 1, + "center": [ + 636.0, + 223.0 + ], + "image_id": 21507017201, + "keypoints": [ + 562.5234375, + 18.0390625, + 0.06746187806129456, + 554.7890625, + 25.7734375, + 0.0021646118257194757, + 554.7890625, + 10.3046875, + 0.03182617202401161, + 485.1796875, + -36.1015625, + 0.0029077045619487762, + 477.4453125, + 18.0390625, + 0.13020023703575134, + 485.1796875, + 25.7734375, + 0.6604849696159363, + 454.2421875, + 157.2578125, + 0.7984529137611389, + 616.6640625, + 72.1796875, + 0.8738938570022583, + 570.2578125, + 389.2890625, + 0.8620190620422363, + 786.8203125, + 64.4453125, + 0.8278837203979492, + 717.2109375, + 327.4140625, + 0.9547609686851501, + 593.4609375, + 226.8671875, + 0.7147644758224487, + 601.1953125, + 327.4140625, + 0.7507479786872864, + 763.6171875, + 195.9296875, + 0.8767874240875244, + 856.4296875, + 311.9453125, + 0.874354362487793, + 856.4296875, + 304.2109375, + 0.5266510844230652, + 902.8359375, + 420.2265625, + 0.09747650474309921 + ], + "scale": [ + 3.7125000953674316, + 4.949999809265137 + ], + "score": 0.7928000742738898 + }, + { + "category_id": 1, + "center": [ + 616.5, + 218.0 + ], + "image_id": 21507017600, + "keypoints": [ + 612.69140625, + 16.14453125, + 0.017942659556865692, + 681.24609375, + 46.61328125, + 0.003469723742455244, + 818.35546875, + 297.98046875, + 0.004774637520313263, + 452.73046875, + 16.14453125, + 0.0031389170326292515, + 506.05078125, + 16.14453125, + 0.042617689818143845, + 490.81640625, + 31.37890625, + 0.6526810526847839, + 452.73046875, + 153.25390625, + 0.7609143257141113, + 627.92578125, + 77.08203125, + 0.814886212348938, + 566.98828125, + 397.00390625, + 0.8888332843780518, + 787.88671875, + 92.31640625, + 0.8365463614463806, + 711.71484375, + 328.44921875, + 0.8976672887802124, + 597.45703125, + 221.80859375, + 0.7338228225708008, + 589.83984375, + 313.21484375, + 0.7561385631561279, + 765.03515625, + 198.95703125, + 0.8839591145515442, + 841.20703125, + 305.59765625, + 0.871027946472168, + 841.20703125, + 297.98046875, + 0.499756783246994, + 871.67578125, + 381.76953125, + 0.1045900359749794 + ], + "scale": [ + 3.65625, + 4.875 + ], + "score": 0.7814757959409193 + }, + { + "category_id": 1, + "center": [ + 620.5, + 224.0 + ], + "image_id": 21507017900, + "keypoints": [ + 549.1262817382812, + 17.39192771911621, + 0.06617403775453568, + 571.6653442382812, + -5.147135257720947, + 0.0032067918218672276, + 549.1262817382812, + 17.39192771911621, + 0.04967857524752617, + 473.99609375, + -27.68619728088379, + 0.0024925661273300648, + 511.5611877441406, + 24.90494728088379, + 0.10658825188875198, + 496.53515625, + 32.41796875, + 0.6248350143432617, + 458.9700622558594, + 160.1393280029297, + 0.7790852785110474, + 624.2565307617188, + 69.98307037353516, + 0.8561776876449585, + 564.15234375, + 393.04296875, + 0.8647470474243164, + 797.0559692382812, + 77.49609375, + 0.8643392324447632, + 714.4127807617188, + 325.42578125, + 0.9636275768280029, + 594.2044067382812, + 220.2434844970703, + 0.7576767802238464, + 586.69140625, + 317.9127502441406, + 0.767632007598877, + 767.00390625, + 197.7044219970703, + 0.8916198015213013, + 842.1340942382812, + 302.88671875, + 0.8994194865226746, + 849.6471557617188, + 287.8606872558594, + 0.48097866773605347, + 887.2122192382812, + 370.50390625, + 0.07596048712730408 + ], + "scale": [ + 3.606250047683716, + 4.808333396911621 + ], + "score": 0.7954671437090094 + }, + { + "category_id": 1, + "center": [ + 644.5, + 228.0 + ], + "image_id": 21507018200, + "keypoints": [ + 551.8112182617188, + 22.47265625, + 0.14576634764671326, + 559.87109375, + 14.412760734558105, + 0.007209156174212694, + 551.8112182617188, + 6.352864742279053, + 0.07396946847438812, + 479.2721252441406, + -42.00651168823242, + 0.0021988721564412117, + 479.2721252441406, + 14.412760734558105, + 0.08095119893550873, + 487.33203125, + 30.53255271911621, + 0.7059897184371948, + 455.0924377441406, + 167.55078125, + 0.7706872820854187, + 624.3502807617188, + 70.83203125, + 0.8819949626922607, + 567.9309692382812, + 393.2278747558594, + 0.8598275780677795, + 785.5481567382812, + 70.83203125, + 0.8388726711273193, + 713.0090942382812, + 328.7486877441406, + 0.9757208824157715, + 592.1106567382812, + 232.0299530029297, + 0.7935068607330322, + 592.1106567382812, + 320.6888122558594, + 0.660449743270874, + 753.30859375, + 215.91015625, + 0.8124757409095764, + 841.9674682617188, + 296.5091247558594, + 0.7127461433410645, + 841.9674682617188, + 288.44921875, + 0.5613661408424377, + 874.20703125, + 369.0481872558594, + 0.23697811365127563 + ], + "scale": [ + 3.8687500953674316, + 5.1583333015441895 + ], + "score": 0.7342179864645004 + }, + { + "category_id": 1, + "center": [ + 634.0, + 219.5 + ], + "image_id": 21507018500, + "keypoints": [ + 556.0703125, + 22.8203125, + 0.13203106820583344, + 518.9609375, + 0.5546875, + 0.0034593921154737473, + 556.0703125, + 15.3984375, + 0.07000501453876495, + 444.7421875, + -21.7109375, + 0.003292702604085207, + 481.8515625, + 22.8203125, + 0.1827365607023239, + 489.2734375, + 37.6640625, + 0.6784297823905945, + 459.5859375, + 163.8359375, + 0.7876359820365906, + 622.8671875, + 74.7734375, + 0.8686431646347046, + 570.9140625, + 393.9140625, + 0.881937563419342, + 786.1484375, + 67.3515625, + 0.8111351728439331, + 719.3515625, + 327.1171875, + 0.9294787049293518, + 593.1796875, + 230.6328125, + 0.7552187442779541, + 593.1796875, + 319.6953125, + 0.7570587992668152, + 771.3046875, + 223.2109375, + 0.8353143334388733, + 845.5234375, + 304.8515625, + 0.7817995548248291, + 845.5234375, + 297.4296875, + 0.5339900255203247, + 860.3671875, + 349.3828125, + 0.09758210927248001 + ], + "scale": [ + 3.5625, + 4.75 + ], + "score": 0.783694711598483 + }, + { + "category_id": 1, + "center": [ + 639.0, + 220.0 + ], + "image_id": 21507018800, + "keypoints": [ + 543.296875, + 17.109357833862305, + 0.12051265686750412, + 704.078125, + 55.39060974121094, + 0.005269970279186964, + 535.640625, + 1.7968568801879883, + 0.05093879625201225, + 466.734375, + 9.453107833862305, + 0.0025022225454449654, + 459.078125, + 17.109357833862305, + 0.12415039539337158, + 489.703125, + 32.42185974121094, + 0.6602815389633179, + 451.4218444824219, + 154.921875, + 0.7843172550201416, + 627.515625, + 70.70310974121094, + 0.8551336526870728, + 566.265625, + 392.265625, + 0.8770875334739685, + 788.296875, + 70.70310974121094, + 0.8318436145782471, + 719.390625, + 323.359375, + 0.9743677377700806, + 596.890625, + 231.484375, + 0.7953277826309204, + 596.890625, + 323.359375, + 0.7211921215057373, + 765.328125, + 216.171875, + 0.8137755393981934, + 849.546875, + 308.046875, + 0.7175878286361694, + 849.546875, + 300.390625, + 0.604967474937439, + 895.484375, + 384.609375, + 0.14949144423007965 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.7850801890546625 + }, + { + "category_id": 1, + "center": [ + 630.5, + 219.0 + ], + "image_id": 21507019100, + "keypoints": [ + 573.56640625, + -4.938802242279053, + 0.02111649513244629, + 846.84765625, + 306.2981872558594, + 0.0017793348524719477, + 824.07421875, + 291.1158752441406, + 0.008216441608965397, + 444.5169372558594, + -35.30338668823242, + 0.002874902216717601, + 474.8815002441406, + 17.83463478088379, + 0.029693134129047394, + 482.47265625, + 33.01692581176758, + 0.6860752105712891, + 459.69921875, + 154.4752655029297, + 0.7997514605522156, + 634.2955932617188, + 70.97265625, + 0.8251510262489319, + 573.56640625, + 397.3919372558594, + 0.9041202664375305, + 793.7096557617188, + 78.56380462646484, + 0.8668636083602905, + 717.7981567382812, + 329.0716247558594, + 0.9676623344421387, + 596.33984375, + 230.38671875, + 0.7256942391395569, + 588.7487182617188, + 321.48046875, + 0.7408274412155151, + 770.9362182617188, + 207.61328125, + 0.8184203505516052, + 839.2565307617188, + 306.2981872558594, + 0.8268559575080872, + 846.84765625, + 291.1158752441406, + 0.5068018436431885, + 854.4387817382812, + 351.8450622558594, + 0.1031033918261528 + ], + "scale": [ + 3.643749952316284, + 4.858333587646484 + ], + "score": 0.7880203398791227 + }, + { + "category_id": 1, + "center": [ + 629.0, + 219.0 + ], + "image_id": 21507019400, + "keypoints": [ + 563.921875, + 0.7968568801879883, + 0.030191753059625626, + 694.078125, + 46.73435974121094, + 0.0031315928790718317, + 831.890625, + 299.390625, + 0.018859460949897766, + 464.390625, + 16.109357833862305, + 0.0030823107808828354, + 517.984375, + 16.109357833862305, + 0.05777687579393387, + 502.671875, + 39.07810974121094, + 0.6256603002548218, + 456.734375, + 161.578125, + 0.7516331672668457, + 625.171875, + 77.35935974121094, + 0.8603637218475342, + 571.578125, + 391.265625, + 0.905347466468811, + 785.953125, + 77.35935974121094, + 0.8234668970108032, + 717.046875, + 330.015625, + 0.9509470462799072, + 594.546875, + 222.828125, + 0.7642359733581543, + 586.890625, + 314.703125, + 0.7453494071960449, + 762.984375, + 215.171875, + 0.8717407584190369, + 847.203125, + 307.046875, + 0.7563440203666687, + 847.203125, + 299.390625, + 0.6271346211433411, + 862.515625, + 352.984375, + 0.1558830887079239 + ], + "scale": [ + 3.6750001907348633, + 4.900000095367432 + ], + "score": 0.789293034510179 + }, + { + "category_id": 1, + "center": [ + 636.5, + 218.0 + ], + "image_id": 21507019700, + "keypoints": [ + 532.26171875, + 21.10546875, + 0.014536809176206589, + 640.3606567382812, + -2.05859375, + 0.001838729833252728, + 632.6393432617188, + 59.71223831176758, + 0.0033736436162143946, + 424.1627502441406, + -40.66536331176758, + 0.002442287979647517, + 470.4908752441406, + 5.662760257720947, + 0.03756621852517128, + 478.2122497558594, + 28.82682228088379, + 0.7301422953605652, + 462.76953125, + 152.3684844970703, + 0.7670148015022278, + 609.4752807617188, + 75.15494537353516, + 0.9155694246292114, + 570.8684692382812, + 391.73046875, + 0.8984839916229248, + 756.1809692382812, + 28.82682228088379, + 0.9471043348312378, + 717.57421875, + 322.23828125, + 0.9165924787521362, + 601.75390625, + 214.1393280029297, + 0.7832731008529663, + 594.0325317382812, + 306.7955627441406, + 0.7147771120071411, + 771.6237182617188, + 214.1393280029297, + 0.7421025633811951, + 848.8372192382812, + 299.07421875, + 0.6989266872406006, + 856.55859375, + 291.3528747558594, + 0.669435977935791, + 872.0012817382812, + 306.7955627441406, + 0.12164193391799927 + ], + "scale": [ + 3.706249952316284, + 4.941666603088379 + ], + "score": 0.7984929789196361 + }, + { + "category_id": 1, + "center": [ + 633.5, + 219.5 + ], + "image_id": 21507020000, + "keypoints": [ + 550.23828125, + 9.36328125, + 0.052147045731544495, + 518.51953125, + -30.28515625, + 0.0018655697349458933, + 558.16796875, + 1.43359375, + 0.014281826093792915, + 677.11328125, + 104.51953125, + 0.0034017967991530895, + 478.87109375, + 9.36328125, + 0.08350353688001633, + 470.94140625, + 33.15234375, + 0.715009868144989, + 463.01171875, + 152.09765625, + 0.6296759843826294, + 605.74609375, + 72.80078125, + 0.8841520547866821, + 574.02734375, + 389.98828125, + 0.8927553296089172, + 764.33984375, + 41.08203125, + 0.9373999238014221, + 716.76171875, + 326.55078125, + 0.9391700029373169, + 589.88671875, + 223.46484375, + 0.8009312152862549, + 597.81640625, + 318.62109375, + 0.7200465202331543, + 764.33984375, + 215.53515625, + 0.6767473220825195, + 843.63671875, + 302.76171875, + 0.6973825693130493, + 851.56640625, + 294.83203125, + 0.5974741578102112, + 867.42578125, + 350.33984375, + 0.14539609849452972 + ], + "scale": [ + 3.8062500953674316, + 5.074999809265137 + ], + "score": 0.7718859043988314 + }, + { + "category_id": 1, + "center": [ + 643.0, + 213.5 + ], + "image_id": 21507020800, + "keypoints": [ + 571.75, + 14.75, + 0.024163756519556046, + 796.75, + 329.75, + 0.004083485342562199, + 834.25, + 292.25, + 0.01500242855399847, + 639.25, + 119.75, + 0.006363140884786844, + 519.25, + 14.75, + 0.03608551621437073, + 481.75, + 29.75, + 0.6760506629943848, + 466.75, + 164.75, + 0.6037276387214661, + 609.25, + 74.75, + 0.8515159487724304, + 571.75, + 397.25, + 0.895211935043335, + 759.25, + 44.75, + 0.9040616750717163, + 721.75, + 329.75, + 0.9537144899368286, + 594.25, + 224.75, + 0.8545214533805847, + 594.25, + 314.75, + 0.7145521640777588, + 751.75, + 202.25, + 0.790474534034729, + 841.75, + 314.75, + 0.7229481339454651, + 841.75, + 299.75, + 0.6654610633850098, + 856.75, + 337.25, + 0.16644752025604248 + ], + "scale": [ + 3.6000001430511475, + 4.799999713897705 + ], + "score": 0.7847490635785189 + }, + { + "category_id": 1, + "center": [ + 630.5, + 223.5 + ], + "image_id": 21507021100, + "keypoints": [ + 564.6471557617188, + -12.795573234558105, + 0.027584243565797806, + 634.3737182617188, + 87.92057037353516, + 0.0022954680025577545, + 828.05859375, + 297.1002502441406, + 0.009106600657105446, + 448.4361877441406, + 18.19400978088379, + 0.0031477701850235462, + 518.1627807617188, + 18.19400978088379, + 0.06062552332878113, + 471.6783752441406, + 33.68880081176758, + 0.656002402305603, + 463.9309997558594, + 157.6471405029297, + 0.7257105112075806, + 611.1315307617188, + 72.42578125, + 0.8701412081718445, + 572.39453125, + 390.0690002441406, + 0.8891558647155762, + 758.33203125, + 41.43619918823242, + 0.9277136325836182, + 719.5950317382812, + 328.08984375, + 0.9350930452346802, + 595.63671875, + 219.6262969970703, + 0.7898550033569336, + 595.63671875, + 312.5950622558594, + 0.7305465936660767, + 766.0794067382812, + 196.3841094970703, + 0.6928648948669434, + 843.5534057617188, + 304.84765625, + 0.633598804473877, + 851.30078125, + 289.3528747558594, + 0.6863206028938293, + 859.0481567382812, + 312.5950622558594, + 0.1916397213935852 + ], + "scale": [ + 3.71875, + 4.958333492279053 + ], + "score": 0.7760911421342329 + }, + { + "category_id": 1, + "center": [ + 628.0, + 223.5 + ], + "image_id": 21507021600, + "keypoints": [ + 557.9869995117188, + 28.20052146911621, + 0.049549464136362076, + 661.1640625, + 109.26822662353516, + 0.004573324229568243, + 557.9869995117188, + 28.20052146911621, + 0.02254062332212925, + 683.2734375, + 190.3359375, + 0.0037410070654004812, + 521.1380004882812, + 28.20052146911621, + 0.0809459462761879, + 476.9192810058594, + 35.5703125, + 0.6259526014328003, + 462.1796875, + 160.8567657470703, + 0.7371398210525513, + 594.8359375, + 65.04947662353516, + 0.8397595882415771, + 572.7265625, + 396.6900939941406, + 0.8859105110168457, + 764.3411254882812, + 42.94010543823242, + 0.9098314046859741, + 720.1223754882812, + 322.9921875, + 0.962279736995697, + 594.8359375, + 219.8151092529297, + 0.7823864221572876, + 594.8359375, + 308.2525939941406, + 0.7219521999359131, + 764.3411254882812, + 197.7057342529297, + 0.7509423494338989, + 838.0390625, + 308.2525939941406, + 0.6620813608169556, + 845.4088745117188, + 286.1432189941406, + 0.5851743221282959, + 860.1484375, + 345.1015625, + 0.08005857467651367 + ], + "scale": [ + 3.5374999046325684, + 4.7166666984558105 + ], + "score": 0.7694009379907087 + }, + { + "category_id": 1, + "center": [ + 645.5, + 221.0 + ], + "image_id": 21507023000, + "keypoints": [ + 561.96484375, + 18.12890625, + 0.03328481316566467, + 697.2122192382812, + -13.694010734558105, + 0.002445726189762354, + 569.9205932617188, + 10.173176765441895, + 0.007332203444093466, + 426.7174377441406, + -45.51692581176758, + 0.0018195792799815536, + 458.5403747558594, + 10.173176765441895, + 0.05519525334239006, + 482.4075622558594, + 26.08463478088379, + 0.725490927696228, + 450.5846252441406, + 161.33203125, + 0.7706776857376099, + 609.69921875, + 57.90755081176758, + 0.8608334064483643, + 569.9205932617188, + 392.0481872558594, + 0.8918218612670898, + 768.8137817382812, + 34.04036331176758, + 0.9396061897277832, + 721.0794067382812, + 328.40234375, + 0.9199520349502563, + 593.7877807617188, + 224.9778594970703, + 0.8048399686813354, + 585.83203125, + 320.4466247558594, + 0.6498829126358032, + 760.8580932617188, + 209.06640625, + 0.709033191204071, + 840.4153442382812, + 296.5794372558594, + 0.4967266917228699, + 856.3268432617188, + 288.6236877441406, + 0.589343786239624, + 880.1940307617188, + 352.26953125, + 0.2158658504486084 + ], + "scale": [ + 3.8187501430511475, + 5.0916666984558105 + ], + "score": 0.714506208896637 + }, + { + "category_id": 1, + "center": [ + 624.5, + 222.0 + ], + "image_id": 21507023400, + "keypoints": [ + 565.41796875, + 13.243489265441895, + 0.04869687557220459, + 659.94921875, + 92.01953125, + 0.004635719582438469, + 565.41796875, + 13.243489265441895, + 0.008921816013753414, + 722.9700317382812, + 218.0612030029297, + 0.003264389233663678, + 478.7643127441406, + -10.389323234558105, + 0.04456176608800888, + 463.0091247558594, + 36.87630081176758, + 0.6434062719345093, + 463.0091247558594, + 155.0403594970703, + 0.6780257225036621, + 557.5403442382812, + 139.28515625, + 0.7291951775550842, + 573.2955932617188, + 391.3684997558594, + 0.9124674797058105, + 659.94921875, + 186.55078125, + 0.99208664894104, + 722.9700317382812, + 328.34765625, + 0.9913797974586487, + 604.8059692382812, + 225.9387969970703, + 0.8274255990982056, + 604.8059692382812, + 320.4700622558594, + 0.7614850997924805, + 770.2356567382812, + 218.0612030029297, + 0.7811246514320374, + 849.01171875, + 304.71484375, + 0.7885909080505371, + 864.7669067382812, + 288.9596252441406, + 0.6341372132301331, + 896.27734375, + 320.4700622558594, + 0.06418843567371368 + ], + "scale": [ + 3.78125, + 5.041666507720947 + ], + "score": 0.7944840517911044 + }, + { + "category_id": 1, + "center": [ + 641.0, + 235.0 + ], + "image_id": 21507023700, + "keypoints": [ + 628.8125, + 434.0625, + 0.00480593042448163, + 799.4375, + 287.8125, + 0.003071362851187587, + 677.5625, + 149.6875, + 0.0030753130558878183, + 750.6875, + 230.9375, + 0.003689138451591134, + 466.3125, + -4.6875, + 0.018257925286889076, + 474.4375, + 35.9375, + 0.6484399437904358, + 458.1875, + 141.5625, + 0.7254068851470947, + 571.9375, + 133.4375, + 0.8126833438873291, + 539.4375, + 409.6875, + 0.9571324586868286, + 677.5625, + 214.6875, + 0.9728195667266846, + 766.9375, + 393.4375, + 0.8948225378990173, + 604.4375, + 239.0625, + 0.7753976583480835, + 604.4375, + 336.5625, + 0.6184030771255493, + 799.4375, + 239.0625, + 0.680079996585846, + 848.1875, + 320.3125, + 0.7816541194915771, + 864.4375, + 312.1875, + 0.37623274326324463, + 929.4375, + 442.1875, + 0.09540723264217377 + ], + "scale": [ + 3.8999998569488525, + 5.199999809265137 + ], + "score": 0.7493702119046991 + }, + { + "category_id": 1, + "center": [ + 626.0, + 221.0 + ], + "image_id": 21507024001, + "keypoints": [ + 565.84375, + -15.614583015441895, + 0.028994597494602203, + 694.1770629882812, + 48.55208206176758, + 0.0030786721035838127, + 565.84375, + -23.63541603088379, + 0.005215352401137352, + 686.15625, + 249.0729217529297, + 0.005635520908981562, + 437.5104064941406, + 0.4270833432674408, + 0.03338837996125221, + 501.6770935058594, + 24.48958396911621, + 0.6824420690536499, + 461.5729064941406, + 160.84375, + 0.692041277885437, + 630.0104370117188, + 72.61458587646484, + 0.9145619869232178, + 597.9270629882812, + 385.4270935058594, + 0.8806576728820801, + 766.3645629882812, + 40.53125, + 0.9218387603759766, + 814.4895629882812, + 345.3229064941406, + 0.9805926084518433, + 597.9270629882812, + 225.0104217529297, + 0.7660357356071472, + 597.9270629882812, + 321.2604064941406, + 0.769708514213562, + 782.40625, + 225.0104217529297, + 0.8021670579910278, + 830.53125, + 305.21875, + 0.44806909561157227, + 854.59375, + 297.1979064941406, + 0.3210780918598175, + 870.6354370117188, + 409.4895935058594, + 0.07642891258001328 + ], + "scale": [ + 3.8499999046325684, + 5.133333206176758 + ], + "score": 0.7435629882595756 + }, + { + "category_id": 1, + "center": [ + 638.5, + 202.0 + ], + "image_id": 21507002400, + "keypoints": [ + 574.8606567382812, + 3.5950520038604736, + 0.12625424563884735, + 679.6784057617188, + -18.86588478088379, + 0.0014255597488954663, + 529.9387817382812, + 11.08203125, + 0.011701730079948902, + 702.1393432617188, + 168.30859375, + 0.0024894694797694683, + 455.0690002441406, + 3.5950520038604736, + 0.05439993366599083, + 477.5299377441406, + 18.56900978088379, + 0.6015822291374207, + 462.5559997558594, + 130.8737030029297, + 0.7308961749076843, + 567.3737182617188, + 160.8216094970703, + 0.07727451622486115, + 574.8606567382812, + 347.99609375, + 0.8686613440513611, + 687.1653442382812, + 213.23046875, + 0.17150676250457764, + 702.1393432617188, + 250.6653594970703, + 0.904181182384491, + 597.3215942382812, + 213.23046875, + 0.7568259835243225, + 604.80859375, + 310.5611877441406, + 0.7461839914321899, + 784.49609375, + 213.23046875, + 0.7598845362663269, + 844.3919067382812, + 310.5611877441406, + 0.8949132561683655, + 851.87890625, + 310.5611877441406, + 0.5425342321395874, + 896.80078125, + 407.8919372558594, + 0.07513250410556793 + ], + "scale": [ + 3.59375, + 4.791666507720947 + ], + "score": 0.7561847700013055 + }, + { + "category_id": 1, + "center": [ + 640.0, + 216.5 + ], + "image_id": 21507024401, + "keypoints": [ + 546.5625, + 1.1875, + 0.21497219800949097, + 757.8125, + 301.8125, + 0.005065686069428921, + 505.9375, + 9.3125, + 0.03564850240945816, + 700.9375, + 179.9375, + 0.007711900398135185, + 424.6875, + 1.1875, + 0.3942031264305115, + 457.1875, + 41.8125, + 0.7108063697814941, + 457.1875, + 163.6875, + 0.7916907072067261, + 579.0625, + 98.6875, + 0.9279782772064209, + 611.5625, + 374.9375, + 0.8984142541885376, + 700.9375, + 82.4375, + 0.9148874282836914, + 839.0625, + 342.4375, + 0.9150766134262085, + 595.3125, + 228.6875, + 0.8166868686676025, + 595.3125, + 326.1875, + 0.7196890115737915, + 757.8125, + 204.3125, + 0.848351240158081, + 839.0625, + 326.1875, + 0.3508046269416809, + 839.0625, + 285.5625, + 0.2600693702697754, + 904.0625, + 383.0625, + 0.06325998157262802 + ], + "scale": [ + 3.8999998569488525, + 5.199999809265137 + ], + "score": 0.6741253917033856 + }, + { + "category_id": 1, + "center": [ + 639.5, + 214.0 + ], + "image_id": 21507024801, + "keypoints": [ + 569.6627807617188, + 4.48828125, + 0.25927963852882385, + 758.6340942382812, + 300.26953125, + 0.008749512024223804, + 569.6627807617188, + 4.48828125, + 0.07653169333934784, + 635.3919067382812, + 144.1627655029297, + 0.007596081122756004, + 479.28515625, + -3.7278645038604736, + 0.16878965497016907, + 462.8528747558594, + 37.35286331176758, + 0.6785010099411011, + 462.8528747558594, + 160.5950469970703, + 0.7404403686523438, + 569.6627807617188, + 119.51432037353516, + 0.8782534599304199, + 635.3919067382812, + 374.21484375, + 0.9387351274490356, + 692.9049682617188, + 144.1627655029297, + 0.9546645879745483, + 849.01171875, + 333.1341247558594, + 0.9319853782653809, + 577.87890625, + 218.1080780029297, + 0.6858490109443665, + 594.3112182617188, + 316.7018127441406, + 0.6475715041160583, + 758.6340942382812, + 193.4596405029297, + 0.8309517502784729, + 832.5794067382812, + 300.26953125, + 0.296670138835907, + 857.2278442382812, + 283.8372497558594, + 0.4921503961086273, + 898.30859375, + 341.3502502441406, + 0.13454729318618774 + ], + "scale": [ + 3.9437499046325684, + 5.258333206176758 + ], + "score": 0.6945876975854238 + }, + { + "category_id": 1, + "center": [ + 651.0, + 211.5 + ], + "image_id": 21507025100, + "keypoints": [ + 563.7734375, + -0.3359537124633789, + 0.26985982060432434, + 771.4557495117188, + 298.7265625, + 0.007098394446074963, + 547.1588745117188, + -0.3359537124633789, + 0.0645192340016365, + 646.8463745117188, + 140.8880157470703, + 0.006682151462882757, + 464.0859375, + -0.3359537124633789, + 0.39298468828201294, + 472.3932189941406, + 41.20050811767578, + 0.7430358529090881, + 472.3932189941406, + 174.1171875, + 0.768964409828186, + 588.6953125, + 82.73696899414062, + 0.8978777527809143, + 638.5390625, + 373.4921875, + 0.892960786819458, + 721.6119995117188, + 57.815093994140625, + 0.9381585717201233, + 846.2213745117188, + 331.95574951171875, + 0.9198224544525146, + 588.6953125, + 223.9609375, + 0.8515899181365967, + 605.3098754882812, + 315.3411560058594, + 0.740236759185791, + 763.1484375, + 199.0390625, + 0.8068311214447021, + 821.2994995117188, + 323.6484375, + 0.39972755312919617, + 854.5286865234375, + 273.8046875, + 0.3946036696434021, + 887.7578125, + 307.03387451171875, + 0.06300263106822968 + ], + "scale": [ + 3.9875001907348633, + 5.316667079925537 + ], + "score": 0.6935887199181777 + }, + { + "category_id": 1, + "center": [ + 630.0, + 213.5 + ], + "image_id": 21507025700, + "keypoints": [ + 552.8125, + 6.3125, + 0.2275613695383072, + 544.6875, + 38.8125, + 0.0077140177600085735, + 536.5625, + 30.6875, + 0.14229436218738556, + 690.9375, + 250.0625, + 0.0031630464363843203, + 463.4375, + -1.8125, + 0.22350981831550598, + 495.9375, + 22.5625, + 0.658821702003479, + 455.3125, + 168.8125, + 0.7371199131011963, + 625.9375, + 46.9375, + 0.8864080905914307, + 625.9375, + 371.9375, + 0.9738081097602844, + 780.3125, + 22.5625, + 0.862249493598938, + 845.3125, + 339.4375, + 0.974358856678009, + 593.4375, + 225.6875, + 0.8139136433601379, + 601.5625, + 323.1875, + 0.6934157013893127, + 772.1875, + 217.5625, + 0.7859567999839783, + 837.1875, + 298.8125, + 0.4331772029399872, + 861.5625, + 290.6875, + 0.29889237880706787, + 877.8125, + 412.5625, + 0.06693566590547562 + ], + "scale": [ + 3.8999998569488525, + 5.199999809265137 + ], + "score": 0.6591686984667411 + }, + { + "category_id": 1, + "center": [ + 646.0, + 215.5 + ], + "image_id": 21507026001, + "keypoints": [ + 570.0494995117188, + 3.6380207538604736, + 0.3385106921195984, + 538.0703125, + -36.3359375, + 0.006890036165714264, + 562.0546875, + -4.356770992279053, + 0.12387177348136902, + 705.9609375, + 147.5442657470703, + 0.0055969106033444405, + 458.1224060058594, + 11.6328125, + 0.3044814169406891, + 482.1067810058594, + 35.6171875, + 0.6236270666122437, + 466.1171875, + 171.5286407470703, + 0.7094182968139648, + 602.0286254882812, + 75.59114837646484, + 0.9084979295730591, + 634.0078125, + 371.3984375, + 0.9373851418495178, + 729.9453125, + 35.6171875, + 0.8683419227600098, + 841.8723754882812, + 331.4244689941406, + 0.9221043586730957, + 594.0338745117188, + 227.4921875, + 0.8592774868011475, + 602.0286254882812, + 323.4296875, + 0.7614271640777588, + 761.9244995117188, + 219.4973907470703, + 0.8060106039047241, + 825.8828125, + 275.4609375, + 0.43337225914001465, + 841.8723754882812, + 275.4609375, + 0.3437992334365845, + 905.8307495117188, + 379.3932189941406, + 0.06751419603824615 + ], + "scale": [ + 3.8374998569488525, + 5.116666793823242 + ], + "score": 0.6781733517463391 + }, + { + "category_id": 1, + "center": [ + 637.5, + 203.5 + ], + "image_id": 21507002700, + "keypoints": [ + 580.17578125, + -6.688784599304199, + 0.03689858317375183, + 870.6184692382812, + 299.04034423828125, + 0.003878155956044793, + 580.17578125, + -21.975242614746094, + 0.006357796024531126, + 480.8138122558594, + 0.9544439315795898, + 0.0020015600603073835, + 480.8138122558594, + -21.975242614746094, + 0.025312550365924835, + 473.17059326171875, + 16.240901947021484, + 0.5487542152404785, + 465.52734375, + 130.8893280029297, + 0.7586991786956787, + 519.0299682617188, + 123.24610137939453, + 0.04602371156215668, + 580.17578125, + 344.89971923828125, + 0.8557175397872925, + 694.82421875, + 176.7487030029297, + 0.04931990057229996, + 740.68359375, + 253.1809844970703, + 0.9050981998443604, + 595.4622192382812, + 214.96484375, + 0.7992650866508484, + 603.10546875, + 306.68359375, + 0.7246767282485962, + 771.2564697265625, + 192.03515625, + 0.7647762298583984, + 847.6887817382812, + 306.68359375, + 0.90705406665802, + 840.0455322265625, + 299.04034423828125, + 0.46667608618736267, + 901.19140625, + 406.0455627441406, + 0.09465201944112778 + ], + "scale": [ + 3.6687498092651367, + 4.891666889190674 + ], + "score": 0.7478574812412262 + }, + { + "category_id": 1, + "center": [ + 626.0, + 232.5 + ], + "image_id": 21507027601, + "keypoints": [ + 585.609375, + 8.515625, + 0.566429853439331, + 578.265625, + -28.203125, + 0.009192830882966518, + 570.921875, + -6.171875, + 0.25471267104148865, + 681.078125, + 199.453125, + 0.00994888599961996, + 475.453125, + 8.515625, + 0.40296101570129395, + 482.796875, + 45.234375, + 0.678868293762207, + 453.421875, + 140.703125, + 0.7276097536087036, + 541.546875, + 148.046875, + 0.36017510294914246, + 512.171875, + 412.421875, + 0.9107136726379395, + 622.328125, + 199.453125, + 0.8858930468559265, + 651.703125, + 338.984375, + 0.9005220532417297, + 592.953125, + 228.828125, + 0.8511035442352295, + 600.296875, + 316.953125, + 0.7885563373565674, + 769.203125, + 206.796875, + 0.8365923762321472, + 842.640625, + 309.609375, + 0.8904908299446106, + 857.328125, + 302.265625, + 0.543229341506958, + 886.703125, + 375.703125, + 0.06646121293306351 + ], + "scale": [ + 3.5249998569488525, + 4.699999809265137 + ], + "score": 0.6855612780366626 + }, + { + "category_id": 1, + "center": [ + 633.5, + 199.5 + ], + "image_id": 21507028000, + "keypoints": [ + 614.1315307617188, + 1.94140625, + 0.6730371713638306, + 583.1419067382812, + -13.553385734558105, + 0.012252092361450195, + 590.8893432617188, + -5.805989742279053, + 0.1462816596031189, + 474.6783752441406, + 1.94140625, + 0.005342669319361448, + 505.66796875, + 1.94140625, + 0.5892764329910278, + 466.9309997558594, + 40.67838668823242, + 0.599389910697937, + 482.42578125, + 156.8893280029297, + 0.7101912498474121, + 567.6471557617188, + 164.63671875, + 0.4846341013908386, + 668.36328125, + 327.33203125, + 0.9478620290756226, + 637.3737182617188, + 211.12109375, + 0.9698803424835205, + 854.30078125, + 265.3528747558594, + 0.954505205154419, + 598.63671875, + 234.36328125, + 0.6486959457397461, + 598.63671875, + 319.5846252441406, + 0.5926961898803711, + 753.5846557617188, + 195.6262969970703, + 0.8302605152130127, + 831.05859375, + 273.1002502441406, + 0.4886454939842224, + 823.3112182617188, + 280.84765625, + 0.07441912591457367, + 753.5846557617188, + 195.6262969970703, + 0.03350333869457245 + ], + "scale": [ + 3.71875, + 4.958333492279053 + ], + "score": 0.7074228823184967 + }, + { + "category_id": 1, + "center": [ + 629.0, + 240.0 + ], + "image_id": 21507028300, + "keypoints": [ + 607.9713745117188, + 75.9765625, + 0.9259092807769775, + 624.7942504882812, + 33.91926956176758, + 0.2327514886856079, + 582.7369995117188, + 50.7421875, + 0.9251512885093689, + 473.3880310058594, + -58.60676956176758, + 0.002751481719315052, + 481.7994689941406, + 17.09635353088379, + 0.8650277256965637, + 498.6224060058594, + 42.33073043823242, + 0.6256397366523743, + 464.9765625, + 168.5026092529297, + 0.8805966973304749, + 557.5026245117188, + 151.6796875, + 0.478728711605072, + 406.0963439941406, + 420.8463439941406, + 0.8659328818321228, + 633.2057495117188, + 218.9713592529297, + 0.9614378213882446, + 658.4401245117188, + 412.4349060058594, + 0.8513268232345581, + 607.9713745117188, + 244.2057342529297, + 0.8049952387809753, + 607.9713745117188, + 345.1432189941406, + 0.7458993792533875, + 767.7890625, + 202.1484375, + 0.8329794406890869, + 843.4921875, + 294.6744689941406, + 0.9286661744117737, + 851.9036254882812, + 303.0859375, + 0.495396226644516, + 835.0807495117188, + 437.6692810058594, + 0.10030961036682129 + ], + "scale": [ + 4.037499904632568, + 5.383333683013916 + ], + "score": 0.7613625943660736 + }, + { + "category_id": 1, + "center": [ + 621.0, + 232.5 + ], + "image_id": 21507030001, + "keypoints": [ + 630.921875, + 116.74478912353516, + 0.7977278232574463, + 657.3801879882812, + 77.05728912353516, + 0.2268989235162735, + 604.4635620117188, + 90.28646087646484, + 0.8825621604919434, + 697.0676879882812, + 301.953125, + 0.008631295524537563, + 485.4010314941406, + 43.984375, + 0.9051212072372437, + 505.2447814941406, + 70.44271087646484, + 0.3602389693260193, + 458.9427185058594, + 189.5052032470703, + 0.7267253398895264, + 564.7760620117188, + 103.515625, + 0.26036393642425537, + 525.0885620117188, + 427.6302185058594, + 0.9071518182754517, + 630.921875, + 116.74478912353516, + 0.7929338216781616, + 677.2239379882812, + 335.0260314941406, + 0.9148656129837036, + 597.8489379882812, + 235.8072967529297, + 0.723621129989624, + 597.8489379882812, + 328.4114685058594, + 0.6778076887130737, + 763.2135620117188, + 196.1197967529297, + 0.7021497488021851, + 849.203125, + 301.953125, + 0.8941249847412109, + 855.8176879882812, + 295.3385314941406, + 0.6830117702484131, + 875.6614379882812, + 348.2552185058594, + 0.06220792606472969 + ], + "scale": [ + 3.174999952316284, + 4.233333587646484 + ], + "score": 0.6970203290383021 + }, + { + "category_id": 1, + "center": [ + 613.5, + 205.0 + ], + "image_id": 21507006401, + "keypoints": [ + 658.44140625, + 312.16796875, + 0.006803689990192652, + 485.58984375, + 56.34765625, + 0.0031323477160185575, + 699.92578125, + 166.97265625, + 0.005462107248604298, + 672.26953125, + 180.80078125, + 0.0037635457701981068, + 506.33203125, + 21.77734375, + 0.0686616599559784, + 471.76171875, + 28.69140625, + 0.4718971848487854, + 464.84765625, + 146.23046875, + 0.7693169116973877, + 561.64453125, + 139.31640625, + 0.030380606651306152, + 575.47265625, + 367.48046875, + 0.8909367322921753, + 734.49609375, + 208.45703125, + 0.04074660688638687, + 720.66796875, + 263.76953125, + 0.8454872369766235, + 596.21484375, + 215.37109375, + 0.7544510364532471, + 596.21484375, + 305.25390625, + 0.7354866862297058, + 769.06640625, + 194.62890625, + 0.7537537813186646, + 852.03515625, + 312.16796875, + 0.9204553365707397, + 858.94921875, + 312.16796875, + 0.529150128364563, + 921.17578125, + 402.05078125, + 0.07667343318462372 + ], + "scale": [ + 3.3187499046325684, + 4.425000190734863 + ], + "score": 0.7412150038613213 + }, + { + "category_id": 1, + "center": [ + 629.0, + 203.5 + ], + "image_id": 21507009601, + "keypoints": [ + 572.9453125, + 5.440104007720947, + 0.02485368214547634, + 856.9557495117188, + 296.9244689941406, + 0.0019730040803551674, + 617.7890625, + -144.0390625, + 0.0035145250149071217, + 453.3619689941406, + -2.0338542461395264, + 0.002438117517158389, + 498.2057189941406, + -9.5078125, + 0.05983893200755119, + 460.8359375, + 20.38802146911621, + 0.5142746567726135, + 460.8359375, + 147.4453125, + 0.7335237264633179, + 565.4713745117188, + 132.4973907470703, + 0.059970833361148834, + 647.6848754882812, + 319.3463439941406, + 0.8887167572975159, + 714.9505004882812, + 169.8671875, + 0.0319039449095726, + 789.6901245117188, + 184.8151092529297, + 0.7932950854301453, + 595.3671875, + 222.1848907470703, + 0.7609881162643433, + 595.3671875, + 319.3463439941406, + 0.7401107549667358, + 774.7421875, + 192.2890625, + 0.8512072563171387, + 849.4817504882812, + 311.8724060058594, + 0.9353103637695312, + 849.4817504882812, + 319.3463439941406, + 0.48589855432510376, + 886.8515625, + 409.0338439941406, + 0.060005880892276764 + ], + "scale": [ + 3.5874998569488525, + 4.7833333015441895 + ], + "score": 0.7448139190673828 + } +] \ No newline at end of file diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000..495aa31 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,2 @@ +numpy +tabulate \ No newline at end of file -- GitLab